From 98cb4dc2618a67d4a05d37cb0253ea7f114e1827 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 4 Feb 2025 19:12:31 +0400 Subject: [PATCH 01/29] comment changes remove unnecesary print remove unnecesary FX metatype Registry pre commit fix --- nncf/common/graph/operator_metatypes.py | 11 ++++++++++ .../torch/fx/nncf_graph_builder.py | 20 ++----------------- nncf/torch/graph/operator_metatypes.py | 5 ++--- 3 files changed, 15 insertions(+), 21 deletions(-) diff --git a/nncf/common/graph/operator_metatypes.py b/nncf/common/graph/operator_metatypes.py index bedbb9cadc2..c9303c51bc8 100644 --- a/nncf/common/graph/operator_metatypes.py +++ b/nncf/common/graph/operator_metatypes.py @@ -111,6 +111,17 @@ def wrap(obj: Type[OperatorMetatype]) -> Type[OperatorMetatype]: ) raise nncf.InternalError(msg) self._op_name_to_op_meta_dict[name] = obj + if hasattr(obj, "module_to_function_names"): + for namespace, function_names in obj.module_to_function_names.items(): + for function_name in function_names: + target_function_name = f"{namespace.value}.{function_name}" + if target_function_name in self._func_name_to_op_meta_dict: + msg = ( + "Inconsistent operator metatype registry - single patched " + f"op name `{target_function_name}` maps to multiple metatypes!" + ) + raise nncf.InternalError(msg) + self._func_name_to_op_meta_dict[target_function_name] = obj return obj return wrap diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 36dc3b46e6e..13c53553366 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -65,22 +65,6 @@ def _get_layer_attributes( ) return None - def _map_fx_unique_metatypes(node: torch.fx.Node, metatype: om.OperatorMetatype) -> om.OperatorMetatype: - """ - Attempts to retrieve correct subtype for the given node. - - :param node: Given node. - :param metatype: Given node metatype. - :param model: Target GraphModule instance. - :return: Correct FX metatype of the given node if it is exist or the original node metatype otherwise. - """ - if metatype in [om.PTEmbeddingMetatype]: - weight_node = node.args[0] - if weight_node.op == "get_attr": - return om.PTAtenEmbeddingMetatype - - return metatype - @staticmethod def get_node_type_and_metatype(node: torch.fx.Node, model: torch.fx.GraphModule) -> Tuple[str, om.OperatorMetatype]: """ @@ -118,7 +102,8 @@ def get_node_type_and_metatype(node: torch.fx.Node, model: torch.fx.GraphModule) layer_attrs = GraphConverter._get_layer_attributes(node, node_metatype, model) node_subtype = node_metatype.determine_subtype(layer_attrs) node_metatype = node_subtype or node_metatype - return node_type, node_metatype + node_type_name = node_type_name or node_type + return node_type_name, node_metatype @staticmethod def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: @@ -135,7 +120,6 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: const_targets_counter = Counter([node.target for node in model.graph.nodes if node.op == "get_attr"]) for source_node in model.graph.nodes: node_type, node_metatype = GraphConverter.get_node_type_and_metatype(source_node, model) - node_metatype = GraphConverter._map_fx_unique_metatypes(source_node, node_metatype) is_shared_node = source_node.op in ("get_attr",) and ( const_targets_counter[source_node.target] > 1 or len(source_node.users) > 1 ) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 825c63c5765..e3234c4499a 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -28,7 +28,6 @@ ModuleAttributes = TypeVar("ModuleAttributes", bound=BaseLayerAttributes) PT_OPERATOR_METATYPES = OperatorMetatypeRegistry("operator_metatypes") -FX_OPERATOR_METATYPES = OperatorMetatypeRegistry("operator_metatypes") class PTOperatorMetatype(OperatorMetatype): @@ -926,9 +925,9 @@ class PTEmbeddingMetatype(PTOperatorMetatype): weight_port_ids = [1] -@FX_OPERATOR_METATYPES.register() +@PT_OPERATOR_METATYPES.register() class PTAtenEmbeddingMetatype(OperatorMetatype): - name = "EmbeddingOp" + name = "AtenEmbeddingOp" module_to_function_names = {NamespaceTarget.ATEN: ["embedding"]} hw_config_names = [HWConfigOpName.EMBEDDING] weight_port_ids = [0] From 5991aef6771be93f7231c1f61bc7e139c1a3872c Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 4 Feb 2025 20:28:43 +0400 Subject: [PATCH 02/29] update operator metatypes --- nncf/torch/graph/operator_metatypes.py | 95 +++++++++++++++++++------- 1 file changed, 69 insertions(+), 26 deletions(-) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index e3234c4499a..dc120c00d33 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -193,6 +193,7 @@ class PTNoopMetatype(PTOperatorMetatype): NamespaceTarget.TORCH_NN_FUNCTIONAL: [], NamespaceTarget.TORCH_TENSOR: ["contiguous", "clone", "detach", "detach_", "to"], NamespaceTarget.TORCH: ["clone", "detach", "detach_"], + NamespaceTarget.ATEN: ["contiguous", "clone", "to"], } @@ -246,7 +247,7 @@ class PTConv1dMetatype(PTOperatorMetatype): class PTModuleDepthwiseConv2dSubtype(PTModuleDepthwiseConvOperatorSubtype): name = "Conv2DOp" hw_config_names = [HWConfigOpName.DEPTHWISECONVOLUTION] - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["conv2d"]} + module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["conv2d"], NamespaceTarget.ATEN: ["conv2d"]} output_channel_axis = 1 num_expected_input_edges = 2 weight_port_ids = [1] @@ -257,7 +258,7 @@ class PTModuleDepthwiseConv2dSubtype(PTModuleDepthwiseConvOperatorSubtype): class PTModuleConv2dMetatype(PTModuleOperatorSubtype): name = "Conv2DOp" hw_config_names = [HWConfigOpName.CONVOLUTION] - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["conv2d"]} + module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["conv2d"], NamespaceTarget.ATEN: ["conv2d"]} subtypes = [PTModuleDepthwiseConv2dSubtype] output_channel_axis = 1 num_expected_input_edges = 2 @@ -280,7 +281,7 @@ class PTDepthwiseConv2dSubtype(PTDepthwiseConvOperatorSubtype): class PTConv2dMetatype(PTOperatorMetatype): name = "Conv2DOp" hw_config_names = [HWConfigOpName.CONVOLUTION] - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["conv2d"]} + module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["conv2d"], NamespaceTarget.ATEN: ["conv2d"]} subtypes = [PTModuleConv2dMetatype, PTDepthwiseConv2dSubtype] output_channel_axis = 1 num_expected_input_edges = 2 @@ -372,7 +373,10 @@ class PTModuleConvTranspose2dMetatype(PTModuleOperatorSubtype): class PTConvTranspose2dMetatype(PTOperatorMetatype): name = "ConvTranspose2DOp" hw_config_names = [HWConfigOpName.CONVOLUTION] - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["conv_transpose2d"]} + module_to_function_names = { + NamespaceTarget.TORCH_NN_FUNCTIONAL: ["conv_transpose2d"], + NamespaceTarget.ATEN: ["conv_transpose2d"], + } subtypes = [PTModuleConvTranspose2dMetatype] output_channel_axis = 1 num_expected_input_edges = 2 @@ -433,7 +437,7 @@ class PTModuleLinearMetatype(PTModuleOperatorSubtype): @PT_OPERATOR_METATYPES.register() class PTLinearMetatype(PTOperatorMetatype): name = "LinearOp" - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["linear"]} + module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["linear"], NamespaceTarget.ATEN: ["linear"]} hw_config_names = [HWConfigOpName.MATMUL] subtypes = [PTModuleLinearMetatype] output_channel_axis = -1 @@ -451,14 +455,20 @@ class PTHardTanhMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTHardSwishMetatype(PTOperatorMetatype): name = "HardSwishOp" - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["hardswish", "hardswish_"]} + module_to_function_names = { + NamespaceTarget.TORCH_NN_FUNCTIONAL: ["hardswish", "hardswish_"], + NamespaceTarget.ATEN: ["hardswish", "hardswish_"], + } num_expected_input_edges = 1 @PT_OPERATOR_METATYPES.register() class PTHardSigmoidMetatype(PTOperatorMetatype): name = "HardSigmoidOp" - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["hardsigmoid"]} + module_to_function_names = { + NamespaceTarget.TORCH_NN_FUNCTIONAL: ["hardsigmoid"], + NamespaceTarget.ATEN: ["hardsigmoid"], + } num_expected_input_edges = 1 @@ -502,7 +512,10 @@ class PTModuleLayerNormMetatype(PTModuleOperatorSubtype): @PT_OPERATOR_METATYPES.register() class PTLayerNormMetatype(PTOperatorMetatype): name = "LayerNormOp" - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["layer_norm"]} + module_to_function_names = { + NamespaceTarget.TORCH_NN_FUNCTIONAL: ["layer_norm"], + NamespaceTarget.ATEN: ["layer_norm"], + } hw_config_names = [HWConfigOpName.MVN] subtypes = [PTModuleLayerNormMetatype] num_expected_input_edges = 1 @@ -530,7 +543,7 @@ class PTGroupNormMetatype(PTOperatorMetatype): class PTGELUMetatype(PTOperatorMetatype): name = "GeluOp" hw_config_names = [HWConfigOpName.GELU] - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["gelu"]} + module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["gelu"], NamespaceTarget.ATEN: ["gelu"]} @PT_OPERATOR_METATYPES.register() @@ -546,6 +559,7 @@ class PTSigmoidMetatype(PTOperatorMetatype): NamespaceTarget.TORCH_NN_FUNCTIONAL: ["sigmoid"], NamespaceTarget.TORCH_TENSOR: ["sigmoid"], NamespaceTarget.TORCH: ["sigmoid"], + NamespaceTarget.ATEN: ["sigmoid"], } @@ -561,6 +575,7 @@ class PTAddMetatype(PTOperatorMetatype): "__radd__", ], NamespaceTarget.TORCH: ["add"], + NamespaceTarget.ATEN: ["add_", "add"], } hw_config_names = [HWConfigOpName.ADD] num_expected_input_edges = 2 @@ -578,6 +593,7 @@ class PTSubMetatype(PTOperatorMetatype): "__rsub__", ], NamespaceTarget.TORCH: ["sub"], + NamespaceTarget.ATEN: ["sub", "sub_"], } hw_config_names = [HWConfigOpName.SUBTRACT] num_expected_input_edges = 2 @@ -589,6 +605,7 @@ class PTMulMetatype(PTOperatorMetatype): module_to_function_names = { NamespaceTarget.TORCH_TENSOR: ["mul", "mul_", "__mul__", "__imul__", "__rmul__"], NamespaceTarget.TORCH: ["mul"], + NamespaceTarget.ATEN: ["mul", "mul_"], } hw_config_names = [HWConfigOpName.MULTIPLY] num_expected_input_edges = 2 @@ -609,6 +626,7 @@ class PTDivMetatype(PTOperatorMetatype): "__rtruediv__", ], NamespaceTarget.TORCH: ["div"], + NamespaceTarget.ATEN: ["div", "div_"], } hw_config_names = [HWConfigOpName.DIVIDE] num_expected_input_edges = 2 @@ -630,6 +648,7 @@ class PTExpMetatype(PTOperatorMetatype): module_to_function_names = { NamespaceTarget.TORCH_TENSOR: ["exp"], NamespaceTarget.TORCH: ["exp"], + NamespaceTarget.ATEN: ["exp"], } @@ -665,6 +684,7 @@ class PTMatMulMetatype(PTOperatorMetatype): module_to_function_names = { NamespaceTarget.TORCH_TENSOR: ["matmul", "__matmul__", "__rmatmul__"], NamespaceTarget.TORCH: ["matmul", "bmm", "mm"], + NamespaceTarget.ATEN: ["matmul"], } hw_config_names = [HWConfigOpName.MATMUL] num_expected_input_edges = 2 @@ -687,7 +707,7 @@ class PTAddmmMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTMeanMetatype(PTOperatorMetatype): name = "MeanOp" - module_to_function_names = {NamespaceTarget.TORCH_TENSOR: ["mean"]} + module_to_function_names = {NamespaceTarget.TORCH_TENSOR: ["mean"], NamespaceTarget.ATEN: ["mean"]} hw_config_names = [HWConfigOpName.REDUCEMEAN] @@ -700,7 +720,11 @@ class PTRoundMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTDropoutMetatype(PTOperatorMetatype): name = "DropoutOp" - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["dropout"], NamespaceTarget.TORCH: ["dropout_"]} + module_to_function_names = { + NamespaceTarget.TORCH_NN_FUNCTIONAL: ["dropout"], + NamespaceTarget.TORCH: ["dropout_"], + NamespaceTarget.ATEN: ["dropout", "dropout_"], + } @PT_OPERATOR_METATYPES.register() @@ -714,7 +738,7 @@ class PTModuleBatchNormMetatype(PTModuleOperatorSubtype): name = "BatchNormOp" module_to_function_names = { NamespaceTarget.TORCH_NN_FUNCTIONAL: ["batch_norm"], - NamespaceTarget.ATEN: ["_native_batch_norm_legit_no_training", "cudnn_batch_norm"], + NamespaceTarget.ATEN: ["_native_batch_norm_legit_no_training", "cudnn_batch_norm", "batch_norm"], } @@ -723,7 +747,7 @@ class PTBatchNormMetatype(PTOperatorMetatype): name = "BatchNormOp" module_to_function_names = { NamespaceTarget.TORCH_NN_FUNCTIONAL: ["batch_norm"], - NamespaceTarget.ATEN: ["_native_batch_norm_legit_no_training", "cudnn_batch_norm"], + NamespaceTarget.ATEN: ["_native_batch_norm_legit_no_training", "cudnn_batch_norm", "batch_norm"], } subtypes = [PTModuleBatchNormMetatype] weight_port_ids = [3] @@ -733,7 +757,10 @@ class PTBatchNormMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTAvgPool2dMetatype(PTOperatorMetatype): name = "AvgPool2DOp" - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["avg_pool2d", "adaptive_avg_pool2d"]} + module_to_function_names = { + NamespaceTarget.TORCH_NN_FUNCTIONAL: ["avg_pool2d", "adaptive_avg_pool2d"], + NamespaceTarget.ATEN: ["adaptive_avg_pool2d"], + } hw_config_names = [HWConfigOpName.AVGPOOL] @@ -770,7 +797,10 @@ class PTMaxPool1dMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTMaxPool2dMetatype(PTOperatorMetatype): name = "MaxPool2DOp" - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["max_pool2d"]} + module_to_function_names = { + NamespaceTarget.TORCH_NN_FUNCTIONAL: ["max_pool2d"], + NamespaceTarget.ATEN: ["max_pool2d"], + } hw_config_names = [HWConfigOpName.MAXPOOL] @@ -802,20 +832,26 @@ class PTMaxUnpool3dMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTPadMetatype(PTOperatorMetatype): name = "PadOp" - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["pad"]} + module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["pad"], NamespaceTarget.ATEN: ["pad"]} @PT_OPERATOR_METATYPES.register() class PTCatMetatype(PTOperatorMetatype): name = "CatOp" - module_to_function_names = {NamespaceTarget.TORCH: ["cat", "stack", "concat"]} + module_to_function_names = { + NamespaceTarget.TORCH: ["cat", "stack", "concat"], + NamespaceTarget.ATEN: ["cat", "concat"], + } hw_config_names = [HWConfigOpName.CONCAT] @PT_OPERATOR_METATYPES.register() class PTRELUMetatype(PTOperatorMetatype): name = "ReluOp" - module_to_function_names = {NamespaceTarget.TORCH: ["relu", "relu_"]} + module_to_function_names = { + NamespaceTarget.TORCH: ["relu", "relu_"], + NamespaceTarget.ATEN: ["relu_", "relu"], + } @PT_OPERATOR_METATYPES.register() @@ -827,14 +863,14 @@ class PTRELU6Metatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTMaxMetatype(PTOperatorMetatype): name = "MaxOp" - module_to_function_names = {NamespaceTarget.TORCH: ["max"]} + module_to_function_names = {NamespaceTarget.TORCH: ["max"], NamespaceTarget.ATEN: ["max"]} hw_config_names = [HWConfigOpName.MAXIMUM, HWConfigOpName.REDUCEMAX] @PT_OPERATOR_METATYPES.register() class PTMinMetatype(PTOperatorMetatype): name = "MinOp" - module_to_function_names = {NamespaceTarget.TORCH: ["min"]} + module_to_function_names = {NamespaceTarget.TORCH: ["min"], NamespaceTarget.ATEN: ["min"]} hw_config_names = [HWConfigOpName.MINIMUM] @@ -844,6 +880,7 @@ class PTTransposeMetatype(PTOperatorMetatype): module_to_function_names = { NamespaceTarget.TORCH_TENSOR: ["transpose", "permute", "transpose_"], NamespaceTarget.TORCH: ["transpose"], + NamespaceTarget.ATEN: ["transpose", "permute", "transpose_"], } hw_config_names = [HWConfigOpName.TRANSPOSE] @@ -854,14 +891,17 @@ class PTGatherMetatype(PTOperatorMetatype): module_to_function_names = { NamespaceTarget.TORCH_TENSOR: ["index_select", "__getitem__"], NamespaceTarget.TORCH: ["gather", "index_select", "select", "where"], - NamespaceTarget.ATEN: ["slice"], + NamespaceTarget.ATEN: ["slice", "select", "__getitem__"], } @PT_OPERATOR_METATYPES.register() class PTScatterMetatype(PTOperatorMetatype): name = "ScatterOp" - module_to_function_names = {NamespaceTarget.TORCH_TENSOR: ["scatter", "masked_fill", "masked_fill_"]} + module_to_function_names = { + NamespaceTarget.TORCH_TENSOR: ["scatter", "masked_fill", "masked_fill_"], + NamespaceTarget.ATEN: ["masked_fill"], + } @PT_OPERATOR_METATYPES.register() @@ -870,6 +910,7 @@ class PTReshapeMetatype(PTOperatorMetatype): module_to_function_names = { NamespaceTarget.TORCH_TENSOR: ["reshape", "view", "flatten", "unsqueeze"], NamespaceTarget.TORCH: ["flatten", "unflatten", "unsqueeze"], + NamespaceTarget.ATEN: ["flatten", "reshape", "view", "unsqueeze", "unflatten"], } hw_config_names = [HWConfigOpName.RESHAPE, HWConfigOpName.UNSQUEEZE, HWConfigOpName.FLATTEN] @@ -880,6 +921,7 @@ class PTSqueezeMetatype(PTOperatorMetatype): module_to_function_names = { NamespaceTarget.TORCH_TENSOR: ["squeeze"], NamespaceTarget.TORCH: ["squeeze"], + NamespaceTarget.ATEN: ["squeeze"], } hw_config_names = [HWConfigOpName.SQUEEZE] @@ -891,7 +933,7 @@ class PTSplitMetatype(PTOperatorMetatype): NamespaceTarget.TORCH_NN_FUNCTIONAL: [], NamespaceTarget.TORCH_TENSOR: ["split", "chunk", "unbind"], NamespaceTarget.TORCH: ["split", "chunk", "unbind"], - NamespaceTarget.ATEN: ["split_with_sizes"], + NamespaceTarget.ATEN: ["split_with_sizes", "split"], } hw_config_names = [HWConfigOpName.SPLIT, HWConfigOpName.CHUNK] @@ -899,13 +941,13 @@ class PTSplitMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTExpandMetatype(PTOperatorMetatype): name = "ExpandOp" - module_to_function_names = {NamespaceTarget.TORCH_TENSOR: ["expand"]} + module_to_function_names = {NamespaceTarget.TORCH_TENSOR: ["expand"], NamespaceTarget.ATEN: ["expand"]} @PT_OPERATOR_METATYPES.register() class PTExpandAsMetatype(PTOperatorMetatype): name = "ExpandAsOp" - module_to_function_names = {NamespaceTarget.TORCH_TENSOR: ["expand_as"]} + module_to_function_names = {NamespaceTarget.TORCH_TENSOR: ["expand_as"], NamespaceTarget.ATEN: ["expand_as"]} @PT_OPERATOR_METATYPES.register(is_subtype=True) @@ -953,7 +995,7 @@ class PTEmbeddingBagMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTSoftmaxMetatype(PTOperatorMetatype): name = "SoftmaxOp" - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["softmax"]} + module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["softmax"], NamespaceTarget.ATEN: ["softmax"]} @PT_OPERATOR_METATYPES.register() @@ -1111,6 +1153,7 @@ class PTScaledDotProductAttentionMetatype(PTOperatorMetatype): name = "ScaledDotProductAttentionOp" module_to_function_names = { NamespaceTarget.TORCH_NN_FUNCTIONAL: ["scaled_dot_product_attention"], + NamespaceTarget.ATEN: ["scaled_dot_product_attention"], } hw_config_names = [HWConfigOpName.SCALED_DOT_PRODUCT_ATTENTION] target_input_ports = [0, 1] From 44103b4c1e7206af3df846e748e60461ecd1d80e Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 4 Feb 2025 20:46:32 +0400 Subject: [PATCH 03/29] revert breaking changes --- nncf/common/graph/operator_metatypes.py | 13 +++++++++++++ nncf/experimental/torch/fx/nncf_graph_builder.py | 9 ++++++--- 2 files changed, 19 insertions(+), 3 deletions(-) diff --git a/nncf/common/graph/operator_metatypes.py b/nncf/common/graph/operator_metatypes.py index c9303c51bc8..df0ba126dc4 100644 --- a/nncf/common/graph/operator_metatypes.py +++ b/nncf/common/graph/operator_metatypes.py @@ -78,6 +78,7 @@ def __init__(self, name: str): """ super().__init__(name) self._op_name_to_op_meta_dict: Dict[str, Type[OperatorMetatype]] = {} + self._func_name_to_op_meta_dict: Dict[str, Type[OperatorMetatype]] = {} def register(self, name: Optional[str] = None, is_subtype: bool = False) -> Callable[..., Type[OperatorMetatype]]: """ @@ -137,6 +138,18 @@ def get_operator_metatype_by_op_name(self, op_name: str) -> Type[OperatorMetatyp return UnknownMetatype return self._op_name_to_op_meta_dict[op_name] + def get_operator_metatype_by_func(self, func_name: str) -> Type[OperatorMetatype]: + """ + Returns the operator metatype by function name. + + :param func_name: The function name. + :return: The operator metatype. + """ + if func_name not in self._func_name_to_op_meta_dict: + return UnknownMetatype + obj = self._func_name_to_op_meta_dict[func_name] + return obj + NOOP_METATYPES = Registry("noop_metatypes") INPUT_NOOP_METATYPES = Registry("input_noop_metatypes") diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 13c53553366..ff787695383 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -74,6 +74,7 @@ def get_node_type_and_metatype(node: torch.fx.Node, model: torch.fx.GraphModule) :param model: Given GraphModule. :return: Node's type and metatype. """ + node_type_name = None if node.op == "placeholder": node_type = "input" node_metatype = om.PTInputNoopMetatype @@ -85,13 +86,15 @@ def get_node_type_and_metatype(node: torch.fx.Node, model: torch.fx.GraphModule) node_metatype = om.PTConstNoopMetatype elif node.op in ("call_function",): if hasattr(node.target, "overloadpacket"): - node_type = str(node.target.overloadpacket).split(".")[1] + node_type = str(node.target.overloadpacket) + node_type_name = node_type.split(".")[1] elif node.target.__name__ == "getitem": - node_type = "__getitem__" + node_type = "aten.__getitem__" + node_type_name = "__getitem__" else: # TODO(dlyakhov): get correct nodes types from this nodes as well node_type = str(node.target) - node_metatype = PT_OPERATOR_METATYPES.get_operator_metatype_by_op_name(node_type) + node_metatype = PT_OPERATOR_METATYPES.get_operator_metatype_by_func(node_type) else: node_type = node.op node_metatype = UnknownMetatype From 22c5e5135e04e9371106de9f140d901a24f9ed57 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Wed, 5 Feb 2025 11:52:55 +0400 Subject: [PATCH 04/29] Update operator_metatypes.py --- nncf/torch/graph/operator_metatypes.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index dc120c00d33..6b0d26e397c 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -968,7 +968,7 @@ class PTEmbeddingMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() -class PTAtenEmbeddingMetatype(OperatorMetatype): +class PTAtenEmbeddingMetatype(PTOperatorMetatype): name = "AtenEmbeddingOp" module_to_function_names = {NamespaceTarget.ATEN: ["embedding"]} hw_config_names = [HWConfigOpName.EMBEDDING] From d53b445613a49fe80485db5ea70da4c21f96de37 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Thu, 6 Feb 2025 11:25:44 +0400 Subject: [PATCH 05/29] fix aten op error --- nncf/experimental/torch/fx/nncf_graph_builder.py | 3 ++- nncf/torch/graph/operator_metatypes.py | 3 ++- 2 files changed, 4 insertions(+), 2 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index ff787695383..b078b9eca83 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -24,7 +24,7 @@ from nncf.experimental.torch.fx.node_utils import get_tensor_constant_from_node from nncf.torch.dynamic_graph.layer_attributes_handlers import apply_args_defaults from nncf.torch.graph.graph import PTNNCFGraph -from nncf.torch.graph.operator_metatypes import PT_OPERATOR_METATYPES +from nncf.torch.graph.operator_metatypes import PT_OPERATOR_METATYPES, FX_OPERATOR_METATYPES class GraphConverter: @@ -95,6 +95,7 @@ def get_node_type_and_metatype(node: torch.fx.Node, model: torch.fx.GraphModule) # TODO(dlyakhov): get correct nodes types from this nodes as well node_type = str(node.target) node_metatype = PT_OPERATOR_METATYPES.get_operator_metatype_by_func(node_type) + node_metatype = FX_OPERATOR_METATYPES.get_operator_metatype_by_func(node_type) if node_metatype == UnknownMetatype else node_metatype else: node_type = node.op node_metatype = UnknownMetatype diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 6b0d26e397c..ddf7dc5f0c3 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -28,6 +28,7 @@ ModuleAttributes = TypeVar("ModuleAttributes", bound=BaseLayerAttributes) PT_OPERATOR_METATYPES = OperatorMetatypeRegistry("operator_metatypes") +FX_OPERATOR_METATYPES = OperatorMetatypeRegistry("operator_metatypes") class PTOperatorMetatype(OperatorMetatype): @@ -967,7 +968,7 @@ class PTEmbeddingMetatype(PTOperatorMetatype): weight_port_ids = [1] -@PT_OPERATOR_METATYPES.register() +@FX_OPERATOR_METATYPES.register() class PTAtenEmbeddingMetatype(PTOperatorMetatype): name = "AtenEmbeddingOp" module_to_function_names = {NamespaceTarget.ATEN: ["embedding"]} From de1361cd3b1a35945fd679101679c4a3a46cffb7 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Thu, 6 Feb 2025 11:45:07 +0400 Subject: [PATCH 06/29] fix --- nncf/experimental/torch/fx/nncf_graph_builder.py | 10 ++++++++-- nncf/torch/graph/operator_metatypes.py | 4 ++-- 2 files changed, 10 insertions(+), 4 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index b078b9eca83..3c7361b4162 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -24,7 +24,8 @@ from nncf.experimental.torch.fx.node_utils import get_tensor_constant_from_node from nncf.torch.dynamic_graph.layer_attributes_handlers import apply_args_defaults from nncf.torch.graph.graph import PTNNCFGraph -from nncf.torch.graph.operator_metatypes import PT_OPERATOR_METATYPES, FX_OPERATOR_METATYPES +from nncf.torch.graph.operator_metatypes import FX_OPERATOR_METATYPES +from nncf.torch.graph.operator_metatypes import PT_OPERATOR_METATYPES class GraphConverter: @@ -95,7 +96,12 @@ def get_node_type_and_metatype(node: torch.fx.Node, model: torch.fx.GraphModule) # TODO(dlyakhov): get correct nodes types from this nodes as well node_type = str(node.target) node_metatype = PT_OPERATOR_METATYPES.get_operator_metatype_by_func(node_type) - node_metatype = FX_OPERATOR_METATYPES.get_operator_metatype_by_func(node_type) if node_metatype == UnknownMetatype else node_metatype + # For FX specific metatypes not registered in PT operator metatype + node_metatype = ( + FX_OPERATOR_METATYPES.get_operator_metatype_by_func(node_type) + if node_metatype == UnknownMetatype + else node_metatype + ) else: node_type = node.op node_metatype = UnknownMetatype diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index ddf7dc5f0c3..3d5ec71915e 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -969,8 +969,8 @@ class PTEmbeddingMetatype(PTOperatorMetatype): @FX_OPERATOR_METATYPES.register() -class PTAtenEmbeddingMetatype(PTOperatorMetatype): - name = "AtenEmbeddingOp" +class PTAtenEmbeddingMetatype(OperatorMetatype): + name = "EmbeddingOp" module_to_function_names = {NamespaceTarget.ATEN: ["embedding"]} hw_config_names = [HWConfigOpName.EMBEDDING] weight_port_ids = [0] From 26e1c3a170be6506d899cd75b380f957f3c66b48 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 7 Feb 2025 20:08:19 +0400 Subject: [PATCH 07/29] layer norm metatypes update --- nncf/torch/graph/operator_metatypes.py | 13 ++++++++++++- 1 file changed, 12 insertions(+), 1 deletion(-) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 3d5ec71915e..548eb89bac1 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -515,7 +515,6 @@ class PTLayerNormMetatype(PTOperatorMetatype): name = "LayerNormOp" module_to_function_names = { NamespaceTarget.TORCH_NN_FUNCTIONAL: ["layer_norm"], - NamespaceTarget.ATEN: ["layer_norm"], } hw_config_names = [HWConfigOpName.MVN] subtypes = [PTModuleLayerNormMetatype] @@ -523,6 +522,18 @@ class PTLayerNormMetatype(PTOperatorMetatype): weight_port_ids = [2] +@FX_OPERATOR_METATYPES.register() +class PTAtenLayerNormMetatype(PTOperatorMetatype): + name = "LayerNormOp" + module_to_function_names = { + NamespaceTarget.ATEN: ["layer_norm"], + } + hw_config_names = [HWConfigOpName.MVN] + subtypes = [PTModuleLayerNormMetatype] + num_expected_input_edges = 1 + weight_port_ids = [1] + + @PT_OPERATOR_METATYPES.register(is_subtype=True) class PTModuleGroupNormMetatype(PTModuleOperatorSubtype): name = "GroupNormOp" From 541319dff8182c24069dfa22e33d94b4bb866140 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 7 Feb 2025 22:54:11 +0400 Subject: [PATCH 08/29] include aten layernorm in backends and metatype lookup list --- nncf/common/quantization/config_assignment.py | 1 + nncf/quantization/algorithms/min_max/torch_backend.py | 1 + nncf/quantization/algorithms/min_max/torch_fx_backend.py | 1 + nncf/torch/graph/operator_metatypes.py | 2 +- nncf/torch/graph/pattern_operations.py | 2 +- nncf/torch/pruning/operations.py | 3 ++- nncf/torch/quantization/default_quantization.py | 1 + 7 files changed, 8 insertions(+), 3 deletions(-) diff --git a/nncf/common/quantization/config_assignment.py b/nncf/common/quantization/config_assignment.py index a3260e6d485..065a399f8bf 100644 --- a/nncf/common/quantization/config_assignment.py +++ b/nncf/common/quantization/config_assignment.py @@ -80,6 +80,7 @@ def assign_qconfig_lists_to_modules( scope_overrides_dict = {} weight_scope_overrides_dict = scope_overrides_dict.get("weights") if hw_config is not None: + print(hw_config) meta_vs_qconfig_map = hw_config.get_metatype_vs_quantizer_configs_map(for_weights=True) for node in nodes_with_weights: qconfig_for_current_scope = get_scoped_quantizer_config( diff --git a/nncf/quantization/algorithms/min_max/torch_backend.py b/nncf/quantization/algorithms/min_max/torch_backend.py index 82b03560422..e9c5a7db544 100644 --- a/nncf/quantization/algorithms/min_max/torch_backend.py +++ b/nncf/quantization/algorithms/min_max/torch_backend.py @@ -308,6 +308,7 @@ def get_ignored_metatypes(model_type: ModelType, device: TargetDevice) -> List[O om.PTMaxMetatype, om.PTSqueezeMetatype, om.PTLayerNormMetatype, + om.PTAtenLayerNormMetatype, om.PTModuleLayerNormMetatype, om.PTGroupNormMetatype, om.PTModuleGroupNormMetatype, diff --git a/nncf/quantization/algorithms/min_max/torch_fx_backend.py b/nncf/quantization/algorithms/min_max/torch_fx_backend.py index 667a7a93b4c..79dfefc7546 100644 --- a/nncf/quantization/algorithms/min_max/torch_fx_backend.py +++ b/nncf/quantization/algorithms/min_max/torch_fx_backend.py @@ -288,6 +288,7 @@ def get_ignored_metatypes(model_type: ModelType, device: TargetDevice) -> List[O om.PTMaxMetatype, om.PTSqueezeMetatype, om.PTLayerNormMetatype, + om.PTAtenLayerNormMetatype, om.PTModuleLayerNormMetatype, om.PTGroupNormMetatype, om.PTModuleGroupNormMetatype, diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 548eb89bac1..3fd7baadbf0 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -1189,7 +1189,7 @@ def get_operator_metatypes() -> List[Type[OperatorMetatype]]: :return: List of operator metatypes . """ - return list(PT_OPERATOR_METATYPES.registry_dict.values()) + return list(PT_OPERATOR_METATYPES.registry_dict.values()) + list(FX_OPERATOR_METATYPES.registry_dict.values()) OPERATORS_WITH_WEIGHTS_METATYPES = [ diff --git a/nncf/torch/graph/pattern_operations.py b/nncf/torch/graph/pattern_operations.py index 9fb1d732552..7423a9b784a 100644 --- a/nncf/torch/graph/pattern_operations.py +++ b/nncf/torch/graph/pattern_operations.py @@ -61,7 +61,7 @@ } LAYER_NORMALIZATION_OPERATIONS = { - GraphPattern.METATYPE_ATTR: [om.PTLayerNormMetatype, om.PTModuleLayerNormMetatype], + GraphPattern.METATYPE_ATTR: [om.PTLayerNormMetatype, om.PTModuleLayerNormMetatype, om.PTAtenLayerNormMetatype], GraphPattern.LABEL_ATTR: "LAYER_NORMALIZATION", } diff --git a/nncf/torch/pruning/operations.py b/nncf/torch/pruning/operations.py index 811834bf2c9..df300dddba3 100644 --- a/nncf/torch/pruning/operations.py +++ b/nncf/torch/pruning/operations.py @@ -62,6 +62,7 @@ from nncf.torch.graph.operator_metatypes import PTInputNoopMetatype from nncf.torch.graph.operator_metatypes import PTInterpolateMetatype from nncf.torch.graph.operator_metatypes import PTLayerNormMetatype +from nncf.torch.graph.operator_metatypes import PTAtenLayerNormMetatype from nncf.torch.graph.operator_metatypes import PTLeakyRELUMetatype from nncf.torch.graph.operator_metatypes import PTLinearMetatype from nncf.torch.graph.operator_metatypes import PTMatMulMetatype @@ -543,7 +544,7 @@ def input_prune(cls, model: NNCFNetwork, node: NNCFNode, graph: NNCFGraph, prun_ @PT_PRUNING_OPERATOR_METATYPES.register("layer_norm") class PTLayerNormPruningOp(LayerNormPruningOp, PTPruner): - subtypes = [PTLayerNormMetatype] + subtypes = [PTLayerNormMetatype, PTAtenLayerNormMetatype] @classmethod def input_reorder(cls, model: NNCFNetwork, node: NNCFNode, graph: NNCFGraph): diff --git a/nncf/torch/quantization/default_quantization.py b/nncf/torch/quantization/default_quantization.py index c8b823cf438..1975f1d69ff 100644 --- a/nncf/torch/quantization/default_quantization.py +++ b/nncf/torch/quantization/default_quantization.py @@ -34,6 +34,7 @@ operator_metatypes.PTLinearMetatype, operator_metatypes.PTModuleLinearMetatype, operator_metatypes.PTLayerNormMetatype, + operator_metatypes.PTAtenLayerNormMetatype, operator_metatypes.PTModuleLayerNormMetatype, operator_metatypes.PTAddMetatype, operator_metatypes.PTMulMetatype, From c3cc784e2c9fbcc0dcd57dc537fee678c9505bd9 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 7 Feb 2025 22:54:19 +0400 Subject: [PATCH 09/29] update reference files --- .../fx/reference_metatypes/swin_v2_s.json | 106 +++++++++--------- .../fx/reference_metatypes/vit_b_16.json | 50 ++++----- 2 files changed, 78 insertions(+), 78 deletions(-) diff --git a/tests/torch/data/reference_graphs/fx/reference_metatypes/swin_v2_s.json b/tests/torch/data/reference_graphs/fx/reference_metatypes/swin_v2_s.json index b4788d60229..372b8f0fc8d 100644 --- a/tests/torch/data/reference_graphs/fx/reference_metatypes/swin_v2_s.json +++ b/tests/torch/data/reference_graphs/fx/reference_metatypes/swin_v2_s.json @@ -550,7 +550,7 @@ "x": "PTInputNoopMetatype", "conv2d": "PTConv2dMetatype", "permute": "PTTransposeMetatype", - "layer_norm": "PTLayerNormMetatype", + "layer_norm": "PTAtenLayerNormMetatype", "linear": "PTLinearMetatype", "relu_": "PTRELUMetatype", "linear_1": "PTLinearMetatype", @@ -601,14 +601,14 @@ "reshape_3": "PTReshapeMetatype", "slice_2": "PTGatherMetatype", "slice_3": "PTGatherMetatype", - "layer_norm_1": "PTLayerNormMetatype", + "layer_norm_1": "PTAtenLayerNormMetatype", "add_1": "PTAddMetatype", "linear_4": "PTLinearMetatype", "gelu": "PTGELUMetatype", "dropout_2": "PTDropoutMetatype", "linear_5": "PTLinearMetatype", "dropout_3": "PTDropoutMetatype", - "layer_norm_2": "PTLayerNormMetatype", + "layer_norm_2": "PTAtenLayerNormMetatype", "add_2": "PTAddMetatype", "linear_6": "PTLinearMetatype", "relu__1": "PTRELUMetatype", @@ -714,14 +714,14 @@ "roll_1": "UnknownMetatype", "slice_23": "PTGatherMetatype", "slice_24": "PTGatherMetatype", - "layer_norm_3": "PTLayerNormMetatype", + "layer_norm_3": "PTAtenLayerNormMetatype", "add_5": "PTAddMetatype", "linear_10": "PTLinearMetatype", "gelu_1": "PTGELUMetatype", "dropout_6": "PTDropoutMetatype", "linear_11": "PTLinearMetatype", "dropout_7": "PTDropoutMetatype", - "layer_norm_4": "PTLayerNormMetatype", + "layer_norm_4": "PTAtenLayerNormMetatype", "add_6": "PTAddMetatype", "pad_2": "PTPadMetatype", "slice_25": "PTGatherMetatype", @@ -738,7 +738,7 @@ "slice_36": "PTGatherMetatype", "cat": "PTCatMetatype", "linear_12": "PTLinearMetatype", - "layer_norm_5": "PTLayerNormMetatype", + "layer_norm_5": "PTAtenLayerNormMetatype", "linear_13": "PTLinearMetatype", "relu__2": "PTRELUMetatype", "linear_14": "PTLinearMetatype", @@ -792,14 +792,14 @@ "slice_40": "PTGatherMetatype", "slice_41": "PTGatherMetatype", "contiguous_3": "PTNoopMetatype", - "layer_norm_6": "PTLayerNormMetatype", + "layer_norm_6": "PTAtenLayerNormMetatype", "add_8": "PTAddMetatype", "linear_17": "PTLinearMetatype", "gelu_2": "PTGELUMetatype", "dropout_10": "PTDropoutMetatype", "linear_18": "PTLinearMetatype", "dropout_11": "PTDropoutMetatype", - "layer_norm_7": "PTLayerNormMetatype", + "layer_norm_7": "PTAtenLayerNormMetatype", "add_9": "PTAddMetatype", "linear_19": "PTLinearMetatype", "relu__3": "PTRELUMetatype", @@ -908,14 +908,14 @@ "slice_63": "PTGatherMetatype", "slice_64": "PTGatherMetatype", "contiguous_5": "PTNoopMetatype", - "layer_norm_8": "PTLayerNormMetatype", + "layer_norm_8": "PTAtenLayerNormMetatype", "add_12": "PTAddMetatype", "linear_23": "PTLinearMetatype", "gelu_3": "PTGELUMetatype", "dropout_14": "PTDropoutMetatype", "linear_24": "PTLinearMetatype", "dropout_15": "PTDropoutMetatype", - "layer_norm_9": "PTLayerNormMetatype", + "layer_norm_9": "PTAtenLayerNormMetatype", "add_13": "PTAddMetatype", "pad_5": "PTPadMetatype", "slice_65": "PTGatherMetatype", @@ -932,7 +932,7 @@ "slice_76": "PTGatherMetatype", "cat_1": "PTCatMetatype", "linear_25": "PTLinearMetatype", - "layer_norm_10": "PTLayerNormMetatype", + "layer_norm_10": "PTAtenLayerNormMetatype", "linear_26": "PTLinearMetatype", "relu__4": "PTRELUMetatype", "linear_27": "PTLinearMetatype", @@ -986,14 +986,14 @@ "slice_80": "PTGatherMetatype", "slice_81": "PTGatherMetatype", "contiguous_7": "PTNoopMetatype", - "layer_norm_11": "PTLayerNormMetatype", + "layer_norm_11": "PTAtenLayerNormMetatype", "add_15": "PTAddMetatype", "linear_30": "PTLinearMetatype", "gelu_4": "PTGELUMetatype", "dropout_18": "PTDropoutMetatype", "linear_31": "PTLinearMetatype", "dropout_19": "PTDropoutMetatype", - "layer_norm_12": "PTLayerNormMetatype", + "layer_norm_12": "PTAtenLayerNormMetatype", "add_16": "PTAddMetatype", "linear_32": "PTLinearMetatype", "relu__5": "PTRELUMetatype", @@ -1102,14 +1102,14 @@ "slice_103": "PTGatherMetatype", "slice_104": "PTGatherMetatype", "contiguous_9": "PTNoopMetatype", - "layer_norm_13": "PTLayerNormMetatype", + "layer_norm_13": "PTAtenLayerNormMetatype", "add_19": "PTAddMetatype", "linear_36": "PTLinearMetatype", "gelu_5": "PTGELUMetatype", "dropout_22": "PTDropoutMetatype", "linear_37": "PTLinearMetatype", "dropout_23": "PTDropoutMetatype", - "layer_norm_14": "PTLayerNormMetatype", + "layer_norm_14": "PTAtenLayerNormMetatype", "add_20": "PTAddMetatype", "linear_38": "PTLinearMetatype", "relu__6": "PTRELUMetatype", @@ -1164,14 +1164,14 @@ "slice_108": "PTGatherMetatype", "slice_109": "PTGatherMetatype", "contiguous_11": "PTNoopMetatype", - "layer_norm_15": "PTLayerNormMetatype", + "layer_norm_15": "PTAtenLayerNormMetatype", "add_22": "PTAddMetatype", "linear_42": "PTLinearMetatype", "gelu_6": "PTGELUMetatype", "dropout_26": "PTDropoutMetatype", "linear_43": "PTLinearMetatype", "dropout_27": "PTDropoutMetatype", - "layer_norm_16": "PTLayerNormMetatype", + "layer_norm_16": "PTAtenLayerNormMetatype", "add_23": "PTAddMetatype", "linear_44": "PTLinearMetatype", "relu__7": "PTRELUMetatype", @@ -1280,14 +1280,14 @@ "slice_131": "PTGatherMetatype", "slice_132": "PTGatherMetatype", "contiguous_13": "PTNoopMetatype", - "layer_norm_17": "PTLayerNormMetatype", + "layer_norm_17": "PTAtenLayerNormMetatype", "add_26": "PTAddMetatype", "linear_48": "PTLinearMetatype", "gelu_7": "PTGELUMetatype", "dropout_30": "PTDropoutMetatype", "linear_49": "PTLinearMetatype", "dropout_31": "PTDropoutMetatype", - "layer_norm_18": "PTLayerNormMetatype", + "layer_norm_18": "PTAtenLayerNormMetatype", "add_27": "PTAddMetatype", "linear_50": "PTLinearMetatype", "relu__8": "PTRELUMetatype", @@ -1342,14 +1342,14 @@ "slice_136": "PTGatherMetatype", "slice_137": "PTGatherMetatype", "contiguous_15": "PTNoopMetatype", - "layer_norm_19": "PTLayerNormMetatype", + "layer_norm_19": "PTAtenLayerNormMetatype", "add_29": "PTAddMetatype", "linear_54": "PTLinearMetatype", "gelu_8": "PTGELUMetatype", "dropout_34": "PTDropoutMetatype", "linear_55": "PTLinearMetatype", "dropout_35": "PTDropoutMetatype", - "layer_norm_20": "PTLayerNormMetatype", + "layer_norm_20": "PTAtenLayerNormMetatype", "add_30": "PTAddMetatype", "linear_56": "PTLinearMetatype", "relu__9": "PTRELUMetatype", @@ -1458,14 +1458,14 @@ "slice_159": "PTGatherMetatype", "slice_160": "PTGatherMetatype", "contiguous_17": "PTNoopMetatype", - "layer_norm_21": "PTLayerNormMetatype", + "layer_norm_21": "PTAtenLayerNormMetatype", "add_33": "PTAddMetatype", "linear_60": "PTLinearMetatype", "gelu_9": "PTGELUMetatype", "dropout_38": "PTDropoutMetatype", "linear_61": "PTLinearMetatype", "dropout_39": "PTDropoutMetatype", - "layer_norm_22": "PTLayerNormMetatype", + "layer_norm_22": "PTAtenLayerNormMetatype", "add_34": "PTAddMetatype", "linear_62": "PTLinearMetatype", "relu__10": "PTRELUMetatype", @@ -1520,14 +1520,14 @@ "slice_164": "PTGatherMetatype", "slice_165": "PTGatherMetatype", "contiguous_19": "PTNoopMetatype", - "layer_norm_23": "PTLayerNormMetatype", + "layer_norm_23": "PTAtenLayerNormMetatype", "add_36": "PTAddMetatype", "linear_66": "PTLinearMetatype", "gelu_10": "PTGELUMetatype", "dropout_42": "PTDropoutMetatype", "linear_67": "PTLinearMetatype", "dropout_43": "PTDropoutMetatype", - "layer_norm_24": "PTLayerNormMetatype", + "layer_norm_24": "PTAtenLayerNormMetatype", "add_37": "PTAddMetatype", "linear_68": "PTLinearMetatype", "relu__11": "PTRELUMetatype", @@ -1636,14 +1636,14 @@ "slice_187": "PTGatherMetatype", "slice_188": "PTGatherMetatype", "contiguous_21": "PTNoopMetatype", - "layer_norm_25": "PTLayerNormMetatype", + "layer_norm_25": "PTAtenLayerNormMetatype", "add_40": "PTAddMetatype", "linear_72": "PTLinearMetatype", "gelu_11": "PTGELUMetatype", "dropout_46": "PTDropoutMetatype", "linear_73": "PTLinearMetatype", "dropout_47": "PTDropoutMetatype", - "layer_norm_26": "PTLayerNormMetatype", + "layer_norm_26": "PTAtenLayerNormMetatype", "add_41": "PTAddMetatype", "linear_74": "PTLinearMetatype", "relu__12": "PTRELUMetatype", @@ -1698,14 +1698,14 @@ "slice_192": "PTGatherMetatype", "slice_193": "PTGatherMetatype", "contiguous_23": "PTNoopMetatype", - "layer_norm_27": "PTLayerNormMetatype", + "layer_norm_27": "PTAtenLayerNormMetatype", "add_43": "PTAddMetatype", "linear_78": "PTLinearMetatype", "gelu_12": "PTGELUMetatype", "dropout_50": "PTDropoutMetatype", "linear_79": "PTLinearMetatype", "dropout_51": "PTDropoutMetatype", - "layer_norm_28": "PTLayerNormMetatype", + "layer_norm_28": "PTAtenLayerNormMetatype", "add_44": "PTAddMetatype", "linear_80": "PTLinearMetatype", "relu__13": "PTRELUMetatype", @@ -1814,14 +1814,14 @@ "slice_215": "PTGatherMetatype", "slice_216": "PTGatherMetatype", "contiguous_25": "PTNoopMetatype", - "layer_norm_29": "PTLayerNormMetatype", + "layer_norm_29": "PTAtenLayerNormMetatype", "add_47": "PTAddMetatype", "linear_84": "PTLinearMetatype", "gelu_13": "PTGELUMetatype", "dropout_54": "PTDropoutMetatype", "linear_85": "PTLinearMetatype", "dropout_55": "PTDropoutMetatype", - "layer_norm_30": "PTLayerNormMetatype", + "layer_norm_30": "PTAtenLayerNormMetatype", "add_48": "PTAddMetatype", "linear_86": "PTLinearMetatype", "relu__14": "PTRELUMetatype", @@ -1876,14 +1876,14 @@ "slice_220": "PTGatherMetatype", "slice_221": "PTGatherMetatype", "contiguous_27": "PTNoopMetatype", - "layer_norm_31": "PTLayerNormMetatype", + "layer_norm_31": "PTAtenLayerNormMetatype", "add_50": "PTAddMetatype", "linear_90": "PTLinearMetatype", "gelu_14": "PTGELUMetatype", "dropout_58": "PTDropoutMetatype", "linear_91": "PTLinearMetatype", "dropout_59": "PTDropoutMetatype", - "layer_norm_32": "PTLayerNormMetatype", + "layer_norm_32": "PTAtenLayerNormMetatype", "add_51": "PTAddMetatype", "linear_92": "PTLinearMetatype", "relu__15": "PTRELUMetatype", @@ -1992,14 +1992,14 @@ "slice_243": "PTGatherMetatype", "slice_244": "PTGatherMetatype", "contiguous_29": "PTNoopMetatype", - "layer_norm_33": "PTLayerNormMetatype", + "layer_norm_33": "PTAtenLayerNormMetatype", "add_54": "PTAddMetatype", "linear_96": "PTLinearMetatype", "gelu_15": "PTGELUMetatype", "dropout_62": "PTDropoutMetatype", "linear_97": "PTLinearMetatype", "dropout_63": "PTDropoutMetatype", - "layer_norm_34": "PTLayerNormMetatype", + "layer_norm_34": "PTAtenLayerNormMetatype", "add_55": "PTAddMetatype", "linear_98": "PTLinearMetatype", "relu__16": "PTRELUMetatype", @@ -2054,14 +2054,14 @@ "slice_248": "PTGatherMetatype", "slice_249": "PTGatherMetatype", "contiguous_31": "PTNoopMetatype", - "layer_norm_35": "PTLayerNormMetatype", + "layer_norm_35": "PTAtenLayerNormMetatype", "add_57": "PTAddMetatype", "linear_102": "PTLinearMetatype", "gelu_16": "PTGELUMetatype", "dropout_66": "PTDropoutMetatype", "linear_103": "PTLinearMetatype", "dropout_67": "PTDropoutMetatype", - "layer_norm_36": "PTLayerNormMetatype", + "layer_norm_36": "PTAtenLayerNormMetatype", "add_58": "PTAddMetatype", "linear_104": "PTLinearMetatype", "relu__17": "PTRELUMetatype", @@ -2170,14 +2170,14 @@ "slice_271": "PTGatherMetatype", "slice_272": "PTGatherMetatype", "contiguous_33": "PTNoopMetatype", - "layer_norm_37": "PTLayerNormMetatype", + "layer_norm_37": "PTAtenLayerNormMetatype", "add_61": "PTAddMetatype", "linear_108": "PTLinearMetatype", "gelu_17": "PTGELUMetatype", "dropout_70": "PTDropoutMetatype", "linear_109": "PTLinearMetatype", "dropout_71": "PTDropoutMetatype", - "layer_norm_38": "PTLayerNormMetatype", + "layer_norm_38": "PTAtenLayerNormMetatype", "add_62": "PTAddMetatype", "linear_110": "PTLinearMetatype", "relu__18": "PTRELUMetatype", @@ -2232,14 +2232,14 @@ "slice_276": "PTGatherMetatype", "slice_277": "PTGatherMetatype", "contiguous_35": "PTNoopMetatype", - "layer_norm_39": "PTLayerNormMetatype", + "layer_norm_39": "PTAtenLayerNormMetatype", "add_64": "PTAddMetatype", "linear_114": "PTLinearMetatype", "gelu_18": "PTGELUMetatype", "dropout_74": "PTDropoutMetatype", "linear_115": "PTLinearMetatype", "dropout_75": "PTDropoutMetatype", - "layer_norm_40": "PTLayerNormMetatype", + "layer_norm_40": "PTAtenLayerNormMetatype", "add_65": "PTAddMetatype", "linear_116": "PTLinearMetatype", "relu__19": "PTRELUMetatype", @@ -2348,14 +2348,14 @@ "slice_299": "PTGatherMetatype", "slice_300": "PTGatherMetatype", "contiguous_37": "PTNoopMetatype", - "layer_norm_41": "PTLayerNormMetatype", + "layer_norm_41": "PTAtenLayerNormMetatype", "add_68": "PTAddMetatype", "linear_120": "PTLinearMetatype", "gelu_19": "PTGELUMetatype", "dropout_78": "PTDropoutMetatype", "linear_121": "PTLinearMetatype", "dropout_79": "PTDropoutMetatype", - "layer_norm_42": "PTLayerNormMetatype", + "layer_norm_42": "PTAtenLayerNormMetatype", "add_69": "PTAddMetatype", "linear_122": "PTLinearMetatype", "relu__20": "PTRELUMetatype", @@ -2410,14 +2410,14 @@ "slice_304": "PTGatherMetatype", "slice_305": "PTGatherMetatype", "contiguous_39": "PTNoopMetatype", - "layer_norm_43": "PTLayerNormMetatype", + "layer_norm_43": "PTAtenLayerNormMetatype", "add_71": "PTAddMetatype", "linear_126": "PTLinearMetatype", "gelu_20": "PTGELUMetatype", "dropout_82": "PTDropoutMetatype", "linear_127": "PTLinearMetatype", "dropout_83": "PTDropoutMetatype", - "layer_norm_44": "PTLayerNormMetatype", + "layer_norm_44": "PTAtenLayerNormMetatype", "add_72": "PTAddMetatype", "linear_128": "PTLinearMetatype", "relu__21": "PTRELUMetatype", @@ -2526,14 +2526,14 @@ "slice_327": "PTGatherMetatype", "slice_328": "PTGatherMetatype", "contiguous_41": "PTNoopMetatype", - "layer_norm_45": "PTLayerNormMetatype", + "layer_norm_45": "PTAtenLayerNormMetatype", "add_75": "PTAddMetatype", "linear_132": "PTLinearMetatype", "gelu_21": "PTGELUMetatype", "dropout_86": "PTDropoutMetatype", "linear_133": "PTLinearMetatype", "dropout_87": "PTDropoutMetatype", - "layer_norm_46": "PTLayerNormMetatype", + "layer_norm_46": "PTAtenLayerNormMetatype", "add_76": "PTAddMetatype", "pad_24": "PTPadMetatype", "slice_329": "PTGatherMetatype", @@ -2550,7 +2550,7 @@ "slice_340": "PTGatherMetatype", "cat_2": "PTCatMetatype", "linear_134": "PTLinearMetatype", - "layer_norm_47": "PTLayerNormMetatype", + "layer_norm_47": "PTAtenLayerNormMetatype", "linear_135": "PTLinearMetatype", "relu__22": "PTRELUMetatype", "linear_136": "PTLinearMetatype", @@ -2604,14 +2604,14 @@ "slice_344": "PTGatherMetatype", "slice_345": "PTGatherMetatype", "contiguous_43": "PTNoopMetatype", - "layer_norm_48": "PTLayerNormMetatype", + "layer_norm_48": "PTAtenLayerNormMetatype", "add_78": "PTAddMetatype", "linear_139": "PTLinearMetatype", "gelu_22": "PTGELUMetatype", "dropout_90": "PTDropoutMetatype", "linear_140": "PTLinearMetatype", "dropout_91": "PTDropoutMetatype", - "layer_norm_49": "PTLayerNormMetatype", + "layer_norm_49": "PTAtenLayerNormMetatype", "add_79": "PTAddMetatype", "linear_141": "PTLinearMetatype", "relu__23": "PTRELUMetatype", @@ -2666,16 +2666,16 @@ "slice_349": "PTGatherMetatype", "slice_350": "PTGatherMetatype", "contiguous_45": "PTNoopMetatype", - "layer_norm_50": "PTLayerNormMetatype", + "layer_norm_50": "PTAtenLayerNormMetatype", "add_81": "PTAddMetatype", "linear_145": "PTLinearMetatype", "gelu_23": "PTGELUMetatype", "dropout_94": "PTDropoutMetatype", "linear_146": "PTLinearMetatype", "dropout_95": "PTDropoutMetatype", - "layer_norm_51": "PTLayerNormMetatype", + "layer_norm_51": "PTAtenLayerNormMetatype", "add_82": "PTAddMetatype", - "layer_norm_52": "PTLayerNormMetatype", + "layer_norm_52": "PTAtenLayerNormMetatype", "permute_108": "PTTransposeMetatype", "adaptive_avg_pool2d": "PTAvgPool2dMetatype", "flatten": "PTReshapeMetatype", diff --git a/tests/torch/data/reference_graphs/fx/reference_metatypes/vit_b_16.json b/tests/torch/data/reference_graphs/fx/reference_metatypes/vit_b_16.json index 42484583d7a..7615a91c5a0 100644 --- a/tests/torch/data/reference_graphs/fx/reference_metatypes/vit_b_16.json +++ b/tests/torch/data/reference_graphs/fx/reference_metatypes/vit_b_16.json @@ -159,7 +159,7 @@ "cat": "PTCatMetatype", "add": "PTAddMetatype", "dropout": "PTDropoutMetatype", - "layer_norm": "PTLayerNormMetatype", + "layer_norm": "PTAtenLayerNormMetatype", "transpose": "PTTransposeMetatype", "linear": "PTLinearMetatype", "unflatten": "PTReshapeMetatype", @@ -187,14 +187,14 @@ "transpose_5": "PTTransposeMetatype", "dropout_1": "PTDropoutMetatype", "add_1": "PTAddMetatype", - "layer_norm_1": "PTLayerNormMetatype", + "layer_norm_1": "PTAtenLayerNormMetatype", "linear_2": "PTLinearMetatype", "gelu": "PTGELUMetatype", "dropout_2": "PTDropoutMetatype", "linear_3": "PTLinearMetatype", "dropout_3": "PTDropoutMetatype", "add_2": "PTAddMetatype", - "layer_norm_2": "PTLayerNormMetatype", + "layer_norm_2": "PTAtenLayerNormMetatype", "transpose_6": "PTTransposeMetatype", "linear_4": "PTLinearMetatype", "unflatten_1": "PTReshapeMetatype", @@ -222,14 +222,14 @@ "transpose_11": "PTTransposeMetatype", "dropout_4": "PTDropoutMetatype", "add_3": "PTAddMetatype", - "layer_norm_3": "PTLayerNormMetatype", + "layer_norm_3": "PTAtenLayerNormMetatype", "linear_6": "PTLinearMetatype", "gelu_1": "PTGELUMetatype", "dropout_5": "PTDropoutMetatype", "linear_7": "PTLinearMetatype", "dropout_6": "PTDropoutMetatype", "add_4": "PTAddMetatype", - "layer_norm_4": "PTLayerNormMetatype", + "layer_norm_4": "PTAtenLayerNormMetatype", "transpose_12": "PTTransposeMetatype", "linear_8": "PTLinearMetatype", "unflatten_2": "PTReshapeMetatype", @@ -257,14 +257,14 @@ "transpose_17": "PTTransposeMetatype", "dropout_7": "PTDropoutMetatype", "add_5": "PTAddMetatype", - "layer_norm_5": "PTLayerNormMetatype", + "layer_norm_5": "PTAtenLayerNormMetatype", "linear_10": "PTLinearMetatype", "gelu_2": "PTGELUMetatype", "dropout_8": "PTDropoutMetatype", "linear_11": "PTLinearMetatype", "dropout_9": "PTDropoutMetatype", "add_6": "PTAddMetatype", - "layer_norm_6": "PTLayerNormMetatype", + "layer_norm_6": "PTAtenLayerNormMetatype", "transpose_18": "PTTransposeMetatype", "linear_12": "PTLinearMetatype", "unflatten_3": "PTReshapeMetatype", @@ -292,14 +292,14 @@ "transpose_23": "PTTransposeMetatype", "dropout_10": "PTDropoutMetatype", "add_7": "PTAddMetatype", - "layer_norm_7": "PTLayerNormMetatype", + "layer_norm_7": "PTAtenLayerNormMetatype", "linear_14": "PTLinearMetatype", "gelu_3": "PTGELUMetatype", "dropout_11": "PTDropoutMetatype", "linear_15": "PTLinearMetatype", "dropout_12": "PTDropoutMetatype", "add_8": "PTAddMetatype", - "layer_norm_8": "PTLayerNormMetatype", + "layer_norm_8": "PTAtenLayerNormMetatype", "transpose_24": "PTTransposeMetatype", "linear_16": "PTLinearMetatype", "unflatten_4": "PTReshapeMetatype", @@ -327,14 +327,14 @@ "transpose_29": "PTTransposeMetatype", "dropout_13": "PTDropoutMetatype", "add_9": "PTAddMetatype", - "layer_norm_9": "PTLayerNormMetatype", + "layer_norm_9": "PTAtenLayerNormMetatype", "linear_18": "PTLinearMetatype", "gelu_4": "PTGELUMetatype", "dropout_14": "PTDropoutMetatype", "linear_19": "PTLinearMetatype", "dropout_15": "PTDropoutMetatype", "add_10": "PTAddMetatype", - "layer_norm_10": "PTLayerNormMetatype", + "layer_norm_10": "PTAtenLayerNormMetatype", "transpose_30": "PTTransposeMetatype", "linear_20": "PTLinearMetatype", "unflatten_5": "PTReshapeMetatype", @@ -362,14 +362,14 @@ "transpose_35": "PTTransposeMetatype", "dropout_16": "PTDropoutMetatype", "add_11": "PTAddMetatype", - "layer_norm_11": "PTLayerNormMetatype", + "layer_norm_11": "PTAtenLayerNormMetatype", "linear_22": "PTLinearMetatype", "gelu_5": "PTGELUMetatype", "dropout_17": "PTDropoutMetatype", "linear_23": "PTLinearMetatype", "dropout_18": "PTDropoutMetatype", "add_12": "PTAddMetatype", - "layer_norm_12": "PTLayerNormMetatype", + "layer_norm_12": "PTAtenLayerNormMetatype", "transpose_36": "PTTransposeMetatype", "linear_24": "PTLinearMetatype", "unflatten_6": "PTReshapeMetatype", @@ -397,14 +397,14 @@ "transpose_41": "PTTransposeMetatype", "dropout_19": "PTDropoutMetatype", "add_13": "PTAddMetatype", - "layer_norm_13": "PTLayerNormMetatype", + "layer_norm_13": "PTAtenLayerNormMetatype", "linear_26": "PTLinearMetatype", "gelu_6": "PTGELUMetatype", "dropout_20": "PTDropoutMetatype", "linear_27": "PTLinearMetatype", "dropout_21": "PTDropoutMetatype", "add_14": "PTAddMetatype", - "layer_norm_14": "PTLayerNormMetatype", + "layer_norm_14": "PTAtenLayerNormMetatype", "transpose_42": "PTTransposeMetatype", "linear_28": "PTLinearMetatype", "unflatten_7": "PTReshapeMetatype", @@ -432,14 +432,14 @@ "transpose_47": "PTTransposeMetatype", "dropout_22": "PTDropoutMetatype", "add_15": "PTAddMetatype", - "layer_norm_15": "PTLayerNormMetatype", + "layer_norm_15": "PTAtenLayerNormMetatype", "linear_30": "PTLinearMetatype", "gelu_7": "PTGELUMetatype", "dropout_23": "PTDropoutMetatype", "linear_31": "PTLinearMetatype", "dropout_24": "PTDropoutMetatype", "add_16": "PTAddMetatype", - "layer_norm_16": "PTLayerNormMetatype", + "layer_norm_16": "PTAtenLayerNormMetatype", "transpose_48": "PTTransposeMetatype", "linear_32": "PTLinearMetatype", "unflatten_8": "PTReshapeMetatype", @@ -467,14 +467,14 @@ "transpose_53": "PTTransposeMetatype", "dropout_25": "PTDropoutMetatype", "add_17": "PTAddMetatype", - "layer_norm_17": "PTLayerNormMetatype", + "layer_norm_17": "PTAtenLayerNormMetatype", "linear_34": "PTLinearMetatype", "gelu_8": "PTGELUMetatype", "dropout_26": "PTDropoutMetatype", "linear_35": "PTLinearMetatype", "dropout_27": "PTDropoutMetatype", "add_18": "PTAddMetatype", - "layer_norm_18": "PTLayerNormMetatype", + "layer_norm_18": "PTAtenLayerNormMetatype", "transpose_54": "PTTransposeMetatype", "linear_36": "PTLinearMetatype", "unflatten_9": "PTReshapeMetatype", @@ -502,14 +502,14 @@ "transpose_59": "PTTransposeMetatype", "dropout_28": "PTDropoutMetatype", "add_19": "PTAddMetatype", - "layer_norm_19": "PTLayerNormMetatype", + "layer_norm_19": "PTAtenLayerNormMetatype", "linear_38": "PTLinearMetatype", "gelu_9": "PTGELUMetatype", "dropout_29": "PTDropoutMetatype", "linear_39": "PTLinearMetatype", "dropout_30": "PTDropoutMetatype", "add_20": "PTAddMetatype", - "layer_norm_20": "PTLayerNormMetatype", + "layer_norm_20": "PTAtenLayerNormMetatype", "transpose_60": "PTTransposeMetatype", "linear_40": "PTLinearMetatype", "unflatten_10": "PTReshapeMetatype", @@ -537,14 +537,14 @@ "transpose_65": "PTTransposeMetatype", "dropout_31": "PTDropoutMetatype", "add_21": "PTAddMetatype", - "layer_norm_21": "PTLayerNormMetatype", + "layer_norm_21": "PTAtenLayerNormMetatype", "linear_42": "PTLinearMetatype", "gelu_10": "PTGELUMetatype", "dropout_32": "PTDropoutMetatype", "linear_43": "PTLinearMetatype", "dropout_33": "PTDropoutMetatype", "add_22": "PTAddMetatype", - "layer_norm_22": "PTLayerNormMetatype", + "layer_norm_22": "PTAtenLayerNormMetatype", "transpose_66": "PTTransposeMetatype", "linear_44": "PTLinearMetatype", "unflatten_11": "PTReshapeMetatype", @@ -572,14 +572,14 @@ "transpose_71": "PTTransposeMetatype", "dropout_34": "PTDropoutMetatype", "add_23": "PTAddMetatype", - "layer_norm_23": "PTLayerNormMetatype", + "layer_norm_23": "PTAtenLayerNormMetatype", "linear_46": "PTLinearMetatype", "gelu_11": "PTGELUMetatype", "dropout_35": "PTDropoutMetatype", "linear_47": "PTLinearMetatype", "dropout_36": "PTDropoutMetatype", "add_24": "PTAddMetatype", - "layer_norm_24": "PTLayerNormMetatype", + "layer_norm_24": "PTAtenLayerNormMetatype", "slice_1": "PTGatherMetatype", "select_36": "PTGatherMetatype", "linear_48": "PTLinearMetatype", From e186b4d1c6b2095d30321f8bc24a209dfd5a3b4d Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 7 Feb 2025 23:03:50 +0400 Subject: [PATCH 10/29] pre commit --- nncf/torch/pruning/operations.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/nncf/torch/pruning/operations.py b/nncf/torch/pruning/operations.py index df300dddba3..1b99baa4ae8 100644 --- a/nncf/torch/pruning/operations.py +++ b/nncf/torch/pruning/operations.py @@ -41,6 +41,7 @@ from nncf.torch.graph.operator_metatypes import PTAdaptiveMaxPool2dMetatype from nncf.torch.graph.operator_metatypes import PTAdaptiveMaxPool3dMetatype from nncf.torch.graph.operator_metatypes import PTAddMetatype +from nncf.torch.graph.operator_metatypes import PTAtenLayerNormMetatype from nncf.torch.graph.operator_metatypes import PTAvgPool2dMetatype from nncf.torch.graph.operator_metatypes import PTAvgPool3dMetatype from nncf.torch.graph.operator_metatypes import PTBatchNormMetatype @@ -62,7 +63,6 @@ from nncf.torch.graph.operator_metatypes import PTInputNoopMetatype from nncf.torch.graph.operator_metatypes import PTInterpolateMetatype from nncf.torch.graph.operator_metatypes import PTLayerNormMetatype -from nncf.torch.graph.operator_metatypes import PTAtenLayerNormMetatype from nncf.torch.graph.operator_metatypes import PTLeakyRELUMetatype from nncf.torch.graph.operator_metatypes import PTLinearMetatype from nncf.torch.graph.operator_metatypes import PTMatMulMetatype From 7c1e12ce3e350211a657c3e16c5fb9c2c77cc2be Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 10 Feb 2025 23:17:02 +0400 Subject: [PATCH 11/29] fix for PT traced tensor issue --- nncf/torch/dynamic_graph/trace_tensor.py | 2 ++ 1 file changed, 2 insertions(+) diff --git a/nncf/torch/dynamic_graph/trace_tensor.py b/nncf/torch/dynamic_graph/trace_tensor.py index 138759ddebb..596e80b03e8 100644 --- a/nncf/torch/dynamic_graph/trace_tensor.py +++ b/nncf/torch/dynamic_graph/trace_tensor.py @@ -117,6 +117,8 @@ def from_torch_tensor(tensor: torch.Tensor, tensor_meta: Optional[TensorMeta] = :param tensor_meta: The metadata associated with the tensor. :return: The resulting TracedTensor. """ + if(tensor.dim() == 0): + tensor = torch.tensor([tensor]) return TracedTensor.patch(tensor, tensor_meta) def as_subclass(self, cls: "TracedTensor") -> "TracedTensor": From 4ce8d695457576442a546f98cd72693de58c768a Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 11 Feb 2025 10:51:34 +0400 Subject: [PATCH 12/29] fix unnecesary changes --- nncf/common/quantization/config_assignment.py | 1 - nncf/torch/dynamic_graph/trace_tensor.py | 2 -- 2 files changed, 3 deletions(-) diff --git a/nncf/common/quantization/config_assignment.py b/nncf/common/quantization/config_assignment.py index 065a399f8bf..a3260e6d485 100644 --- a/nncf/common/quantization/config_assignment.py +++ b/nncf/common/quantization/config_assignment.py @@ -80,7 +80,6 @@ def assign_qconfig_lists_to_modules( scope_overrides_dict = {} weight_scope_overrides_dict = scope_overrides_dict.get("weights") if hw_config is not None: - print(hw_config) meta_vs_qconfig_map = hw_config.get_metatype_vs_quantizer_configs_map(for_weights=True) for node in nodes_with_weights: qconfig_for_current_scope = get_scoped_quantizer_config( diff --git a/nncf/torch/dynamic_graph/trace_tensor.py b/nncf/torch/dynamic_graph/trace_tensor.py index 596e80b03e8..138759ddebb 100644 --- a/nncf/torch/dynamic_graph/trace_tensor.py +++ b/nncf/torch/dynamic_graph/trace_tensor.py @@ -117,8 +117,6 @@ def from_torch_tensor(tensor: torch.Tensor, tensor_meta: Optional[TensorMeta] = :param tensor_meta: The metadata associated with the tensor. :return: The resulting TracedTensor. """ - if(tensor.dim() == 0): - tensor = torch.tensor([tensor]) return TracedTensor.patch(tensor, tensor_meta) def as_subclass(self, cls: "TracedTensor") -> "TracedTensor": From a36c4e3bf9d6e92a2bfdaf4ad188be2969292b18 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 28 Feb 2025 11:14:53 +0400 Subject: [PATCH 13/29] update synthetic transformer reference graphs and reference values --- .../synthetic_transformer.dot | 102 ++++++++-------- .../synthetic_transformer.dot | 84 +++++++------ .../synthetic_transformer.dot | 102 ++++++++-------- .../fx/quantized/synthetic_transformer.dot | 112 ++++++++++-------- tests/torch/fx/test_models.py | 2 +- 5 files changed, 217 insertions(+), 185 deletions(-) diff --git a/tests/torch/data/reference_graphs/fx/experimental/OpenVINOQuantizer/synthetic_transformer.dot b/tests/torch/data/reference_graphs/fx/experimental/OpenVINOQuantizer/synthetic_transformer.dot index b86178cf5ff..f135c267459 100644 --- a/tests/torch/data/reference_graphs/fx/experimental/OpenVINOQuantizer/synthetic_transformer.dot +++ b/tests/torch/data/reference_graphs/fx/experimental/OpenVINOQuantizer/synthetic_transformer.dot @@ -1,49 +1,57 @@ strict digraph { -"0 wte_weight" [id=0, type=get_attr]; -"1 linear_bias" [id=1, type=get_attr]; -"2 lm_head_bias" [id=2, type=get_attr]; -"3 input_ids" [id=3, type=input]; -"4 embedding" [id=4, type=embedding]; -"5 embedding_0_0_nncf_smooth_quant_0" [id=5, type=call_module]; -"6 quantize_per_tensor_default" [id=6, type=quantize_per_tensor]; -"7 dequantize_per_tensor_default" [id=7, type=dequantize_per_tensor]; -"8 scale_updated_constant0" [id=8, type=get_attr]; -"9 compressed_weight_updated_constant0" [id=9, type=get_attr]; -"10 mul_tensor" [id=10, type=mul]; -"11 zero_point_updated_constant0" [id=11, type=get_attr]; -"12 sub_tensor" [id=12, type=sub]; -"13 linear" [id=13, type=linear]; -"14 linear_0_0_nncf_smooth_quant_0" [id=14, type=call_module]; -"15 quantize_per_tensor_default_1" [id=15, type=quantize_per_tensor]; -"16 dequantize_per_tensor_default_1" [id=16, type=dequantize_per_tensor]; -"17 scale_updated_constant1" [id=17, type=get_attr]; -"18 compressed_weight_updated_constant1" [id=18, type=get_attr]; -"19 mul_tensor_1" [id=19, type=mul]; -"20 zero_point_updated_constant1" [id=20, type=get_attr]; -"21 sub_tensor_1" [id=21, type=sub]; -"22 linear_1" [id=22, type=linear]; -"23 output" [id=23, type=output]; -"0 wte_weight" -> "4 embedding" [label="(10, 5)", style=solid]; -"1 linear_bias" -> "13 linear" [label="(5,)", style=solid]; -"2 lm_head_bias" -> "22 linear_1" [label="(10,)", style=solid]; -"3 input_ids" -> "4 embedding" [label="(5,)", style=solid]; -"4 embedding" -> "5 embedding_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; -"5 embedding_0_0_nncf_smooth_quant_0" -> "6 quantize_per_tensor_default" [label="(5, 5)", style=solid]; -"6 quantize_per_tensor_default" -> "7 dequantize_per_tensor_default" [label="(5, 5)", style=solid]; -"7 dequantize_per_tensor_default" -> "13 linear" [label="(5, 5)", style=solid]; -"8 scale_updated_constant0" -> "10 mul_tensor" [label="(5, 1)", style=solid]; -"9 compressed_weight_updated_constant0" -> "10 mul_tensor" [label="(5, 5)", style=solid]; -"10 mul_tensor" -> "12 sub_tensor" [label="(5, 5)", style=solid]; -"11 zero_point_updated_constant0" -> "12 sub_tensor" [label="(5, 1)", style=solid]; -"12 sub_tensor" -> "13 linear" [label="(5, 5)", style=solid]; -"13 linear" -> "14 linear_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; -"14 linear_0_0_nncf_smooth_quant_0" -> "15 quantize_per_tensor_default_1" [label="(5, 5)", style=solid]; -"15 quantize_per_tensor_default_1" -> "16 dequantize_per_tensor_default_1" [label="(5, 5)", style=solid]; -"16 dequantize_per_tensor_default_1" -> "22 linear_1" [label="(5, 5)", style=solid]; -"17 scale_updated_constant1" -> "19 mul_tensor_1" [label="(10, 1)", style=solid]; -"18 compressed_weight_updated_constant1" -> "19 mul_tensor_1" [label="(10, 5)", style=solid]; -"19 mul_tensor_1" -> "21 sub_tensor_1" [label="(10, 5)", style=solid]; -"20 zero_point_updated_constant1" -> "21 sub_tensor_1" [label="(10, 1)", style=solid]; -"21 sub_tensor_1" -> "22 linear_1" [label="(10, 5)", style=solid]; -"22 linear_1" -> "23 output" [label="(5, 10)", style=solid]; +"0 linear_bias" [id=0, type=get_attr]; +"1 lm_head_bias" [id=1, type=get_attr]; +"2 input_ids" [id=2, type=input]; +"3 scale_updated_constant0" [id=3, type=get_attr]; +"4 compressed_weight_updated_constant0" [id=4, type=get_attr]; +"5 mul_tensor" [id=5, type=mul]; +"6 zero_point_updated_constant0" [id=6, type=get_attr]; +"7 sub_tensor" [id=7, type=sub]; +"8 embedding" [id=8, type=embedding]; +"9 embedding_0_0_nncf_smooth_quant_0" [id=9, type=call_module]; +"10 quantize_per_tensor_default" [id=10, type=quantize_per_tensor]; +"11 dequantize_per_tensor_default" [id=11, type=dequantize_per_tensor]; +"12 scale_updated_constant1" [id=12, type=get_attr]; +"13 compressed_weight_updated_constant1" [id=13, type=get_attr]; +"14 mul_tensor_1" [id=14, type=mul]; +"15 zero_point_updated_constant1" [id=15, type=get_attr]; +"16 sub_tensor_1" [id=16, type=sub]; +"17 linear" [id=17, type=linear]; +"18 linear_0_0_nncf_smooth_quant_0" [id=18, type=call_module]; +"19 quantize_per_tensor_default_1" [id=19, type=quantize_per_tensor]; +"20 dequantize_per_tensor_default_1" [id=20, type=dequantize_per_tensor]; +"21 scale_updated_constant2" [id=21, type=get_attr]; +"22 compressed_weight_updated_constant2" [id=22, type=get_attr]; +"23 mul_tensor_2" [id=23, type=mul]; +"24 zero_point_updated_constant2" [id=24, type=get_attr]; +"25 sub_tensor_2" [id=25, type=sub]; +"26 linear_1" [id=26, type=linear]; +"27 output" [id=27, type=output]; +"0 linear_bias" -> "17 linear" [label="(5,)", style=solid]; +"1 lm_head_bias" -> "26 linear_1" [label="(10,)", style=solid]; +"2 input_ids" -> "8 embedding" [label="(5,)", style=solid]; +"3 scale_updated_constant0" -> "5 mul_tensor" [label="(10, 1)", style=solid]; +"4 compressed_weight_updated_constant0" -> "5 mul_tensor" [label="(10, 5)", style=solid]; +"5 mul_tensor" -> "7 sub_tensor" [label="(10, 5)", style=solid]; +"6 zero_point_updated_constant0" -> "7 sub_tensor" [label="(10, 1)", style=solid]; +"7 sub_tensor" -> "8 embedding" [label="(10, 5)", style=solid]; +"8 embedding" -> "9 embedding_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; +"9 embedding_0_0_nncf_smooth_quant_0" -> "10 quantize_per_tensor_default" [label="(5, 5)", style=solid]; +"10 quantize_per_tensor_default" -> "11 dequantize_per_tensor_default" [label="(5, 5)", style=solid]; +"11 dequantize_per_tensor_default" -> "17 linear" [label="(5, 5)", style=solid]; +"12 scale_updated_constant1" -> "14 mul_tensor_1" [label="(5, 1)", style=solid]; +"13 compressed_weight_updated_constant1" -> "14 mul_tensor_1" [label="(5, 5)", style=solid]; +"14 mul_tensor_1" -> "16 sub_tensor_1" [label="(5, 5)", style=solid]; +"15 zero_point_updated_constant1" -> "16 sub_tensor_1" [label="(5, 1)", style=solid]; +"16 sub_tensor_1" -> "17 linear" [label="(5, 5)", style=solid]; +"17 linear" -> "18 linear_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; +"18 linear_0_0_nncf_smooth_quant_0" -> "19 quantize_per_tensor_default_1" [label="(5, 5)", style=solid]; +"19 quantize_per_tensor_default_1" -> "20 dequantize_per_tensor_default_1" [label="(5, 5)", style=solid]; +"20 dequantize_per_tensor_default_1" -> "26 linear_1" [label="(5, 5)", style=solid]; +"21 scale_updated_constant2" -> "23 mul_tensor_2" [label="(10, 1)", style=solid]; +"22 compressed_weight_updated_constant2" -> "23 mul_tensor_2" [label="(10, 5)", style=solid]; +"23 mul_tensor_2" -> "25 sub_tensor_2" [label="(10, 5)", style=solid]; +"24 zero_point_updated_constant2" -> "25 sub_tensor_2" [label="(10, 1)", style=solid]; +"25 sub_tensor_2" -> "26 linear_1" [label="(10, 5)", style=solid]; +"26 linear_1" -> "27 output" [label="(5, 10)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/experimental/ao_export_quantization_OpenVINOQuantizer/synthetic_transformer.dot b/tests/torch/data/reference_graphs/fx/experimental/ao_export_quantization_OpenVINOQuantizer/synthetic_transformer.dot index bfd358a151a..8c4f9794dfa 100644 --- a/tests/torch/data/reference_graphs/fx/experimental/ao_export_quantization_OpenVINOQuantizer/synthetic_transformer.dot +++ b/tests/torch/data/reference_graphs/fx/experimental/ao_export_quantization_OpenVINOQuantizer/synthetic_transformer.dot @@ -1,41 +1,47 @@ strict digraph { -"0 wte_weight" [id=0, type=get_attr]; -"1 _scale_0" [id=1, type=get_attr]; -"2 _zero_point_0" [id=2, type=get_attr]; -"3 _frozen_param0" [id=3, type=get_attr]; -"4 dequantize_per_channel_default" [id=4, type=dequantize_per_channel]; -"5 linear_bias" [id=5, type=get_attr]; -"6 _scale_1" [id=6, type=get_attr]; -"7 _zero_point_1" [id=7, type=get_attr]; -"8 _frozen_param1" [id=8, type=get_attr]; -"9 dequantize_per_channel_default_1" [id=9, type=dequantize_per_channel]; -"10 lm_head_bias" [id=10, type=get_attr]; -"11 input_ids" [id=11, type=input]; -"12 embedding" [id=12, type=embedding]; -"13 quantize_per_tensor_default" [id=13, type=quantize_per_tensor]; -"14 dequantize_per_tensor_default" [id=14, type=dequantize_per_tensor]; -"15 linear" [id=15, type=linear]; -"16 quantize_per_tensor_default_1" [id=16, type=quantize_per_tensor]; -"17 dequantize_per_tensor_default_1" [id=17, type=dequantize_per_tensor]; -"18 linear_1" [id=18, type=linear]; -"19 output" [id=19, type=output]; -"0 wte_weight" -> "12 embedding" [label="(10, 5)", style=solid]; -"1 _scale_0" -> "4 dequantize_per_channel_default" [label="(5,)", style=solid]; -"2 _zero_point_0" -> "4 dequantize_per_channel_default" [label="(5,)", style=solid]; -"3 _frozen_param0" -> "4 dequantize_per_channel_default" [label="(5, 5)", style=solid]; -"4 dequantize_per_channel_default" -> "15 linear" [label=None, style=solid]; -"5 linear_bias" -> "15 linear" [label="(5,)", style=solid]; -"6 _scale_1" -> "9 dequantize_per_channel_default_1" [label="(10,)", style=solid]; -"7 _zero_point_1" -> "9 dequantize_per_channel_default_1" [label="(10,)", style=solid]; -"8 _frozen_param1" -> "9 dequantize_per_channel_default_1" [label="(10, 5)", style=solid]; -"9 dequantize_per_channel_default_1" -> "18 linear_1" [label=None, style=solid]; -"10 lm_head_bias" -> "18 linear_1" [label="(10,)", style=solid]; -"11 input_ids" -> "12 embedding" [label="(5,)", style=solid]; -"12 embedding" -> "13 quantize_per_tensor_default" [label="(5, 5)", style=solid]; -"13 quantize_per_tensor_default" -> "14 dequantize_per_tensor_default" [label=None, style=solid]; -"14 dequantize_per_tensor_default" -> "15 linear" [label=None, style=solid]; -"15 linear" -> "16 quantize_per_tensor_default_1" [label="(5, 5)", style=solid]; -"16 quantize_per_tensor_default_1" -> "17 dequantize_per_tensor_default_1" [label=None, style=solid]; -"17 dequantize_per_tensor_default_1" -> "18 linear_1" [label=None, style=solid]; -"18 linear_1" -> "19 output" [label="(5, 10)", style=solid]; +"0 _scale_0" [id=0, type=get_attr]; +"1 _zero_point_0" [id=1, type=get_attr]; +"2 _frozen_param0" [id=2, type=get_attr]; +"3 dequantize_per_channel_default" [id=3, type=dequantize_per_channel]; +"4 _scale_1" [id=4, type=get_attr]; +"5 _zero_point_1" [id=5, type=get_attr]; +"6 _frozen_param1" [id=6, type=get_attr]; +"7 dequantize_per_channel_default_1" [id=7, type=dequantize_per_channel]; +"8 linear_bias" [id=8, type=get_attr]; +"9 _scale_2" [id=9, type=get_attr]; +"10 _zero_point_2" [id=10, type=get_attr]; +"11 _frozen_param2" [id=11, type=get_attr]; +"12 dequantize_per_channel_default_2" [id=12, type=dequantize_per_channel]; +"13 lm_head_bias" [id=13, type=get_attr]; +"14 input_ids" [id=14, type=input]; +"15 embedding" [id=15, type=embedding]; +"16 quantize_per_tensor_default" [id=16, type=quantize_per_tensor]; +"17 dequantize_per_tensor_default" [id=17, type=dequantize_per_tensor]; +"18 linear" [id=18, type=linear]; +"19 quantize_per_tensor_default_1" [id=19, type=quantize_per_tensor]; +"20 dequantize_per_tensor_default_1" [id=20, type=dequantize_per_tensor]; +"21 linear_1" [id=21, type=linear]; +"22 output" [id=22, type=output]; +"0 _scale_0" -> "3 dequantize_per_channel_default" [label="(10,)", style=solid]; +"1 _zero_point_0" -> "3 dequantize_per_channel_default" [label="(10,)", style=solid]; +"2 _frozen_param0" -> "3 dequantize_per_channel_default" [label="(10, 5)", style=solid]; +"3 dequantize_per_channel_default" -> "15 embedding" [label=None, style=solid]; +"4 _scale_1" -> "7 dequantize_per_channel_default_1" [label="(5,)", style=solid]; +"5 _zero_point_1" -> "7 dequantize_per_channel_default_1" [label="(5,)", style=solid]; +"6 _frozen_param1" -> "7 dequantize_per_channel_default_1" [label="(5, 5)", style=solid]; +"7 dequantize_per_channel_default_1" -> "18 linear" [label=None, style=solid]; +"8 linear_bias" -> "18 linear" [label="(5,)", style=solid]; +"9 _scale_2" -> "12 dequantize_per_channel_default_2" [label="(10,)", style=solid]; +"10 _zero_point_2" -> "12 dequantize_per_channel_default_2" [label="(10,)", style=solid]; +"11 _frozen_param2" -> "12 dequantize_per_channel_default_2" [label="(10, 5)", style=solid]; +"12 dequantize_per_channel_default_2" -> "21 linear_1" [label=None, style=solid]; +"13 lm_head_bias" -> "21 linear_1" [label="(10,)", style=solid]; +"14 input_ids" -> "15 embedding" [label="(5,)", style=solid]; +"15 embedding" -> "16 quantize_per_tensor_default" [label="(5, 5)", style=solid]; +"16 quantize_per_tensor_default" -> "17 dequantize_per_tensor_default" [label=None, style=solid]; +"17 dequantize_per_tensor_default" -> "18 linear" [label=None, style=solid]; +"18 linear" -> "19 quantize_per_tensor_default_1" [label="(5, 5)", style=solid]; +"19 quantize_per_tensor_default_1" -> "20 dequantize_per_tensor_default_1" [label=None, style=solid]; +"20 dequantize_per_tensor_default_1" -> "21 linear_1" [label=None, style=solid]; +"21 linear_1" -> "22 output" [label="(5, 10)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/synthetic_transformer.dot b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/synthetic_transformer.dot index b86178cf5ff..f135c267459 100644 --- a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/synthetic_transformer.dot +++ b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/synthetic_transformer.dot @@ -1,49 +1,57 @@ strict digraph { -"0 wte_weight" [id=0, type=get_attr]; -"1 linear_bias" [id=1, type=get_attr]; -"2 lm_head_bias" [id=2, type=get_attr]; -"3 input_ids" [id=3, type=input]; -"4 embedding" [id=4, type=embedding]; -"5 embedding_0_0_nncf_smooth_quant_0" [id=5, type=call_module]; -"6 quantize_per_tensor_default" [id=6, type=quantize_per_tensor]; -"7 dequantize_per_tensor_default" [id=7, type=dequantize_per_tensor]; -"8 scale_updated_constant0" [id=8, type=get_attr]; -"9 compressed_weight_updated_constant0" [id=9, type=get_attr]; -"10 mul_tensor" [id=10, type=mul]; -"11 zero_point_updated_constant0" [id=11, type=get_attr]; -"12 sub_tensor" [id=12, type=sub]; -"13 linear" [id=13, type=linear]; -"14 linear_0_0_nncf_smooth_quant_0" [id=14, type=call_module]; -"15 quantize_per_tensor_default_1" [id=15, type=quantize_per_tensor]; -"16 dequantize_per_tensor_default_1" [id=16, type=dequantize_per_tensor]; -"17 scale_updated_constant1" [id=17, type=get_attr]; -"18 compressed_weight_updated_constant1" [id=18, type=get_attr]; -"19 mul_tensor_1" [id=19, type=mul]; -"20 zero_point_updated_constant1" [id=20, type=get_attr]; -"21 sub_tensor_1" [id=21, type=sub]; -"22 linear_1" [id=22, type=linear]; -"23 output" [id=23, type=output]; -"0 wte_weight" -> "4 embedding" [label="(10, 5)", style=solid]; -"1 linear_bias" -> "13 linear" [label="(5,)", style=solid]; -"2 lm_head_bias" -> "22 linear_1" [label="(10,)", style=solid]; -"3 input_ids" -> "4 embedding" [label="(5,)", style=solid]; -"4 embedding" -> "5 embedding_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; -"5 embedding_0_0_nncf_smooth_quant_0" -> "6 quantize_per_tensor_default" [label="(5, 5)", style=solid]; -"6 quantize_per_tensor_default" -> "7 dequantize_per_tensor_default" [label="(5, 5)", style=solid]; -"7 dequantize_per_tensor_default" -> "13 linear" [label="(5, 5)", style=solid]; -"8 scale_updated_constant0" -> "10 mul_tensor" [label="(5, 1)", style=solid]; -"9 compressed_weight_updated_constant0" -> "10 mul_tensor" [label="(5, 5)", style=solid]; -"10 mul_tensor" -> "12 sub_tensor" [label="(5, 5)", style=solid]; -"11 zero_point_updated_constant0" -> "12 sub_tensor" [label="(5, 1)", style=solid]; -"12 sub_tensor" -> "13 linear" [label="(5, 5)", style=solid]; -"13 linear" -> "14 linear_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; -"14 linear_0_0_nncf_smooth_quant_0" -> "15 quantize_per_tensor_default_1" [label="(5, 5)", style=solid]; -"15 quantize_per_tensor_default_1" -> "16 dequantize_per_tensor_default_1" [label="(5, 5)", style=solid]; -"16 dequantize_per_tensor_default_1" -> "22 linear_1" [label="(5, 5)", style=solid]; -"17 scale_updated_constant1" -> "19 mul_tensor_1" [label="(10, 1)", style=solid]; -"18 compressed_weight_updated_constant1" -> "19 mul_tensor_1" [label="(10, 5)", style=solid]; -"19 mul_tensor_1" -> "21 sub_tensor_1" [label="(10, 5)", style=solid]; -"20 zero_point_updated_constant1" -> "21 sub_tensor_1" [label="(10, 1)", style=solid]; -"21 sub_tensor_1" -> "22 linear_1" [label="(10, 5)", style=solid]; -"22 linear_1" -> "23 output" [label="(5, 10)", style=solid]; +"0 linear_bias" [id=0, type=get_attr]; +"1 lm_head_bias" [id=1, type=get_attr]; +"2 input_ids" [id=2, type=input]; +"3 scale_updated_constant0" [id=3, type=get_attr]; +"4 compressed_weight_updated_constant0" [id=4, type=get_attr]; +"5 mul_tensor" [id=5, type=mul]; +"6 zero_point_updated_constant0" [id=6, type=get_attr]; +"7 sub_tensor" [id=7, type=sub]; +"8 embedding" [id=8, type=embedding]; +"9 embedding_0_0_nncf_smooth_quant_0" [id=9, type=call_module]; +"10 quantize_per_tensor_default" [id=10, type=quantize_per_tensor]; +"11 dequantize_per_tensor_default" [id=11, type=dequantize_per_tensor]; +"12 scale_updated_constant1" [id=12, type=get_attr]; +"13 compressed_weight_updated_constant1" [id=13, type=get_attr]; +"14 mul_tensor_1" [id=14, type=mul]; +"15 zero_point_updated_constant1" [id=15, type=get_attr]; +"16 sub_tensor_1" [id=16, type=sub]; +"17 linear" [id=17, type=linear]; +"18 linear_0_0_nncf_smooth_quant_0" [id=18, type=call_module]; +"19 quantize_per_tensor_default_1" [id=19, type=quantize_per_tensor]; +"20 dequantize_per_tensor_default_1" [id=20, type=dequantize_per_tensor]; +"21 scale_updated_constant2" [id=21, type=get_attr]; +"22 compressed_weight_updated_constant2" [id=22, type=get_attr]; +"23 mul_tensor_2" [id=23, type=mul]; +"24 zero_point_updated_constant2" [id=24, type=get_attr]; +"25 sub_tensor_2" [id=25, type=sub]; +"26 linear_1" [id=26, type=linear]; +"27 output" [id=27, type=output]; +"0 linear_bias" -> "17 linear" [label="(5,)", style=solid]; +"1 lm_head_bias" -> "26 linear_1" [label="(10,)", style=solid]; +"2 input_ids" -> "8 embedding" [label="(5,)", style=solid]; +"3 scale_updated_constant0" -> "5 mul_tensor" [label="(10, 1)", style=solid]; +"4 compressed_weight_updated_constant0" -> "5 mul_tensor" [label="(10, 5)", style=solid]; +"5 mul_tensor" -> "7 sub_tensor" [label="(10, 5)", style=solid]; +"6 zero_point_updated_constant0" -> "7 sub_tensor" [label="(10, 1)", style=solid]; +"7 sub_tensor" -> "8 embedding" [label="(10, 5)", style=solid]; +"8 embedding" -> "9 embedding_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; +"9 embedding_0_0_nncf_smooth_quant_0" -> "10 quantize_per_tensor_default" [label="(5, 5)", style=solid]; +"10 quantize_per_tensor_default" -> "11 dequantize_per_tensor_default" [label="(5, 5)", style=solid]; +"11 dequantize_per_tensor_default" -> "17 linear" [label="(5, 5)", style=solid]; +"12 scale_updated_constant1" -> "14 mul_tensor_1" [label="(5, 1)", style=solid]; +"13 compressed_weight_updated_constant1" -> "14 mul_tensor_1" [label="(5, 5)", style=solid]; +"14 mul_tensor_1" -> "16 sub_tensor_1" [label="(5, 5)", style=solid]; +"15 zero_point_updated_constant1" -> "16 sub_tensor_1" [label="(5, 1)", style=solid]; +"16 sub_tensor_1" -> "17 linear" [label="(5, 5)", style=solid]; +"17 linear" -> "18 linear_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; +"18 linear_0_0_nncf_smooth_quant_0" -> "19 quantize_per_tensor_default_1" [label="(5, 5)", style=solid]; +"19 quantize_per_tensor_default_1" -> "20 dequantize_per_tensor_default_1" [label="(5, 5)", style=solid]; +"20 dequantize_per_tensor_default_1" -> "26 linear_1" [label="(5, 5)", style=solid]; +"21 scale_updated_constant2" -> "23 mul_tensor_2" [label="(10, 1)", style=solid]; +"22 compressed_weight_updated_constant2" -> "23 mul_tensor_2" [label="(10, 5)", style=solid]; +"23 mul_tensor_2" -> "25 sub_tensor_2" [label="(10, 5)", style=solid]; +"24 zero_point_updated_constant2" -> "25 sub_tensor_2" [label="(10, 1)", style=solid]; +"25 sub_tensor_2" -> "26 linear_1" [label="(10, 5)", style=solid]; +"26 linear_1" -> "27 output" [label="(5, 10)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/quantized/synthetic_transformer.dot b/tests/torch/data/reference_graphs/fx/quantized/synthetic_transformer.dot index 4df2f65a775..1241d4a37ca 100644 --- a/tests/torch/data/reference_graphs/fx/quantized/synthetic_transformer.dot +++ b/tests/torch/data/reference_graphs/fx/quantized/synthetic_transformer.dot @@ -1,53 +1,63 @@ strict digraph { -"0 wte_weight" [id=0, type=get_attr]; -"1 linear_bias" [id=1, type=get_attr]; -"2 lm_head_bias" [id=2, type=get_attr]; -"3 input_ids" [id=3, type=input]; -"4 embedding" [id=4, type=embedding]; -"5 embedding_0_0_nncf_smooth_quant_0" [id=5, type=call_module]; -"6 quantize_per_tensor_default" [id=6, type=quantize_per_tensor]; -"7 dequantize_per_tensor_default" [id=7, type=dequantize_per_tensor]; -"8 linear_scale_0" [id=8, type=get_attr]; -"9 linear_zero_point_0" [id=9, type=get_attr]; -"10 compressed_weight_updated_constant0" [id=10, type=get_attr]; -"11 quantize_per_channel_default" [id=11, type=quantize_per_channel]; -"12 dequantize_per_channel_default" [id=12, type=dequantize_per_channel]; -"13 linear" [id=13, type=linear]; -"14 linear_0_0_nncf_smooth_quant_0" [id=14, type=call_module]; -"15 quantize_per_tensor_default_1" [id=15, type=quantize_per_tensor]; -"16 dequantize_per_tensor_default_1" [id=16, type=dequantize_per_tensor]; -"17 linear_1_scale_0" [id=17, type=get_attr]; -"18 linear_1_zero_point_0" [id=18, type=get_attr]; -"19 compressed_weight_updated_constant1" [id=19, type=get_attr]; -"20 quantize_per_channel_default_1" [id=20, type=quantize_per_channel]; -"21 dequantize_per_channel_default_1" [id=21, type=dequantize_per_channel]; -"22 linear_1" [id=22, type=linear]; -"23 output" [id=23, type=output]; -"0 wte_weight" -> "4 embedding" [label="(10, 5)", style=solid]; -"1 linear_bias" -> "13 linear" [label="(5,)", style=solid]; -"2 lm_head_bias" -> "22 linear_1" [label="(10,)", style=solid]; -"3 input_ids" -> "4 embedding" [label="(5,)", style=solid]; -"4 embedding" -> "5 embedding_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; -"5 embedding_0_0_nncf_smooth_quant_0" -> "6 quantize_per_tensor_default" [label="(5, 5)", style=solid]; -"6 quantize_per_tensor_default" -> "7 dequantize_per_tensor_default" [label="(5, 5)", style=solid]; -"7 dequantize_per_tensor_default" -> "13 linear" [label="(5, 5)", style=solid]; -"8 linear_scale_0" -> "11 quantize_per_channel_default" [label="(5,)", style=solid]; -"8 linear_scale_0" -> "12 dequantize_per_channel_default" [label="(5,)", style=solid]; -"9 linear_zero_point_0" -> "11 quantize_per_channel_default" [label="(5,)", style=solid]; -"9 linear_zero_point_0" -> "12 dequantize_per_channel_default" [label="(5,)", style=solid]; -"10 compressed_weight_updated_constant0" -> "11 quantize_per_channel_default" [label="(5, 5)", style=solid]; -"11 quantize_per_channel_default" -> "12 dequantize_per_channel_default" [label="(5, 5)", style=solid]; -"12 dequantize_per_channel_default" -> "13 linear" [label="(5, 5)", style=solid]; -"13 linear" -> "14 linear_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; -"14 linear_0_0_nncf_smooth_quant_0" -> "15 quantize_per_tensor_default_1" [label="(5, 5)", style=solid]; -"15 quantize_per_tensor_default_1" -> "16 dequantize_per_tensor_default_1" [label="(5, 5)", style=solid]; -"16 dequantize_per_tensor_default_1" -> "22 linear_1" [label="(5, 5)", style=solid]; -"17 linear_1_scale_0" -> "20 quantize_per_channel_default_1" [label="(10,)", style=solid]; -"17 linear_1_scale_0" -> "21 dequantize_per_channel_default_1" [label="(10,)", style=solid]; -"18 linear_1_zero_point_0" -> "20 quantize_per_channel_default_1" [label="(10,)", style=solid]; -"18 linear_1_zero_point_0" -> "21 dequantize_per_channel_default_1" [label="(10,)", style=solid]; -"19 compressed_weight_updated_constant1" -> "20 quantize_per_channel_default_1" [label="(10, 5)", style=solid]; -"20 quantize_per_channel_default_1" -> "21 dequantize_per_channel_default_1" [label="(10, 5)", style=solid]; -"21 dequantize_per_channel_default_1" -> "22 linear_1" [label="(10, 5)", style=solid]; -"22 linear_1" -> "23 output" [label="(5, 10)", style=solid]; +"0 linear_bias" [id=0, type=get_attr]; +"1 lm_head_bias" [id=1, type=get_attr]; +"2 input_ids" [id=2, type=input]; +"3 embedding_scale_0" [id=3, type=get_attr]; +"4 embedding_zero_point_0" [id=4, type=get_attr]; +"5 compressed_weight_updated_constant0" [id=5, type=get_attr]; +"6 quantize_per_channel_default" [id=6, type=quantize_per_channel]; +"7 dequantize_per_channel_default" [id=7, type=dequantize_per_channel]; +"8 embedding" [id=8, type=embedding]; +"9 embedding_0_0_nncf_smooth_quant_0" [id=9, type=call_module]; +"10 quantize_per_tensor_default" [id=10, type=quantize_per_tensor]; +"11 dequantize_per_tensor_default" [id=11, type=dequantize_per_tensor]; +"12 linear_scale_0" [id=12, type=get_attr]; +"13 linear_zero_point_0" [id=13, type=get_attr]; +"14 compressed_weight_updated_constant1" [id=14, type=get_attr]; +"15 quantize_per_channel_default_1" [id=15, type=quantize_per_channel]; +"16 dequantize_per_channel_default_1" [id=16, type=dequantize_per_channel]; +"17 linear" [id=17, type=linear]; +"18 linear_0_0_nncf_smooth_quant_0" [id=18, type=call_module]; +"19 quantize_per_tensor_default_1" [id=19, type=quantize_per_tensor]; +"20 dequantize_per_tensor_default_1" [id=20, type=dequantize_per_tensor]; +"21 linear_1_scale_0" [id=21, type=get_attr]; +"22 linear_1_zero_point_0" [id=22, type=get_attr]; +"23 compressed_weight_updated_constant2" [id=23, type=get_attr]; +"24 quantize_per_channel_default_2" [id=24, type=quantize_per_channel]; +"25 dequantize_per_channel_default_2" [id=25, type=dequantize_per_channel]; +"26 linear_1" [id=26, type=linear]; +"27 output" [id=27, type=output]; +"0 linear_bias" -> "17 linear" [label="(5,)", style=solid]; +"1 lm_head_bias" -> "26 linear_1" [label="(10,)", style=solid]; +"2 input_ids" -> "8 embedding" [label="(5,)", style=solid]; +"3 embedding_scale_0" -> "6 quantize_per_channel_default" [label="(10,)", style=solid]; +"3 embedding_scale_0" -> "7 dequantize_per_channel_default" [label="(10,)", style=solid]; +"4 embedding_zero_point_0" -> "6 quantize_per_channel_default" [label="(10,)", style=solid]; +"4 embedding_zero_point_0" -> "7 dequantize_per_channel_default" [label="(10,)", style=solid]; +"5 compressed_weight_updated_constant0" -> "6 quantize_per_channel_default" [label="(10, 5)", style=solid]; +"6 quantize_per_channel_default" -> "7 dequantize_per_channel_default" [label="(10, 5)", style=solid]; +"7 dequantize_per_channel_default" -> "8 embedding" [label="(10, 5)", style=solid]; +"8 embedding" -> "9 embedding_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; +"9 embedding_0_0_nncf_smooth_quant_0" -> "10 quantize_per_tensor_default" [label="(5, 5)", style=solid]; +"10 quantize_per_tensor_default" -> "11 dequantize_per_tensor_default" [label="(5, 5)", style=solid]; +"11 dequantize_per_tensor_default" -> "17 linear" [label="(5, 5)", style=solid]; +"12 linear_scale_0" -> "15 quantize_per_channel_default_1" [label="(5,)", style=solid]; +"12 linear_scale_0" -> "16 dequantize_per_channel_default_1" [label="(5,)", style=solid]; +"13 linear_zero_point_0" -> "15 quantize_per_channel_default_1" [label="(5,)", style=solid]; +"13 linear_zero_point_0" -> "16 dequantize_per_channel_default_1" [label="(5,)", style=solid]; +"14 compressed_weight_updated_constant1" -> "15 quantize_per_channel_default_1" [label="(5, 5)", style=solid]; +"15 quantize_per_channel_default_1" -> "16 dequantize_per_channel_default_1" [label="(5, 5)", style=solid]; +"16 dequantize_per_channel_default_1" -> "17 linear" [label="(5, 5)", style=solid]; +"17 linear" -> "18 linear_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; +"18 linear_0_0_nncf_smooth_quant_0" -> "19 quantize_per_tensor_default_1" [label="(5, 5)", style=solid]; +"19 quantize_per_tensor_default_1" -> "20 dequantize_per_tensor_default_1" [label="(5, 5)", style=solid]; +"20 dequantize_per_tensor_default_1" -> "26 linear_1" [label="(5, 5)", style=solid]; +"21 linear_1_scale_0" -> "24 quantize_per_channel_default_2" [label="(10,)", style=solid]; +"21 linear_1_scale_0" -> "25 dequantize_per_channel_default_2" [label="(10,)", style=solid]; +"22 linear_1_zero_point_0" -> "24 quantize_per_channel_default_2" [label="(10,)", style=solid]; +"22 linear_1_zero_point_0" -> "25 dequantize_per_channel_default_2" [label="(10,)", style=solid]; +"23 compressed_weight_updated_constant2" -> "24 quantize_per_channel_default_2" [label="(10, 5)", style=solid]; +"24 quantize_per_channel_default_2" -> "25 dequantize_per_channel_default_2" [label="(10, 5)", style=solid]; +"25 dequantize_per_channel_default_2" -> "26 linear_1" [label="(10, 5)", style=solid]; +"26 linear_1" -> "27 output" [label="(5, 10)", style=solid]; } diff --git a/tests/torch/fx/test_models.py b/tests/torch/fx/test_models.py index 39538f8b7d9..2b7c73bc781 100644 --- a/tests/torch/fx/test_models.py +++ b/tests/torch/fx/test_models.py @@ -161,7 +161,7 @@ def test_model(test_case: ModelCase): ( ModelCase(partial(ShortTransformer, 5, 10), "synthetic_transformer", [5]), {"model_type": nncf.ModelType.TRANSFORMER}, - [(4, 4), (2, 2)], + [(5, 5), (2, 2)], ), ( ModelCase(YOLO11N_SDPABlock, "yolo11n_sdpa_block", YOLO11N_SDPABlock.INPUT_SIZE), From 4ec56beac3fc63544df2fdc791c7a279b85bc87d Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 28 Feb 2025 11:15:30 +0400 Subject: [PATCH 14/29] update get_all_aliases method --- nncf/common/graph/operator_metatypes.py | 11 ----------- nncf/experimental/torch/fx/nncf_graph_builder.py | 4 ++-- nncf/torch/graph/operator_metatypes.py | 5 +++-- 3 files changed, 5 insertions(+), 15 deletions(-) diff --git a/nncf/common/graph/operator_metatypes.py b/nncf/common/graph/operator_metatypes.py index df0ba126dc4..c998923c135 100644 --- a/nncf/common/graph/operator_metatypes.py +++ b/nncf/common/graph/operator_metatypes.py @@ -112,17 +112,6 @@ def wrap(obj: Type[OperatorMetatype]) -> Type[OperatorMetatype]: ) raise nncf.InternalError(msg) self._op_name_to_op_meta_dict[name] = obj - if hasattr(obj, "module_to_function_names"): - for namespace, function_names in obj.module_to_function_names.items(): - for function_name in function_names: - target_function_name = f"{namespace.value}.{function_name}" - if target_function_name in self._func_name_to_op_meta_dict: - msg = ( - "Inconsistent operator metatype registry - single patched " - f"op name `{target_function_name}` maps to multiple metatypes!" - ) - raise nncf.InternalError(msg) - self._func_name_to_op_meta_dict[target_function_name] = obj return obj return wrap diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 3c7361b4162..ef5613a1bd5 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -95,10 +95,10 @@ def get_node_type_and_metatype(node: torch.fx.Node, model: torch.fx.GraphModule) else: # TODO(dlyakhov): get correct nodes types from this nodes as well node_type = str(node.target) - node_metatype = PT_OPERATOR_METATYPES.get_operator_metatype_by_func(node_type) + node_metatype = PT_OPERATOR_METATYPES.get_operator_metatype_by_op_name(node_type) # For FX specific metatypes not registered in PT operator metatype node_metatype = ( - FX_OPERATOR_METATYPES.get_operator_metatype_by_func(node_type) + FX_OPERATOR_METATYPES.get_operator_metatype_by_op_name(node_type) if node_metatype == UnknownMetatype else node_metatype ) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index ad566701ff7..358f477d2df 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -76,8 +76,9 @@ def get_all_namespace_to_function_names(cls) -> Dict[NamespaceTarget, List[str]] @classmethod def get_all_aliases(cls) -> List[str]: output = set() - for _, function_names in cls.module_to_function_names.items(): + for namespace, function_names in cls.module_to_function_names.items(): output = output.union(function_names) + output = output.union(f"{namespace.value}.{i}" for i in function_names) if cls.external_op_names is not None: output = output.union(cls.external_op_names) return list(output) @@ -988,7 +989,7 @@ class PTEmbeddingMetatype(PTOperatorMetatype): @FX_OPERATOR_METATYPES.register() -class PTAtenEmbeddingMetatype(OperatorMetatype): +class PTAtenEmbeddingMetatype(PTOperatorMetatype): name = "EmbeddingOp" module_to_function_names = {NamespaceTarget.ATEN: ["embedding"]} hw_config_names = [HWConfigOpName.EMBEDDING] From a0de15d05690b13f57e86f8947b24d110229afd4 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 4 Mar 2025 14:49:28 +0400 Subject: [PATCH 15/29] add suport for edge case for int input of embedding node --- nncf/common/graph/operator_metatypes.py | 12 ------------ nncf/experimental/torch/fx/nncf_graph_builder.py | 12 ++++++++---- nncf/torch/graph/operator_metatypes.py | 1 + nncf/torch/quantization/default_quantization.py | 1 + 4 files changed, 10 insertions(+), 16 deletions(-) diff --git a/nncf/common/graph/operator_metatypes.py b/nncf/common/graph/operator_metatypes.py index c998923c135..468d4bb8052 100644 --- a/nncf/common/graph/operator_metatypes.py +++ b/nncf/common/graph/operator_metatypes.py @@ -127,18 +127,6 @@ def get_operator_metatype_by_op_name(self, op_name: str) -> Type[OperatorMetatyp return UnknownMetatype return self._op_name_to_op_meta_dict[op_name] - def get_operator_metatype_by_func(self, func_name: str) -> Type[OperatorMetatype]: - """ - Returns the operator metatype by function name. - - :param func_name: The function name. - :return: The operator metatype. - """ - if func_name not in self._func_name_to_op_meta_dict: - return UnknownMetatype - obj = self._func_name_to_op_meta_dict[func_name] - return obj - NOOP_METATYPES = Registry("noop_metatypes") INPUT_NOOP_METATYPES = Registry("input_noop_metatypes") diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index ef5613a1bd5..529c4bab017 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -142,7 +142,7 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: source_nncf_node = nncf_graph.get_node_by_name(source_node.name) for idx, dist_node in enumerate(source_node.users): dist_node_id = nncf_graph.get_node_by_name(dist_node.name).node_id - input_port_id, output_port_id, tensor_shape = GraphConverter.get_edge_params( + input_port_id, output_port_id, tensor_shape, tensor_dtype = GraphConverter.get_edge_params( model, source_node, source_nncf_node, dist_node, idx ) nncf_graph.add_edge_between_nncf_nodes( @@ -151,7 +151,7 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: tensor_shape=tensor_shape, input_port_id=input_port_id, output_port_id=output_port_id, - dtype=Dtype.FLOAT, + dtype=tensor_dtype, ) return nncf_graph @@ -176,8 +176,10 @@ def get_edge_params( """ output_port_id = 0 tensor_shape = None + tensor_dtype = Dtype.FLOAT if source_node.op in ("get_attr",): - tensor_shape = tuple(get_tensor_constant_from_node(source_node, model).shape) + tensor = get_tensor_constant_from_node(source_node, model) + tensor_shape = tuple(tensor.shape) elif "val" in source_node.meta: if source_nncf_node.metatype is om.PTBatchNormMetatype and isinstance( source_node.meta["val"], (tuple, list) @@ -191,10 +193,12 @@ def get_edge_params( tensor = source_node.meta["val"] if isinstance(tensor, torch.Tensor): tensor_shape = tuple(tensor.shape) + + tensor_dtype = Dtype.INTEGER if tensor.dtype == torch.int else tensor_dtype if tensor_shape is None: # TODO(dlyakhov): Refactor algorithms to always have knowns edges shapes. nncf_logger.debug(f"Edge shape between {source_node.name} and {dist_node.name} is unknown.") input_port_id = dist_node.all_input_nodes.index(source_node) - return input_port_id, output_port_id, tensor_shape + return input_port_id, output_port_id, tensor_shape, tensor_dtype diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 358f477d2df..44ac1bf744b 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -1268,6 +1268,7 @@ def get_operator_metatypes() -> List[Type[OperatorMetatype]]: # It could lead to inaccurate/incorrect statistics result. OPERATIONS_OUTPUT_HAS_NO_BATCH_AXIS = [ PTEmbeddingMetatype, + PTAtenEmbeddingMetatype, PTEmbeddingBagMetatype, PTModuleEmbeddingBagMetatype, PTModuleEmbeddingMetatype, diff --git a/nncf/torch/quantization/default_quantization.py b/nncf/torch/quantization/default_quantization.py index 1975f1d69ff..53153cbb0ed 100644 --- a/nncf/torch/quantization/default_quantization.py +++ b/nncf/torch/quantization/default_quantization.py @@ -99,6 +99,7 @@ QuantizationTrait.CONCAT: [operator_metatypes.PTCatMetatype], QuantizationTrait.OUTPUT_QUANTIZATION_AS_WEIGHTS: [ operator_metatypes.PTEmbeddingMetatype, + operator_metatypes.PTAtenEmbeddingMetatype, operator_metatypes.PTModuleEmbeddingMetatype, operator_metatypes.PTEmbeddingBagMetatype, operator_metatypes.PTModuleEmbeddingBagMetatype, From 4e716c515979e7cc9cf2680c132bcbac8e7c08d9 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 4 Mar 2025 16:04:34 +0400 Subject: [PATCH 16/29] fix error --- nncf/experimental/torch/fx/nncf_graph_builder.py | 5 +++-- 1 file changed, 3 insertions(+), 2 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 529c4bab017..cb38414936b 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -180,6 +180,7 @@ def get_edge_params( if source_node.op in ("get_attr",): tensor = get_tensor_constant_from_node(source_node, model) tensor_shape = tuple(tensor.shape) + tensor_dtype = Dtype.INTEGER if tensor.dtype == torch.int else tensor_dtype elif "val" in source_node.meta: if source_nncf_node.metatype is om.PTBatchNormMetatype and isinstance( source_node.meta["val"], (tuple, list) @@ -193,8 +194,8 @@ def get_edge_params( tensor = source_node.meta["val"] if isinstance(tensor, torch.Tensor): tensor_shape = tuple(tensor.shape) - - tensor_dtype = Dtype.INTEGER if tensor.dtype == torch.int else tensor_dtype + + tensor_dtype = Dtype.INTEGER if tensor.dtype == torch.int else tensor_dtype if tensor_shape is None: # TODO(dlyakhov): Refactor algorithms to always have knowns edges shapes. From 56dfdda80ebfc9e8fe1188075671a5c174fe757e Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 4 Mar 2025 21:07:59 +0400 Subject: [PATCH 17/29] add PT2 metatype mapping from namespace --- .../torch2/function_hook/graph/graph_utils.py | 8 ++++++ .../nncf_graph/nncf_graph_builder.py | 12 +++++---- .../algorithms/min_max/torch_backend.py | 1 + .../layer_attributes_handlers.py | 2 +- nncf/torch/graph/operator_metatypes.py | 27 ++++++++++++------- nncf/torch/graph/pattern_operations.py | 2 +- nncf/torch/model_graph_manager.py | 2 +- .../quantization/default_quantization.py | 1 + .../nncf_graph/test_nncf_graph.py | 4 +-- 9 files changed, 39 insertions(+), 20 deletions(-) diff --git a/nncf/experimental/torch2/function_hook/graph/graph_utils.py b/nncf/experimental/torch2/function_hook/graph/graph_utils.py index 6fa5332467e..9396b7f69fe 100644 --- a/nncf/experimental/torch2/function_hook/graph/graph_utils.py +++ b/nncf/experimental/torch2/function_hook/graph/graph_utils.py @@ -82,6 +82,14 @@ class FunctionMeta: def func_name(self) -> str: return self.func.__name__ + @property + def func_namespace(self) -> str: + if self.func.__qualname__.split(".")[0] == "TensorBase": + return f"torch.tensor.{str(self.func.__name__)}" + elif self.func.__qualname__ == self.func.__name__: + return f"torch.nn.functional.{str(self.func.__name__)}" + return f"{str(self.func.__module__)}.{str(self.func.__name__)}" + @dataclass class EdgeMeta: diff --git a/nncf/experimental/torch2/function_hook/nncf_graph/nncf_graph_builder.py b/nncf/experimental/torch2/function_hook/nncf_graph/nncf_graph_builder.py index f036891000f..46fe94e8904 100644 --- a/nncf/experimental/torch2/function_hook/nncf_graph/nncf_graph_builder.py +++ b/nncf/experimental/torch2/function_hook/nncf_graph/nncf_graph_builder.py @@ -23,6 +23,7 @@ from nncf.common.graph.layer_attributes import BaseLayerAttributes from nncf.common.graph.layer_attributes import ConstantLayerAttributes from nncf.common.graph.layer_attributes import Dtype +from nncf.common.graph.operator_metatypes import UnknownMetatype from nncf.experimental.torch2.function_hook.graph.build_graph_mode import build_graph from nncf.experimental.torch2.function_hook.graph.graph_utils import ConstMeta from nncf.experimental.torch2.function_hook.graph.graph_utils import EdgeMeta @@ -48,7 +49,7 @@ def get_node_type(type: NodeType, meta: Union[ConstMeta, FunctionMeta, InOutMeta if isinstance(meta, ConstMeta): return "nncf_model_const" if isinstance(meta, FunctionMeta): - return meta.func_name + return meta.func_namespace msg = "Unexpected metadata type" raise nncf.InternalError(msg) @@ -89,9 +90,10 @@ def get_meta_type(node_type: str, meta: Union[ConstMeta, FunctionMeta, InOutMeta :param meta: The metadata associated with the node. :return: The PTOperatorMetatype object. """ - node_metatype = cast( - type[om.PTOperatorMetatype], om.PT_OPERATOR_METATYPES.get_operator_metatype_by_op_name(node_type) - ) + metatype = om.PT_OPERATOR_METATYPES.get_operator_metatype_by_op_name(node_type) + metatype = om.PT2_OPERATOR_METATYPES.get_operator_metatype_by_op_name(node_type) if metatype == UnknownMetatype else metatype + + node_metatype = cast(type[om.PTOperatorMetatype], metatype) node_sub_meta_type: Optional[type[om.PTOperatorMetatype]] = None if node_metatype.get_subtypes() and isinstance(meta, FunctionMeta): node_sub_meta_type = node_metatype.determine_subtype(function_args=meta.args, functions_kwargs=meta.kwargs) @@ -187,7 +189,7 @@ def convert_to_nncf_graph(nx_graph: nx.MultiDiGraph) -> PTNNCFGraph: layer_name=node_name, node_metatype=meta_type, node_name=node_name, - node_type=node_type, + node_type=node_type.split(".")[-1], ) map_nx_node_to_nncf_node[node] = nncf_node diff --git a/nncf/quantization/algorithms/min_max/torch_backend.py b/nncf/quantization/algorithms/min_max/torch_backend.py index d3d8cd4bae6..d3a4ed32537 100644 --- a/nncf/quantization/algorithms/min_max/torch_backend.py +++ b/nncf/quantization/algorithms/min_max/torch_backend.py @@ -317,6 +317,7 @@ def get_ignored_metatypes(model_type: ModelType, device: TargetDevice) -> List[O om.PTModuleGroupNormMetatype, # Batchnorm om.PTBatchNormMetatype, + om.PT2BatchNormMetatype, om.PTModuleBatchNormMetatype, # Comparison operations om.PTGreaterEqualMetatype, diff --git a/nncf/torch/dynamic_graph/layer_attributes_handlers.py b/nncf/torch/dynamic_graph/layer_attributes_handlers.py index b1fbdcf4db1..53811a97688 100644 --- a/nncf/torch/dynamic_graph/layer_attributes_handlers.py +++ b/nncf/torch/dynamic_graph/layer_attributes_handlers.py @@ -39,7 +39,7 @@ om.PTConvTranspose1dMetatype, om.PTConvTranspose2dMetatype, om.PTConvTranspose3dMetatype ) LINEAR_OP_NAMES = get_all_aliases(om.PTLinearMetatype) -BATCHNORM_OP_NAMES = get_all_aliases(om.PTBatchNormMetatype) +BATCHNORM_OP_NAMES = get_all_aliases(om.PTBatchNormMetatype, om.PT2BatchNormMetatype) EMBEDDING_OP_NAMES = get_all_aliases(om.PTEmbeddingMetatype, om.PTEmbeddingBagMetatype) GROUP_NORM_OP_NAMES = get_all_aliases(om.PTGroupNormMetatype) LAYER_NORM_OP_NAMES = get_all_aliases(om.PTLayerNormMetatype) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 44ac1bf744b..7aca4c605af 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -30,6 +30,7 @@ PT_OPERATOR_METATYPES = OperatorMetatypeRegistry("operator_metatypes") FX_OPERATOR_METATYPES = OperatorMetatypeRegistry("operator_metatypes") +PT2_OPERATOR_METATYPES = OperatorMetatypeRegistry("operator_metatypes") class PTOperatorMetatype(OperatorMetatype): @@ -284,7 +285,11 @@ class PTDepthwiseConv2dSubtype(PTDepthwiseConvOperatorSubtype): class PTConv2dMetatype(PTOperatorMetatype): name = "Conv2DOp" hw_config_names = [HWConfigOpName.CONVOLUTION] - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["conv2d"], NamespaceTarget.ATEN: ["conv2d"]} + module_to_function_names = { + NamespaceTarget.TORCH_NN_FUNCTIONAL: ["conv2d"], + NamespaceTarget.TORCH: ["conv2d"], + NamespaceTarget.ATEN: ["conv2d"], + } subtypes = [PTModuleConv2dMetatype, PTDepthwiseConv2dSubtype] output_channel_axis = 1 num_expected_input_edges = 2 @@ -764,16 +769,18 @@ class PTBatchNormMetatype(PTOperatorMetatype): NamespaceTarget.ATEN: ["_native_batch_norm_legit_no_training", "cudnn_batch_norm", "batch_norm"], } subtypes = [PTModuleBatchNormMetatype] + weight_port_ids = [3] + bias_port_id = 4 - if is_experimental_torch_tracing_enabled(): - # torch.batch_norm - weight_port_ids = [1] - bias_port_id = 2 - else: - # torch.nn.functional.batch_norm - weight_port_ids = [3] - bias_port_id = 4 - +@PT2_OPERATOR_METATYPES.register() +class PT2BatchNormMetatype(PTOperatorMetatype): + name = "BatchNormOp" + module_to_function_names = { + NamespaceTarget.TORCH: ["batch_norm"], + } + subtypes = [PTModuleBatchNormMetatype] + weight_port_ids = [1] + bias_port_id = 2 @PT_OPERATOR_METATYPES.register() class PTAvgPool2dMetatype(PTOperatorMetatype): diff --git a/nncf/torch/graph/pattern_operations.py b/nncf/torch/graph/pattern_operations.py index 7423a9b784a..2534c1ee3ed 100644 --- a/nncf/torch/graph/pattern_operations.py +++ b/nncf/torch/graph/pattern_operations.py @@ -51,7 +51,7 @@ } BATCH_NORMALIZATION_OPERATIONS = { - GraphPattern.METATYPE_ATTR: [om.PTBatchNormMetatype, om.PTModuleBatchNormMetatype], + GraphPattern.METATYPE_ATTR: [om.PTBatchNormMetatype, om.PT2BatchNormMetatype, om.PTModuleBatchNormMetatype], GraphPattern.LABEL_ATTR: "BATCH_NORMALIZATION", } diff --git a/nncf/torch/model_graph_manager.py b/nncf/torch/model_graph_manager.py index 3aceb2bc185..151db2e0acb 100644 --- a/nncf/torch/model_graph_manager.py +++ b/nncf/torch/model_graph_manager.py @@ -40,7 +40,7 @@ ] OPERATORS_WITH_BIAS_METATYPES = CONV_META_TYPES -CONV_FUSED_META_TYPES = [om.PTBatchNormMetatype] +CONV_FUSED_META_TYPES = [om.PTBatchNormMetatype, om.PT2BatchNormMetatype] def find_const_node_in_constant_subgraph(node: NNCFNode, graph: NNCFGraph) -> Optional[NNCFNode]: diff --git a/nncf/torch/quantization/default_quantization.py b/nncf/torch/quantization/default_quantization.py index 3f3e0c5df0d..0542a016c68 100644 --- a/nncf/torch/quantization/default_quantization.py +++ b/nncf/torch/quantization/default_quantization.py @@ -44,6 +44,7 @@ operator_metatypes.PTRoundMetatype, operator_metatypes.PTPixelShuffleMetatype, operator_metatypes.PTBatchNormMetatype, + operator_metatypes.PT2BatchNormMetatype, operator_metatypes.PTModuleBatchNormMetatype, operator_metatypes.PTAvgPool2dMetatype, operator_metatypes.PTAvgPool3dMetatype, diff --git a/tests/torch2/function_hook/nncf_graph/test_nncf_graph.py b/tests/torch2/function_hook/nncf_graph/test_nncf_graph.py index 643272a97ae..c5a5032ca14 100644 --- a/tests/torch2/function_hook/nncf_graph/test_nncf_graph.py +++ b/tests/torch2/function_hook/nncf_graph/test_nncf_graph.py @@ -44,7 +44,7 @@ [ [NodeType.input, InOutMeta(torch.float32, (1), "input"), "nncf_model_input"], [NodeType.output, InOutMeta(torch.float32, (1), "output"), "nncf_model_output"], - [NodeType.output, FunctionMeta("op", torch.relu, [], {}), "relu"], + [NodeType.output, FunctionMeta("op", torch.relu, [], {}), "torch.relu"], [NodeType.output, ConstMeta(torch.float32, (1), "model.bias"), "nncf_model_const"], ], ) @@ -144,7 +144,7 @@ def test_model_graph(desc: ModelDesc, regen_ref_data: bool): graph = to_comparable_nx_graph(nncf_graph) nx_nncf_graph = nx.nx_pydot.to_pydot(graph) ref_file = REF_DIR / f"model_graph_{desc}.dot" - compare_with_reference_file(str(nx_nncf_graph), ref_file, regen_ref_data) + compare_with_reference_file(str(nx_nncf_graph), ref_file, False) def test_model_graph_with_shared_parameters(regen_ref_data): From 38e825a201f76f698558183cd6fcb800170f6103 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 4 Mar 2025 21:08:35 +0400 Subject: [PATCH 18/29] pre commit fix --- .../torch2/function_hook/nncf_graph/nncf_graph_builder.py | 6 +++++- nncf/torch/graph/operator_metatypes.py | 3 ++- 2 files changed, 7 insertions(+), 2 deletions(-) diff --git a/nncf/experimental/torch2/function_hook/nncf_graph/nncf_graph_builder.py b/nncf/experimental/torch2/function_hook/nncf_graph/nncf_graph_builder.py index 46fe94e8904..32b2c1d1a71 100644 --- a/nncf/experimental/torch2/function_hook/nncf_graph/nncf_graph_builder.py +++ b/nncf/experimental/torch2/function_hook/nncf_graph/nncf_graph_builder.py @@ -91,7 +91,11 @@ def get_meta_type(node_type: str, meta: Union[ConstMeta, FunctionMeta, InOutMeta :return: The PTOperatorMetatype object. """ metatype = om.PT_OPERATOR_METATYPES.get_operator_metatype_by_op_name(node_type) - metatype = om.PT2_OPERATOR_METATYPES.get_operator_metatype_by_op_name(node_type) if metatype == UnknownMetatype else metatype + metatype = ( + om.PT2_OPERATOR_METATYPES.get_operator_metatype_by_op_name(node_type) + if metatype == UnknownMetatype + else metatype + ) node_metatype = cast(type[om.PTOperatorMetatype], metatype) node_sub_meta_type: Optional[type[om.PTOperatorMetatype]] = None diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 7aca4c605af..2e1c57233c3 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -22,7 +22,6 @@ from nncf.common.graph.operator_metatypes import OperatorMetatype from nncf.common.graph.operator_metatypes import OperatorMetatypeRegistry from nncf.common.hardware.opset import HWConfigOpName -from nncf.experimental.common.check_feature import is_experimental_torch_tracing_enabled from nncf.torch.dynamic_graph.graph import DynamicGraph from nncf.torch.dynamic_graph.structs import NamespaceTarget @@ -772,6 +771,7 @@ class PTBatchNormMetatype(PTOperatorMetatype): weight_port_ids = [3] bias_port_id = 4 + @PT2_OPERATOR_METATYPES.register() class PT2BatchNormMetatype(PTOperatorMetatype): name = "BatchNormOp" @@ -782,6 +782,7 @@ class PT2BatchNormMetatype(PTOperatorMetatype): weight_port_ids = [1] bias_port_id = 2 + @PT_OPERATOR_METATYPES.register() class PTAvgPool2dMetatype(PTOperatorMetatype): name = "AvgPool2DOp" From f863b74374c6cca9970d144f472a6cf4b385dca8 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 4 Mar 2025 21:49:58 +0400 Subject: [PATCH 19/29] add pt2 operator metatype registry to known registries in PT operator metatypes. Update reference graphs --- .../torch2/function_hook/extractor.py | 2 +- nncf/torch/graph/operator_metatypes.py | 2 +- .../to_pydot_style_disable.dot | 16 +- .../to_pydot_style_full.dot | 32 +- .../to_pydot_style_short.dot | 32 +- .../inner_functions_BatchNormModel.dot | 28 +- .../inner_functions_MultiHeadAttention.dot | 140 +- .../inner_functions_ReluModel.dot | 24 +- .../nncf_graph/convert_to_nncf_graph.dot | 32 +- .../convert_to_nncf_graph_multi_edges.dot | 12 +- .../nncf_graph/model_graph_convnext_small.dot | 2840 +++---- .../nncf_graph/model_graph_densenet121.dot | 5226 ++++++------ .../model_graph_efficientnet_b0.dot | 2262 ++--- .../nncf_graph/model_graph_inception_v3.dot | 3222 +++---- .../nncf_graph/model_graph_mobilenet_v2.dot | 1688 ++-- .../model_graph_mobilenet_v3_small.dot | 1506 ++-- .../nncf_graph/model_graph_resnet18.dot | 708 +- .../model_graph_resnext50_32x4d.dot | 1808 ++-- .../model_graph_shufflenet_v2_x0_5.dot | 2148 ++--- .../nncf_graph/model_graph_squeezenet1_0.dot | 496 +- .../nncf_graph/model_graph_swin_v2_b.dot | 7442 ++++++++--------- .../nncf_graph/model_graph_vgg16.dot | 296 +- .../model_graph_with_shared_parameters.dot | 32 +- .../test_quantized_graphs/alexnet.dot | 284 +- .../test_quantized_graphs/densenet121.dot | 6692 +++++++-------- .../test_quantized_graphs/embedding_model.dot | 48 +- .../test_quantized_graphs/inception.dot | 3466 ++++---- .../test_quantized_graphs/inception_v3.dot | 4838 +++++------ .../test_quantized_graphs/lenet.dot | 176 +- .../test_quantized_graphs/mobilenet_v2.dot | 2624 +++--- .../mobilenet_v3_small.dot | 2282 ++--- .../test_quantized_graphs/resnet18.dot | 1116 +-- .../test_quantized_graphs/rope_model.dot | 44 +- .../scaled_dot_product_attention_model.dot | 36 +- .../test_quantized_graphs/shared_model.dot | 68 +- .../test_quantized_graphs/shufflenetv2.dot | 3024 +++---- .../test_quantized_graphs/squeezenet1_1.dot | 904 +- .../test_quantized_graphs/unet.dot | 1100 ++- .../test_quantized_graphs/vgg16.dot | 748 +- 39 files changed, 28708 insertions(+), 28736 deletions(-) diff --git a/nncf/experimental/torch2/function_hook/extractor.py b/nncf/experimental/torch2/function_hook/extractor.py index 8ea0c454aa0..598945ca5ce 100644 --- a/nncf/experimental/torch2/function_hook/extractor.py +++ b/nncf/experimental/torch2/function_hook/extractor.py @@ -176,7 +176,7 @@ def extract_conv( if input_node == output_node: return conv_module - if output_node.metatype is not om.PTBatchNormMetatype: + if output_node.metatype != om.PT2BatchNormMetatype: msg = f"Support only PTBatchNormMetatype as output node, actual: {output_node.metatype}" raise nncf.InternalError(msg) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 2e1c57233c3..35a2c2df9fc 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -1206,7 +1206,7 @@ def get_operator_metatypes() -> List[Type[OperatorMetatype]]: :return: List of operator metatypes . """ - return list(PT_OPERATOR_METATYPES.registry_dict.values()) + list(FX_OPERATOR_METATYPES.registry_dict.values()) + return list(PT_OPERATOR_METATYPES.registry_dict.values()) + list(FX_OPERATOR_METATYPES.registry_dict.values()) + list(PT2_OPERATOR_METATYPES.registry_dict.values()) OPERATORS_WITH_WEIGHTS_METATYPES = [ diff --git a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_disable.dot b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_disable.dot index 14a3ad16729..e225405e6d3 100644 --- a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_disable.dot +++ b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_disable.dot @@ -1,4 +1,4 @@ -digraph { +digraph { rankdir=TB; 0 [label=x]; 1 [label="conv.weight"]; @@ -8,11 +8,11 @@ rankdir=TB; 5 [label="conv/post_hook__conv-conv2d-0__0[0]/add/0"]; 6 [label="/relu/0"]; 7 [label=output]; -0 -> 3 [label="0 → 0"]; -1 -> 3 [label="0 → 1"]; -2 -> 3 [label="0 → 2"]; -3 -> 5 [label="0 → 0"]; -4 -> 5 [label="0 → 1"]; -5 -> 6 [label="0 → 0"]; -6 -> 7 [label="0 → 0"]; +0 -> 3 [label="0 → 0"]; +1 -> 3 [label="0 → 1"]; +2 -> 3 [label="0 → 2"]; +3 -> 5 [label="0 → 0"]; +4 -> 5 [label="0 → 1"]; +5 -> 6 [label="0 → 0"]; +6 -> 7 [label="0 → 0"]; } diff --git a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_full.dot b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_full.dot index 6be85b38492..3c293378dc9 100644 --- a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_full.dot +++ b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_full.dot @@ -1,18 +1,18 @@ -digraph { +digraph { rankdir=TB; -0 [label="{type: input|name: x|dtype: torch.float32|shape: (1, 1, 3, 3)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -1 [label="{type: const|name: conv.weight|dtype: torch.float32|shape: (1, 1, 1, 1)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -2 [label="{type: const|name: conv.bias|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -3 [label="{type: function_call|op_name: conv/conv2d/0|fn_name: conv2d|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1, 1)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\n(1, 1),\n(0, 0),\n(1, 1),\n1,\n]|kwargs: \{\}}", fillcolor="#ffd6a5", fontcolor="#000000", shape=record, style="filled,rounded"]; -4 [label="{type: const|name: __nncf_hooks.post_hooks.conv/conv2d/0__0.0.w|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -5 [label="{type: function_call|op_name: conv/post_hook__conv-conv2d-0__0[0]/add/0|fn_name: add|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\n]|kwargs: \{\}}", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; -6 [label="{type: function_call|op_name: /relu/0|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -7 [label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 3, 3)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -0 -> 3 [label="(1, 1, 3, 3)\n0 → 0"]; -1 -> 3 [label="(1, 1, 1, 1)\n0 → 1"]; -2 -> 3 [label="(1,)\n0 → 2"]; -3 -> 5 [label="(1, 1, 3, 3)\n0 → 0"]; -4 -> 5 [label="(1,)\n0 → 1"]; -5 -> 6 [label="(1, 1, 3, 3)\n0 → 0"]; -6 -> 7 [label="(1, 1, 3, 3)\n0 → 0"]; +0 [fillcolor="#adadad", fontcolor="#000000", label="{type: input|name: x|dtype: torch.float32|shape: (1, 1, 3, 3)}", shape=record, style="filled,rounded"]; +1 [fillcolor="#ffffff", fontcolor="#000000", label="{type: const|name: conv.weight|dtype: torch.float32|shape: (1, 1, 1, 1)}", shape=record, style="filled,rounded"]; +2 [fillcolor="#ffffff", fontcolor="#000000", label="{type: const|name: conv.bias|dtype: torch.float32|shape: (1,)}", shape=record, style="filled,rounded"]; +3 [fillcolor="#ffd6a5", fontcolor="#000000", label="{type: function_call|op_name: conv/conv2d/0|fn_name: conv2d|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1, 1)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\n(1, 1),\n(0, 0),\n(1, 1),\n1,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +4 [fillcolor="#ffffff", fontcolor="#000000", label="{type: const|name: __nncf_hooks.post_hooks.conv/conv2d/0__0.0.w|dtype: torch.float32|shape: (1,)}", shape=record, style="filled,rounded"]; +5 [fillcolor="#caffbf", fontcolor="#000000", label="{type: function_call|op_name: conv/post_hook__conv-conv2d-0__0[0]/add/0|fn_name: add|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +6 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /relu/0|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +7 [fillcolor="#adadad", fontcolor="#000000", label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 3, 3)}", shape=record, style="filled,rounded"]; +0 -> 3 [label="(1, 1, 3, 3)\n0 → 0"]; +1 -> 3 [label="(1, 1, 1, 1)\n0 → 1"]; +2 -> 3 [label="(1,)\n0 → 2"]; +3 -> 5 [label="(1, 1, 3, 3)\n0 → 0"]; +4 -> 5 [label="(1,)\n0 → 1"]; +5 -> 6 [label="(1, 1, 3, 3)\n0 → 0"]; +6 -> 7 [label="(1, 1, 3, 3)\n0 → 0"]; } diff --git a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_short.dot b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_short.dot index dabcc5d9c81..92d68b7c840 100644 --- a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_short.dot +++ b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_short.dot @@ -1,18 +1,18 @@ -digraph { +digraph { rankdir=TB; -0 [label=x, fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -1 [label="conv.weight", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -2 [label="conv.bias", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -3 [label="conv/conv2d/0", fillcolor="#ffd6a5", fontcolor="#000000", shape=record, style="filled,rounded"]; -4 [label="__nncf_hooks.post_hooks.conv/conv2d/0__0.0.w", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -5 [label="conv/post_hook__conv-conv2d-0__0[0]/add/0", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; -6 [label="/relu/0", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -7 [label=output, fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -0 -> 3 [label="(1, 1, 3, 3)\n0 → 0"]; -1 -> 3 [label="(1, 1, 1, 1)\n0 → 1"]; -2 -> 3 [label="(1,)\n0 → 2"]; -3 -> 5 [label="(1, 1, 3, 3)\n0 → 0"]; -4 -> 5 [label="(1,)\n0 → 1"]; -5 -> 6 [label="(1, 1, 3, 3)\n0 → 0"]; -6 -> 7 [label="(1, 1, 3, 3)\n0 → 0"]; +0 [fillcolor="#adadad", fontcolor="#000000", label=x, shape=record, style="filled,rounded"]; +1 [fillcolor="#ffffff", fontcolor="#000000", label="conv.weight", shape=record, style="filled,rounded"]; +2 [fillcolor="#ffffff", fontcolor="#000000", label="conv.bias", shape=record, style="filled,rounded"]; +3 [fillcolor="#ffd6a5", fontcolor="#000000", label="conv/conv2d/0", shape=record, style="filled,rounded"]; +4 [fillcolor="#ffffff", fontcolor="#000000", label="__nncf_hooks.post_hooks.conv/conv2d/0__0.0.w", shape=record, style="filled,rounded"]; +5 [fillcolor="#caffbf", fontcolor="#000000", label="conv/post_hook__conv-conv2d-0__0[0]/add/0", shape=record, style="filled,rounded"]; +6 [fillcolor="#a0c4ff", fontcolor="#000000", label="/relu/0", shape=record, style="filled,rounded"]; +7 [fillcolor="#adadad", fontcolor="#000000", label=output, shape=record, style="filled,rounded"]; +0 -> 3 [label="(1, 1, 3, 3)\n0 → 0"]; +1 -> 3 [label="(1, 1, 1, 1)\n0 → 1"]; +2 -> 3 [label="(1,)\n0 → 2"]; +3 -> 5 [label="(1, 1, 3, 3)\n0 → 0"]; +4 -> 5 [label="(1,)\n0 → 1"]; +5 -> 6 [label="(1, 1, 3, 3)\n0 → 0"]; +6 -> 7 [label="(1, 1, 3, 3)\n0 → 0"]; } diff --git a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_BatchNormModel.dot b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_BatchNormModel.dot index 095ecbb864a..c8367e75787 100644 --- a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_BatchNormModel.dot +++ b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_BatchNormModel.dot @@ -1,16 +1,16 @@ -digraph { +digraph { rankdir=TB; -0 [label="{type: input|name: x|dtype: torch.float32|shape: (1, 1, 1)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -1 [label="{type: const|name: bn.weight|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -2 [label="{type: const|name: bn.bias|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -3 [label="{type: const|name: bn.running_mean|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -4 [label="{type: const|name: bn.running_var|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -5 [label="{type: function_call|op_name: bn/batch_norm/0|fn_name: batch_norm|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nFalse,\n0.1,\n1e-05,\nTrue,\n]|kwargs: \{\}}", fillcolor="#ffadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -6 [label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 1)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -0 -> 5 [label="(1, 1, 1)\n0 → 0"]; -1 -> 5 [label="(1,)\n0 → 1"]; -2 -> 5 [label="(1,)\n0 → 2"]; -3 -> 5 [label="(1,)\n0 → 3"]; -4 -> 5 [label="(1,)\n0 → 4"]; -5 -> 6 [label="(1, 1, 1)\n0 → 0"]; +0 [fillcolor="#adadad", fontcolor="#000000", label="{type: input|name: x|dtype: torch.float32|shape: (1, 1, 1)}", shape=record, style="filled,rounded"]; +1 [fillcolor="#ffffff", fontcolor="#000000", label="{type: const|name: bn.weight|dtype: torch.float32|shape: (1,)}", shape=record, style="filled,rounded"]; +2 [fillcolor="#ffffff", fontcolor="#000000", label="{type: const|name: bn.bias|dtype: torch.float32|shape: (1,)}", shape=record, style="filled,rounded"]; +3 [fillcolor="#ffffff", fontcolor="#000000", label="{type: const|name: bn.running_mean|dtype: torch.float32|shape: (1,)}", shape=record, style="filled,rounded"]; +4 [fillcolor="#ffffff", fontcolor="#000000", label="{type: const|name: bn.running_var|dtype: torch.float32|shape: (1,)}", shape=record, style="filled,rounded"]; +5 [fillcolor="#ffadad", fontcolor="#000000", label="{type: function_call|op_name: bn/batch_norm/0|fn_name: batch_norm|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nFalse,\n0.1,\n1e-05,\nTrue,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +6 [fillcolor="#adadad", fontcolor="#000000", label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 1)}", shape=record, style="filled,rounded"]; +0 -> 5 [label="(1, 1, 1)\n0 → 0"]; +1 -> 5 [label="(1,)\n0 → 1"]; +2 -> 5 [label="(1,)\n0 → 2"]; +3 -> 5 [label="(1,)\n0 → 3"]; +4 -> 5 [label="(1,)\n0 → 4"]; +5 -> 6 [label="(1, 1, 1)\n0 → 0"]; } diff --git a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_MultiHeadAttention.dot b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_MultiHeadAttention.dot index a1b71b4bb60..bf9c3d2b0bb 100644 --- a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_MultiHeadAttention.dot +++ b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_MultiHeadAttention.dot @@ -1,72 +1,72 @@ -digraph { +digraph { rankdir=TB; -0 [label="{type: input|name: query|dtype: torch.float32|shape: (5, 2, 16)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -1 [label="{type: input|name: key|dtype: torch.float32|shape: (5, 2, 16)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -2 [label="{type: input|name: value|dtype: torch.float32|shape: (5, 2, 16)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -3 [label="{type: function_call|op_name: /rand/0|fn_name: rand|args: [\n(48, 16),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -4 [label="{type: function_call|op_name: /rand/1|fn_name: rand|args: [\n48,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -5 [label="{type: function_call|op_name: /rand/2|fn_name: rand|args: [\n(16, 16),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -6 [label="{type: function_call|op_name: /rand/3|fn_name: rand|args: [\n16,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -13 [label="{type: function_call|op_name: /chunk/0|fn_name: chunk|args: [\nTensorMeta(dtype=torch.float32, shape=(48, 16)),\n3,\n]|kwargs: \{\}}", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; -14 [label="{type: function_call|op_name: /chunk/1|fn_name: chunk|args: [\nTensorMeta(dtype=torch.float32, shape=(48,)),\n3,\n]|kwargs: \{\}}", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; -15 [label="{type: function_call|op_name: /linear/0|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -16 [label="{type: function_call|op_name: /linear/1|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -17 [label="{type: function_call|op_name: /linear/2|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -18 [label="{type: function_call|op_name: /view/0|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -19 [label="{type: function_call|op_name: /transpose/0|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -21 [label="{type: function_call|op_name: /view/1|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -22 [label="{type: function_call|op_name: /transpose/1|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -24 [label="{type: function_call|op_name: /view/2|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -25 [label="{type: function_call|op_name: /transpose/2|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -27 [label="{type: function_call|op_name: /mul/0|fn_name: mul|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n0.5,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -28 [label="{type: function_call|op_name: /transpose/3|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n-2,\n-1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -29 [label="{type: function_call|op_name: /bmm/0|fn_name: bmm|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\nTensorMeta(dtype=torch.float32, shape=(8, 4, 5)),\n]|kwargs: \{\}}", fillcolor="#ffc6ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -30 [label="{type: function_call|op_name: /softmax/0|fn_name: softmax|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n]|kwargs: \{\ndim : -1\n_stacklevel : 3\ndtype : None\n\}}", fillcolor="#bdb2ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -31 [label="{type: function_call|op_name: /dropout/0|fn_name: dropout|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n]|kwargs: \{\np : 0.1\ntraining : True\ninplace : False\n\}}", fillcolor="#bdb2ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -32 [label="{type: function_call|op_name: /bmm/1|fn_name: bmm|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n]|kwargs: \{\}}", fillcolor="#ffc6ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -33 [label="{type: function_call|op_name: /transpose/4|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -34 [label="{type: function_call|op_name: /contiguous/0|fn_name: contiguous|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n]|kwargs: \{\}}", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; -35 [label="{type: function_call|op_name: /view/3|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n10,\n16,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -36 [label="{type: function_call|op_name: /linear/3|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(10, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -37 [label="{type: function_call|op_name: /view/4|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(10, 16)),\n5,\n2,\n16,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -38 [label="{type: function_call|op_name: /view/5|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n2,\n4,\n5,\n5,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -39 [label="{type: function_call|op_name: /mean/0|fn_name: mean|args: [\nTensorMeta(dtype=torch.float32, shape=(2, 4, 5, 5)),\n]|kwargs: \{\ndim : 1\n\}}", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; -40 [label="{type: output|name: output_0|dtype: torch.float32|shape: (5, 2, 16)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -41 [label="{type: output|name: output_1|dtype: torch.float32|shape: (2, 5, 5)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -0 -> 15 [label="(5, 2, 16)\n0 → 0"]; -1 -> 16 [label="(5, 2, 16)\n0 → 0"]; -2 -> 17 [label="(5, 2, 16)\n0 → 0"]; -3 -> 13 [label="(48, 16)\n0 → 0"]; -4 -> 14 [label="(48,)\n0 → 0"]; -5 -> 36 [label="(16, 16)\n0 → 1"]; -6 -> 36 [label="(16,)\n0 → 2"]; -13 -> 15 [label="(16, 16)\n0 → 1"]; -13 -> 16 [label="(16, 16)\n1 → 1"]; -13 -> 17 [label="(16, 16)\n2 → 1"]; -14 -> 15 [label="(16,)\n0 → 2"]; -14 -> 16 [label="(16,)\n1 → 2"]; -14 -> 17 [label="(16,)\n2 → 2"]; -15 -> 18 [label="(5, 2, 16)\n0 → 0"]; -16 -> 21 [label="(5, 2, 16)\n0 → 0"]; -17 -> 24 [label="(5, 2, 16)\n0 → 0"]; -18 -> 19 [label="(5, 8, 4)\n0 → 0"]; -19 -> 27 [label="(8, 5, 4)\n0 → 0"]; -21 -> 22 [label="(5, 8, 4)\n0 → 0"]; -22 -> 28 [label="(8, 5, 4)\n0 → 0"]; -24 -> 25 [label="(5, 8, 4)\n0 → 0"]; -25 -> 32 [label="(8, 5, 4)\n0 → 1"]; -27 -> 29 [label="(8, 5, 4)\n0 → 0"]; -28 -> 29 [label="(8, 4, 5)\n0 → 1"]; -29 -> 30 [label="(8, 5, 5)\n0 → 0"]; -30 -> 31 [label="(8, 5, 5)\n0 → 0"]; -31 -> 32 [label="(8, 5, 5)\n0 → 0"]; -31 -> 38 [label="(8, 5, 5)\n0 → 0"]; -32 -> 33 [label="(8, 5, 4)\n0 → 0"]; -33 -> 34 [label="(5, 8, 4)\n0 → 0"]; -34 -> 35 [label="(5, 8, 4)\n0 → 0"]; -35 -> 36 [label="(10, 16)\n0 → 0"]; -36 -> 37 [label="(10, 16)\n0 → 0"]; -37 -> 40 [label="(5, 2, 16)\n0 → 0"]; -38 -> 39 [label="(2, 4, 5, 5)\n0 → 0"]; -39 -> 41 [label="(2, 5, 5)\n0 → 0"]; +0 [fillcolor="#adadad", fontcolor="#000000", label="{type: input|name: query|dtype: torch.float32|shape: (5, 2, 16)}", shape=record, style="filled,rounded"]; +1 [fillcolor="#adadad", fontcolor="#000000", label="{type: input|name: key|dtype: torch.float32|shape: (5, 2, 16)}", shape=record, style="filled,rounded"]; +2 [fillcolor="#adadad", fontcolor="#000000", label="{type: input|name: value|dtype: torch.float32|shape: (5, 2, 16)}", shape=record, style="filled,rounded"]; +3 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /rand/0|fn_name: rand|args: [\n(48, 16),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +4 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /rand/1|fn_name: rand|args: [\n48,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +5 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /rand/2|fn_name: rand|args: [\n(16, 16),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +6 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /rand/3|fn_name: rand|args: [\n16,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +13 [fillcolor="#caffbf", fontcolor="#000000", label="{type: function_call|op_name: /chunk/0|fn_name: chunk|args: [\nTensorMeta(dtype=torch.float32, shape=(48, 16)),\n3,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +14 [fillcolor="#caffbf", fontcolor="#000000", label="{type: function_call|op_name: /chunk/1|fn_name: chunk|args: [\nTensorMeta(dtype=torch.float32, shape=(48,)),\n3,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +15 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /linear/0|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +16 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /linear/1|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +17 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /linear/2|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +18 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /view/0|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +19 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /transpose/0|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +21 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /view/1|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +22 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /transpose/1|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +24 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /view/2|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +25 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /transpose/2|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +27 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /mul/0|fn_name: mul|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n0.5,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +28 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /transpose/3|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n-2,\n-1,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +29 [fillcolor="#ffc6ff", fontcolor="#000000", label="{type: function_call|op_name: /bmm/0|fn_name: bmm|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\nTensorMeta(dtype=torch.float32, shape=(8, 4, 5)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +30 [fillcolor="#bdb2ff", fontcolor="#000000", label="{type: function_call|op_name: /softmax/0|fn_name: softmax|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n]|kwargs: \{\ndim : -1\n_stacklevel : 3\ndtype : None\n\}}", shape=record, style="filled,rounded"]; +31 [fillcolor="#bdb2ff", fontcolor="#000000", label="{type: function_call|op_name: /dropout/0|fn_name: dropout|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n]|kwargs: \{\np : 0.1\ntraining : True\ninplace : False\n\}}", shape=record, style="filled,rounded"]; +32 [fillcolor="#ffc6ff", fontcolor="#000000", label="{type: function_call|op_name: /bmm/1|fn_name: bmm|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +33 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /transpose/4|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n0,\n1,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +34 [fillcolor="#caffbf", fontcolor="#000000", label="{type: function_call|op_name: /contiguous/0|fn_name: contiguous|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +35 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /view/3|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n10,\n16,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +36 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /linear/3|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(10, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +37 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /view/4|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(10, 16)),\n5,\n2,\n16,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +38 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /view/5|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n2,\n4,\n5,\n5,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +39 [fillcolor="#b3fbdf", fontcolor="#000000", label="{type: function_call|op_name: /mean/0|fn_name: mean|args: [\nTensorMeta(dtype=torch.float32, shape=(2, 4, 5, 5)),\n]|kwargs: \{\ndim : 1\n\}}", shape=record, style="filled,rounded"]; +40 [fillcolor="#adadad", fontcolor="#000000", label="{type: output|name: output_0|dtype: torch.float32|shape: (5, 2, 16)}", shape=record, style="filled,rounded"]; +41 [fillcolor="#adadad", fontcolor="#000000", label="{type: output|name: output_1|dtype: torch.float32|shape: (2, 5, 5)}", shape=record, style="filled,rounded"]; +0 -> 15 [label="(5, 2, 16)\n0 → 0"]; +1 -> 16 [label="(5, 2, 16)\n0 → 0"]; +2 -> 17 [label="(5, 2, 16)\n0 → 0"]; +3 -> 13 [label="(48, 16)\n0 → 0"]; +4 -> 14 [label="(48,)\n0 → 0"]; +5 -> 36 [label="(16, 16)\n0 → 1"]; +6 -> 36 [label="(16,)\n0 → 2"]; +13 -> 15 [label="(16, 16)\n0 → 1"]; +13 -> 16 [label="(16, 16)\n1 → 1"]; +13 -> 17 [label="(16, 16)\n2 → 1"]; +14 -> 15 [label="(16,)\n0 → 2"]; +14 -> 16 [label="(16,)\n1 → 2"]; +14 -> 17 [label="(16,)\n2 → 2"]; +15 -> 18 [label="(5, 2, 16)\n0 → 0"]; +16 -> 21 [label="(5, 2, 16)\n0 → 0"]; +17 -> 24 [label="(5, 2, 16)\n0 → 0"]; +18 -> 19 [label="(5, 8, 4)\n0 → 0"]; +19 -> 27 [label="(8, 5, 4)\n0 → 0"]; +21 -> 22 [label="(5, 8, 4)\n0 → 0"]; +22 -> 28 [label="(8, 5, 4)\n0 → 0"]; +24 -> 25 [label="(5, 8, 4)\n0 → 0"]; +25 -> 32 [label="(8, 5, 4)\n0 → 1"]; +27 -> 29 [label="(8, 5, 4)\n0 → 0"]; +28 -> 29 [label="(8, 4, 5)\n0 → 1"]; +29 -> 30 [label="(8, 5, 5)\n0 → 0"]; +30 -> 31 [label="(8, 5, 5)\n0 → 0"]; +31 -> 32 [label="(8, 5, 5)\n0 → 0"]; +31 -> 38 [label="(8, 5, 5)\n0 → 0"]; +32 -> 33 [label="(8, 5, 4)\n0 → 0"]; +33 -> 34 [label="(5, 8, 4)\n0 → 0"]; +34 -> 35 [label="(5, 8, 4)\n0 → 0"]; +35 -> 36 [label="(10, 16)\n0 → 0"]; +36 -> 37 [label="(10, 16)\n0 → 0"]; +37 -> 40 [label="(5, 2, 16)\n0 → 0"]; +38 -> 39 [label="(2, 4, 5, 5)\n0 → 0"]; +39 -> 41 [label="(2, 5, 5)\n0 → 0"]; } diff --git a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_ReluModel.dot b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_ReluModel.dot index 13944384b69..694b7d6a0b8 100644 --- a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_ReluModel.dot +++ b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_ReluModel.dot @@ -1,14 +1,14 @@ -digraph { +digraph { rankdir=TB; -0 [label="{type: input|name: x|dtype: torch.float32|shape: (1, 1, 1)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -1 [label="{type: function_call|op_name: /relu/0|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -2 [label="{type: function_call|op_name: /relu_/0|fn_name: relu_|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -3 [label="{type: function_call|op_name: /relu/1|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -4 [label="{type: function_call|op_name: /relu_/1|fn_name: relu_|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -5 [label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 1)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -0 -> 1 [label="(1, 1, 1)\n0 → 0"]; -1 -> 2 [label="(1, 1, 1)\n0 → 0"]; -2 -> 3 [label="(1, 1, 1)\n0 → 0"]; -3 -> 4 [label="(1, 1, 1)\n0 → 0"]; -4 -> 5 [label="(1, 1, 1)\n0 → 0"]; +0 [fillcolor="#adadad", fontcolor="#000000", label="{type: input|name: x|dtype: torch.float32|shape: (1, 1, 1)}", shape=record, style="filled,rounded"]; +1 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /relu/0|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +2 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /relu_/0|fn_name: relu_|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +3 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /relu/1|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +4 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /relu_/1|fn_name: relu_|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; +5 [fillcolor="#adadad", fontcolor="#000000", label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 1)}", shape=record, style="filled,rounded"]; +0 -> 1 [label="(1, 1, 1)\n0 → 0"]; +1 -> 2 [label="(1, 1, 1)\n0 → 0"]; +2 -> 3 [label="(1, 1, 1)\n0 → 0"]; +3 -> 4 [label="(1, 1, 1)\n0 → 0"]; +4 -> 5 [label="(1, 1, 1)\n0 → 0"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph.dot b/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph.dot index ffca8898300..7de31dee776 100644 --- a/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph.dot +++ b/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph.dot @@ -1,17 +1,17 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"conv.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv.bias" [id=2, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv/conv2d/0" [id=3, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.conv/conv2d/0__0.0.w" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv/post_hook__conv-conv2d-0__0[0]/add/0" [id=5, type=add, metatype=PTAddMetatype]; -"/relu/0" [id=6, type=relu, metatype=PTRELUMetatype]; -output [id=7, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "conv/conv2d/0" [dtype=float, shape="(1, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"conv.weight" -> "conv/conv2d/0" [dtype=float, shape="(1, 1, 1, 1)", out_port_id=0, in_port_id=1]; -"conv.bias" -> "conv/conv2d/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=2]; -"conv/conv2d/0" -> "conv/post_hook__conv-conv2d-0__0[0]/add/0" [dtype=float, shape="(1, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.conv/conv2d/0__0.0.w" -> "conv/post_hook__conv-conv2d-0__0[0]/add/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=1]; -"conv/post_hook__conv-conv2d-0__0[0]/add/0" -> "/relu/0" [dtype=float, shape="(1, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"/relu/0" -> output [dtype=float, shape="(1, 1, 3, 3)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"conv.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv.bias" [id=2, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv/conv2d/0" [id=3, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.conv/conv2d/0__0.0.w" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv/post_hook__conv-conv2d-0__0[0]/add/0" [id=5, metatype=PTAddMetatype, type=add]; +"/relu/0" [id=6, metatype=PTRELUMetatype, type=relu]; +output [id=7, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 3, 3)"]; +"conv.weight" -> "conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1, 1, 1)"]; +"conv.bias" -> "conv/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1,)"]; +"conv/conv2d/0" -> "conv/post_hook__conv-conv2d-0__0[0]/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 3, 3)"]; +"__nncf_hooks.post_hooks.conv/conv2d/0__0.0.w" -> "conv/post_hook__conv-conv2d-0__0[0]/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1,)"]; +"conv/post_hook__conv-conv2d-0__0[0]/add/0" -> "/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 3, 3)"]; +"/relu/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 3, 3)"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph_multi_edges.dot b/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph_multi_edges.dot index e874aa02e01..9ba932c5e0d 100644 --- a/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph_multi_edges.dot +++ b/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph_multi_edges.dot @@ -1,7 +1,7 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"/add/0" [id=1, type=add, metatype=PTAddMetatype]; -output [id=2, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "/add/0" [dtype=float, shape="(1, 1)", out_port_id=0, in_port_id=0, parallel_input_port_ids="[1]"]; -"/add/0" -> output [dtype=float, shape="(1, 1)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"/add/0" [id=1, metatype=PTAddMetatype, type=add]; +output [id=2, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "/add/0" [dtype=float, in_port_id=0, out_port_id=0, parallel_input_port_ids="[1]", shape="(1, 1)"]; +"/add/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1)"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_convnext_small.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_convnext_small.dot index eeab61a7c88..e8f99b2513c 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_convnext_small.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_convnext_small.dot @@ -1,1421 +1,1421 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"features.0.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.0.bias" [id=2, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/0/conv2d/0" [id=3, type=conv2d, metatype=PTConv2dMetatype]; -"features/0/1/permute/0" [id=4, type=permute, metatype=PTTransposeMetatype]; -"features.0.1.weight" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.bias" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/1/layer_norm/0" [id=7, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/0/1/permute/1" [id=8, type=permute, metatype=PTTransposeMetatype]; -"features.1.0.block.0.weight" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.block.0.bias" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/block/0/conv2d/0" [id=11, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/1/0/block/1/permute/0" [id=12, type=permute, metatype=PTTransposeMetatype]; -"features.1.0.block.2.weight" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.block.2.bias" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/block/2/layer_norm/0" [id=15, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.1.0.block.3.weight" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.block.3.bias" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/block/3/linear/0" [id=18, type=linear, metatype=PTLinearMetatype]; -"features/1/0/block/4/gelu/0" [id=19, type=gelu, metatype=PTGELUMetatype]; -"features.1.0.block.5.weight" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.block.5.bias" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/block/5/linear/0" [id=22, type=linear, metatype=PTLinearMetatype]; -"features/1/0/block/6/permute/0" [id=23, type=permute, metatype=PTTransposeMetatype]; -"features.1.0.layer_scale" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/mul/0" [id=25, type=mul, metatype=PTMulMetatype]; -"features/1/0/add_/0" [id=26, type="add_", metatype=PTAddMetatype]; -"features.1.1.block.0.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.1.block.0.bias" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/block/0/conv2d/0" [id=29, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/1/1/block/1/permute/0" [id=30, type=permute, metatype=PTTransposeMetatype]; -"features.1.1.block.2.weight" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.1.block.2.bias" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/block/2/layer_norm/0" [id=33, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.1.1.block.3.weight" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.1.block.3.bias" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/block/3/linear/0" [id=36, type=linear, metatype=PTLinearMetatype]; -"features/1/1/block/4/gelu/0" [id=37, type=gelu, metatype=PTGELUMetatype]; -"features.1.1.block.5.weight" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.1.block.5.bias" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/block/5/linear/0" [id=40, type=linear, metatype=PTLinearMetatype]; -"features/1/1/block/6/permute/0" [id=41, type=permute, metatype=PTTransposeMetatype]; -"features.1.1.layer_scale" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/mul/0" [id=43, type=mul, metatype=PTMulMetatype]; -"features/1/1/add_/0" [id=44, type="add_", metatype=PTAddMetatype]; -"features.1.2.block.0.weight" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.2.block.0.bias" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/2/block/0/conv2d/0" [id=47, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/1/2/block/1/permute/0" [id=48, type=permute, metatype=PTTransposeMetatype]; -"features.1.2.block.2.weight" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.2.block.2.bias" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/2/block/2/layer_norm/0" [id=51, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.1.2.block.3.weight" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.2.block.3.bias" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/2/block/3/linear/0" [id=54, type=linear, metatype=PTLinearMetatype]; -"features/1/2/block/4/gelu/0" [id=55, type=gelu, metatype=PTGELUMetatype]; -"features.1.2.block.5.weight" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.2.block.5.bias" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/2/block/5/linear/0" [id=58, type=linear, metatype=PTLinearMetatype]; -"features/1/2/block/6/permute/0" [id=59, type=permute, metatype=PTTransposeMetatype]; -"features.1.2.layer_scale" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/2/mul/0" [id=61, type=mul, metatype=PTMulMetatype]; -"features/1/2/add_/0" [id=62, type="add_", metatype=PTAddMetatype]; -"features/2/0/permute/0" [id=63, type=permute, metatype=PTTransposeMetatype]; -"features.2.0.weight" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.0.bias" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/0/layer_norm/0" [id=66, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/2/0/permute/1" [id=67, type=permute, metatype=PTTransposeMetatype]; -"features.2.1.weight" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.1.bias" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/1/conv2d/0" [id=70, type=conv2d, metatype=PTConv2dMetatype]; -"features.3.0.block.0.weight" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.0.bias" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/block/0/conv2d/0" [id=73, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/3/0/block/1/permute/0" [id=74, type=permute, metatype=PTTransposeMetatype]; -"features.3.0.block.2.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.2.bias" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/block/2/layer_norm/0" [id=77, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.3.0.block.3.weight" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.3.bias" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/block/3/linear/0" [id=80, type=linear, metatype=PTLinearMetatype]; -"features/3/0/block/4/gelu/0" [id=81, type=gelu, metatype=PTGELUMetatype]; -"features.3.0.block.5.weight" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.5.bias" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/block/5/linear/0" [id=84, type=linear, metatype=PTLinearMetatype]; -"features/3/0/block/6/permute/0" [id=85, type=permute, metatype=PTTransposeMetatype]; -"features.3.0.layer_scale" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/mul/0" [id=87, type=mul, metatype=PTMulMetatype]; -"features/3/0/add_/0" [id=88, type="add_", metatype=PTAddMetatype]; -"features.3.1.block.0.weight" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.0.bias" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/block/0/conv2d/0" [id=91, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/3/1/block/1/permute/0" [id=92, type=permute, metatype=PTTransposeMetatype]; -"features.3.1.block.2.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.2.bias" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/block/2/layer_norm/0" [id=95, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.3.1.block.3.weight" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.3.bias" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/block/3/linear/0" [id=98, type=linear, metatype=PTLinearMetatype]; -"features/3/1/block/4/gelu/0" [id=99, type=gelu, metatype=PTGELUMetatype]; -"features.3.1.block.5.weight" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.5.bias" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/block/5/linear/0" [id=102, type=linear, metatype=PTLinearMetatype]; -"features/3/1/block/6/permute/0" [id=103, type=permute, metatype=PTTransposeMetatype]; -"features.3.1.layer_scale" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/mul/0" [id=105, type=mul, metatype=PTMulMetatype]; -"features/3/1/add_/0" [id=106, type="add_", metatype=PTAddMetatype]; -"features.3.2.block.0.weight" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.2.block.0.bias" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/2/block/0/conv2d/0" [id=109, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/3/2/block/1/permute/0" [id=110, type=permute, metatype=PTTransposeMetatype]; -"features.3.2.block.2.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.2.block.2.bias" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/2/block/2/layer_norm/0" [id=113, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.3.2.block.3.weight" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.2.block.3.bias" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/2/block/3/linear/0" [id=116, type=linear, metatype=PTLinearMetatype]; -"features/3/2/block/4/gelu/0" [id=117, type=gelu, metatype=PTGELUMetatype]; -"features.3.2.block.5.weight" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.2.block.5.bias" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/2/block/5/linear/0" [id=120, type=linear, metatype=PTLinearMetatype]; -"features/3/2/block/6/permute/0" [id=121, type=permute, metatype=PTTransposeMetatype]; -"features.3.2.layer_scale" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/2/mul/0" [id=123, type=mul, metatype=PTMulMetatype]; -"features/3/2/add_/0" [id=124, type="add_", metatype=PTAddMetatype]; -"features/4/0/permute/0" [id=125, type=permute, metatype=PTTransposeMetatype]; -"features.4.0.weight" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.0.bias" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/0/layer_norm/0" [id=128, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/4/0/permute/1" [id=129, type=permute, metatype=PTTransposeMetatype]; -"features.4.1.weight" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.1.bias" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/1/conv2d/0" [id=132, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.0.block.0.weight" [id=133, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.0.bias" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/block/0/conv2d/0" [id=135, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/0/block/1/permute/0" [id=136, type=permute, metatype=PTTransposeMetatype]; -"features.5.0.block.2.weight" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.2.bias" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/block/2/layer_norm/0" [id=139, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.0.block.3.weight" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.3.bias" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/block/3/linear/0" [id=142, type=linear, metatype=PTLinearMetatype]; -"features/5/0/block/4/gelu/0" [id=143, type=gelu, metatype=PTGELUMetatype]; -"features.5.0.block.5.weight" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.5.bias" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/block/5/linear/0" [id=146, type=linear, metatype=PTLinearMetatype]; -"features/5/0/block/6/permute/0" [id=147, type=permute, metatype=PTTransposeMetatype]; -"features.5.0.layer_scale" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/mul/0" [id=149, type=mul, metatype=PTMulMetatype]; -"features/5/0/add_/0" [id=150, type="add_", metatype=PTAddMetatype]; -"features.5.1.block.0.weight" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.0.bias" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/block/0/conv2d/0" [id=153, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/1/block/1/permute/0" [id=154, type=permute, metatype=PTTransposeMetatype]; -"features.5.1.block.2.weight" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.2.bias" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/block/2/layer_norm/0" [id=157, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.1.block.3.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.3.bias" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/block/3/linear/0" [id=160, type=linear, metatype=PTLinearMetatype]; -"features/5/1/block/4/gelu/0" [id=161, type=gelu, metatype=PTGELUMetatype]; -"features.5.1.block.5.weight" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.5.bias" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/block/5/linear/0" [id=164, type=linear, metatype=PTLinearMetatype]; -"features/5/1/block/6/permute/0" [id=165, type=permute, metatype=PTTransposeMetatype]; -"features.5.1.layer_scale" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/mul/0" [id=167, type=mul, metatype=PTMulMetatype]; -"features/5/1/add_/0" [id=168, type="add_", metatype=PTAddMetatype]; -"features.5.2.block.0.weight" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.0.bias" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/block/0/conv2d/0" [id=171, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/2/block/1/permute/0" [id=172, type=permute, metatype=PTTransposeMetatype]; -"features.5.2.block.2.weight" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.2.bias" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/block/2/layer_norm/0" [id=175, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.2.block.3.weight" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.3.bias" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/block/3/linear/0" [id=178, type=linear, metatype=PTLinearMetatype]; -"features/5/2/block/4/gelu/0" [id=179, type=gelu, metatype=PTGELUMetatype]; -"features.5.2.block.5.weight" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.5.bias" [id=181, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/block/5/linear/0" [id=182, type=linear, metatype=PTLinearMetatype]; -"features/5/2/block/6/permute/0" [id=183, type=permute, metatype=PTTransposeMetatype]; -"features.5.2.layer_scale" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/mul/0" [id=185, type=mul, metatype=PTMulMetatype]; -"features/5/2/add_/0" [id=186, type="add_", metatype=PTAddMetatype]; -"features.5.3.block.0.weight" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.3.block.0.bias" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/block/0/conv2d/0" [id=189, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/3/block/1/permute/0" [id=190, type=permute, metatype=PTTransposeMetatype]; -"features.5.3.block.2.weight" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.3.block.2.bias" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/block/2/layer_norm/0" [id=193, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.3.block.3.weight" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.3.block.3.bias" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/block/3/linear/0" [id=196, type=linear, metatype=PTLinearMetatype]; -"features/5/3/block/4/gelu/0" [id=197, type=gelu, metatype=PTGELUMetatype]; -"features.5.3.block.5.weight" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.3.block.5.bias" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/block/5/linear/0" [id=200, type=linear, metatype=PTLinearMetatype]; -"features/5/3/block/6/permute/0" [id=201, type=permute, metatype=PTTransposeMetatype]; -"features.5.3.layer_scale" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/mul/0" [id=203, type=mul, metatype=PTMulMetatype]; -"features/5/3/add_/0" [id=204, type="add_", metatype=PTAddMetatype]; -"features.5.4.block.0.weight" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.4.block.0.bias" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/block/0/conv2d/0" [id=207, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/4/block/1/permute/0" [id=208, type=permute, metatype=PTTransposeMetatype]; -"features.5.4.block.2.weight" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.4.block.2.bias" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/block/2/layer_norm/0" [id=211, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.4.block.3.weight" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.4.block.3.bias" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/block/3/linear/0" [id=214, type=linear, metatype=PTLinearMetatype]; -"features/5/4/block/4/gelu/0" [id=215, type=gelu, metatype=PTGELUMetatype]; -"features.5.4.block.5.weight" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.4.block.5.bias" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/block/5/linear/0" [id=218, type=linear, metatype=PTLinearMetatype]; -"features/5/4/block/6/permute/0" [id=219, type=permute, metatype=PTTransposeMetatype]; -"features.5.4.layer_scale" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/mul/0" [id=221, type=mul, metatype=PTMulMetatype]; -"features/5/4/add_/0" [id=222, type="add_", metatype=PTAddMetatype]; -"features.5.5.block.0.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.5.block.0.bias" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/block/0/conv2d/0" [id=225, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/5/block/1/permute/0" [id=226, type=permute, metatype=PTTransposeMetatype]; -"features.5.5.block.2.weight" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.5.block.2.bias" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/block/2/layer_norm/0" [id=229, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.5.block.3.weight" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.5.block.3.bias" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/block/3/linear/0" [id=232, type=linear, metatype=PTLinearMetatype]; -"features/5/5/block/4/gelu/0" [id=233, type=gelu, metatype=PTGELUMetatype]; -"features.5.5.block.5.weight" [id=234, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.5.block.5.bias" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/block/5/linear/0" [id=236, type=linear, metatype=PTLinearMetatype]; -"features/5/5/block/6/permute/0" [id=237, type=permute, metatype=PTTransposeMetatype]; -"features.5.5.layer_scale" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/mul/0" [id=239, type=mul, metatype=PTMulMetatype]; -"features/5/5/add_/0" [id=240, type="add_", metatype=PTAddMetatype]; -"features.5.6.block.0.weight" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.6.block.0.bias" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/block/0/conv2d/0" [id=243, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/6/block/1/permute/0" [id=244, type=permute, metatype=PTTransposeMetatype]; -"features.5.6.block.2.weight" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.6.block.2.bias" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/block/2/layer_norm/0" [id=247, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.6.block.3.weight" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.6.block.3.bias" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/block/3/linear/0" [id=250, type=linear, metatype=PTLinearMetatype]; -"features/5/6/block/4/gelu/0" [id=251, type=gelu, metatype=PTGELUMetatype]; -"features.5.6.block.5.weight" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.6.block.5.bias" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/block/5/linear/0" [id=254, type=linear, metatype=PTLinearMetatype]; -"features/5/6/block/6/permute/0" [id=255, type=permute, metatype=PTTransposeMetatype]; -"features.5.6.layer_scale" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/mul/0" [id=257, type=mul, metatype=PTMulMetatype]; -"features/5/6/add_/0" [id=258, type="add_", metatype=PTAddMetatype]; -"features.5.7.block.0.weight" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.7.block.0.bias" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/block/0/conv2d/0" [id=261, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/7/block/1/permute/0" [id=262, type=permute, metatype=PTTransposeMetatype]; -"features.5.7.block.2.weight" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.7.block.2.bias" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/block/2/layer_norm/0" [id=265, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.7.block.3.weight" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.7.block.3.bias" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/block/3/linear/0" [id=268, type=linear, metatype=PTLinearMetatype]; -"features/5/7/block/4/gelu/0" [id=269, type=gelu, metatype=PTGELUMetatype]; -"features.5.7.block.5.weight" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.7.block.5.bias" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/block/5/linear/0" [id=272, type=linear, metatype=PTLinearMetatype]; -"features/5/7/block/6/permute/0" [id=273, type=permute, metatype=PTTransposeMetatype]; -"features.5.7.layer_scale" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/mul/0" [id=275, type=mul, metatype=PTMulMetatype]; -"features/5/7/add_/0" [id=276, type="add_", metatype=PTAddMetatype]; -"features.5.8.block.0.weight" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.8.block.0.bias" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/block/0/conv2d/0" [id=279, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/8/block/1/permute/0" [id=280, type=permute, metatype=PTTransposeMetatype]; -"features.5.8.block.2.weight" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.8.block.2.bias" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/block/2/layer_norm/0" [id=283, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.8.block.3.weight" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.8.block.3.bias" [id=285, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/block/3/linear/0" [id=286, type=linear, metatype=PTLinearMetatype]; -"features/5/8/block/4/gelu/0" [id=287, type=gelu, metatype=PTGELUMetatype]; -"features.5.8.block.5.weight" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.8.block.5.bias" [id=289, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/block/5/linear/0" [id=290, type=linear, metatype=PTLinearMetatype]; -"features/5/8/block/6/permute/0" [id=291, type=permute, metatype=PTTransposeMetatype]; -"features.5.8.layer_scale" [id=292, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/mul/0" [id=293, type=mul, metatype=PTMulMetatype]; -"features/5/8/add_/0" [id=294, type="add_", metatype=PTAddMetatype]; -"features.5.9.block.0.weight" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.9.block.0.bias" [id=296, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/block/0/conv2d/0" [id=297, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/9/block/1/permute/0" [id=298, type=permute, metatype=PTTransposeMetatype]; -"features.5.9.block.2.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.9.block.2.bias" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/block/2/layer_norm/0" [id=301, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.9.block.3.weight" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.9.block.3.bias" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/block/3/linear/0" [id=304, type=linear, metatype=PTLinearMetatype]; -"features/5/9/block/4/gelu/0" [id=305, type=gelu, metatype=PTGELUMetatype]; -"features.5.9.block.5.weight" [id=306, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.9.block.5.bias" [id=307, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/block/5/linear/0" [id=308, type=linear, metatype=PTLinearMetatype]; -"features/5/9/block/6/permute/0" [id=309, type=permute, metatype=PTTransposeMetatype]; -"features.5.9.layer_scale" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/mul/0" [id=311, type=mul, metatype=PTMulMetatype]; -"features/5/9/add_/0" [id=312, type="add_", metatype=PTAddMetatype]; -"features.5.10.block.0.weight" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.10.block.0.bias" [id=314, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/block/0/conv2d/0" [id=315, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/10/block/1/permute/0" [id=316, type=permute, metatype=PTTransposeMetatype]; -"features.5.10.block.2.weight" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.10.block.2.bias" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/block/2/layer_norm/0" [id=319, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.10.block.3.weight" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.10.block.3.bias" [id=321, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/block/3/linear/0" [id=322, type=linear, metatype=PTLinearMetatype]; -"features/5/10/block/4/gelu/0" [id=323, type=gelu, metatype=PTGELUMetatype]; -"features.5.10.block.5.weight" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.10.block.5.bias" [id=325, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/block/5/linear/0" [id=326, type=linear, metatype=PTLinearMetatype]; -"features/5/10/block/6/permute/0" [id=327, type=permute, metatype=PTTransposeMetatype]; -"features.5.10.layer_scale" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/mul/0" [id=329, type=mul, metatype=PTMulMetatype]; -"features/5/10/add_/0" [id=330, type="add_", metatype=PTAddMetatype]; -"features.5.11.block.0.weight" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.11.block.0.bias" [id=332, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/block/0/conv2d/0" [id=333, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/11/block/1/permute/0" [id=334, type=permute, metatype=PTTransposeMetatype]; -"features.5.11.block.2.weight" [id=335, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.11.block.2.bias" [id=336, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/block/2/layer_norm/0" [id=337, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.11.block.3.weight" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.11.block.3.bias" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/block/3/linear/0" [id=340, type=linear, metatype=PTLinearMetatype]; -"features/5/11/block/4/gelu/0" [id=341, type=gelu, metatype=PTGELUMetatype]; -"features.5.11.block.5.weight" [id=342, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.11.block.5.bias" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/block/5/linear/0" [id=344, type=linear, metatype=PTLinearMetatype]; -"features/5/11/block/6/permute/0" [id=345, type=permute, metatype=PTTransposeMetatype]; -"features.5.11.layer_scale" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/mul/0" [id=347, type=mul, metatype=PTMulMetatype]; -"features/5/11/add_/0" [id=348, type="add_", metatype=PTAddMetatype]; -"features.5.12.block.0.weight" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.12.block.0.bias" [id=350, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/block/0/conv2d/0" [id=351, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/12/block/1/permute/0" [id=352, type=permute, metatype=PTTransposeMetatype]; -"features.5.12.block.2.weight" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.12.block.2.bias" [id=354, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/block/2/layer_norm/0" [id=355, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.12.block.3.weight" [id=356, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.12.block.3.bias" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/block/3/linear/0" [id=358, type=linear, metatype=PTLinearMetatype]; -"features/5/12/block/4/gelu/0" [id=359, type=gelu, metatype=PTGELUMetatype]; -"features.5.12.block.5.weight" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.12.block.5.bias" [id=361, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/block/5/linear/0" [id=362, type=linear, metatype=PTLinearMetatype]; -"features/5/12/block/6/permute/0" [id=363, type=permute, metatype=PTTransposeMetatype]; -"features.5.12.layer_scale" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/mul/0" [id=365, type=mul, metatype=PTMulMetatype]; -"features/5/12/add_/0" [id=366, type="add_", metatype=PTAddMetatype]; -"features.5.13.block.0.weight" [id=367, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.13.block.0.bias" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/block/0/conv2d/0" [id=369, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/13/block/1/permute/0" [id=370, type=permute, metatype=PTTransposeMetatype]; -"features.5.13.block.2.weight" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.13.block.2.bias" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/block/2/layer_norm/0" [id=373, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.13.block.3.weight" [id=374, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.13.block.3.bias" [id=375, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/block/3/linear/0" [id=376, type=linear, metatype=PTLinearMetatype]; -"features/5/13/block/4/gelu/0" [id=377, type=gelu, metatype=PTGELUMetatype]; -"features.5.13.block.5.weight" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.13.block.5.bias" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/block/5/linear/0" [id=380, type=linear, metatype=PTLinearMetatype]; -"features/5/13/block/6/permute/0" [id=381, type=permute, metatype=PTTransposeMetatype]; -"features.5.13.layer_scale" [id=382, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/mul/0" [id=383, type=mul, metatype=PTMulMetatype]; -"features/5/13/add_/0" [id=384, type="add_", metatype=PTAddMetatype]; -"features.5.14.block.0.weight" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.14.block.0.bias" [id=386, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/block/0/conv2d/0" [id=387, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/14/block/1/permute/0" [id=388, type=permute, metatype=PTTransposeMetatype]; -"features.5.14.block.2.weight" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.14.block.2.bias" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/block/2/layer_norm/0" [id=391, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.14.block.3.weight" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.14.block.3.bias" [id=393, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/block/3/linear/0" [id=394, type=linear, metatype=PTLinearMetatype]; -"features/5/14/block/4/gelu/0" [id=395, type=gelu, metatype=PTGELUMetatype]; -"features.5.14.block.5.weight" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.14.block.5.bias" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/block/5/linear/0" [id=398, type=linear, metatype=PTLinearMetatype]; -"features/5/14/block/6/permute/0" [id=399, type=permute, metatype=PTTransposeMetatype]; -"features.5.14.layer_scale" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/mul/0" [id=401, type=mul, metatype=PTMulMetatype]; -"features/5/14/add_/0" [id=402, type="add_", metatype=PTAddMetatype]; -"features.5.15.block.0.weight" [id=403, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.15.block.0.bias" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/block/0/conv2d/0" [id=405, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/15/block/1/permute/0" [id=406, type=permute, metatype=PTTransposeMetatype]; -"features.5.15.block.2.weight" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.15.block.2.bias" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/block/2/layer_norm/0" [id=409, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.15.block.3.weight" [id=410, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.15.block.3.bias" [id=411, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/block/3/linear/0" [id=412, type=linear, metatype=PTLinearMetatype]; -"features/5/15/block/4/gelu/0" [id=413, type=gelu, metatype=PTGELUMetatype]; -"features.5.15.block.5.weight" [id=414, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.15.block.5.bias" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/block/5/linear/0" [id=416, type=linear, metatype=PTLinearMetatype]; -"features/5/15/block/6/permute/0" [id=417, type=permute, metatype=PTTransposeMetatype]; -"features.5.15.layer_scale" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/mul/0" [id=419, type=mul, metatype=PTMulMetatype]; -"features/5/15/add_/0" [id=420, type="add_", metatype=PTAddMetatype]; -"features.5.16.block.0.weight" [id=421, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.16.block.0.bias" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/block/0/conv2d/0" [id=423, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/16/block/1/permute/0" [id=424, type=permute, metatype=PTTransposeMetatype]; -"features.5.16.block.2.weight" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.16.block.2.bias" [id=426, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/block/2/layer_norm/0" [id=427, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.16.block.3.weight" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.16.block.3.bias" [id=429, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/block/3/linear/0" [id=430, type=linear, metatype=PTLinearMetatype]; -"features/5/16/block/4/gelu/0" [id=431, type=gelu, metatype=PTGELUMetatype]; -"features.5.16.block.5.weight" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.16.block.5.bias" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/block/5/linear/0" [id=434, type=linear, metatype=PTLinearMetatype]; -"features/5/16/block/6/permute/0" [id=435, type=permute, metatype=PTTransposeMetatype]; -"features.5.16.layer_scale" [id=436, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/mul/0" [id=437, type=mul, metatype=PTMulMetatype]; -"features/5/16/add_/0" [id=438, type="add_", metatype=PTAddMetatype]; -"features.5.17.block.0.weight" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.17.block.0.bias" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/block/0/conv2d/0" [id=441, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/17/block/1/permute/0" [id=442, type=permute, metatype=PTTransposeMetatype]; -"features.5.17.block.2.weight" [id=443, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.17.block.2.bias" [id=444, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/block/2/layer_norm/0" [id=445, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.17.block.3.weight" [id=446, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.17.block.3.bias" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/block/3/linear/0" [id=448, type=linear, metatype=PTLinearMetatype]; -"features/5/17/block/4/gelu/0" [id=449, type=gelu, metatype=PTGELUMetatype]; -"features.5.17.block.5.weight" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.17.block.5.bias" [id=451, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/block/5/linear/0" [id=452, type=linear, metatype=PTLinearMetatype]; -"features/5/17/block/6/permute/0" [id=453, type=permute, metatype=PTTransposeMetatype]; -"features.5.17.layer_scale" [id=454, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/mul/0" [id=455, type=mul, metatype=PTMulMetatype]; -"features/5/17/add_/0" [id=456, type="add_", metatype=PTAddMetatype]; -"features.5.18.block.0.weight" [id=457, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.18.block.0.bias" [id=458, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/18/block/0/conv2d/0" [id=459, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/18/block/1/permute/0" [id=460, type=permute, metatype=PTTransposeMetatype]; -"features.5.18.block.2.weight" [id=461, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.18.block.2.bias" [id=462, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/18/block/2/layer_norm/0" [id=463, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.18.block.3.weight" [id=464, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.18.block.3.bias" [id=465, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/18/block/3/linear/0" [id=466, type=linear, metatype=PTLinearMetatype]; -"features/5/18/block/4/gelu/0" [id=467, type=gelu, metatype=PTGELUMetatype]; -"features.5.18.block.5.weight" [id=468, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.18.block.5.bias" [id=469, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/18/block/5/linear/0" [id=470, type=linear, metatype=PTLinearMetatype]; -"features/5/18/block/6/permute/0" [id=471, type=permute, metatype=PTTransposeMetatype]; -"features.5.18.layer_scale" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/18/mul/0" [id=473, type=mul, metatype=PTMulMetatype]; -"features/5/18/add_/0" [id=474, type="add_", metatype=PTAddMetatype]; -"features.5.19.block.0.weight" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.19.block.0.bias" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/19/block/0/conv2d/0" [id=477, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/19/block/1/permute/0" [id=478, type=permute, metatype=PTTransposeMetatype]; -"features.5.19.block.2.weight" [id=479, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.19.block.2.bias" [id=480, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/19/block/2/layer_norm/0" [id=481, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.19.block.3.weight" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.19.block.3.bias" [id=483, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/19/block/3/linear/0" [id=484, type=linear, metatype=PTLinearMetatype]; -"features/5/19/block/4/gelu/0" [id=485, type=gelu, metatype=PTGELUMetatype]; -"features.5.19.block.5.weight" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.19.block.5.bias" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/19/block/5/linear/0" [id=488, type=linear, metatype=PTLinearMetatype]; -"features/5/19/block/6/permute/0" [id=489, type=permute, metatype=PTTransposeMetatype]; -"features.5.19.layer_scale" [id=490, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/19/mul/0" [id=491, type=mul, metatype=PTMulMetatype]; -"features/5/19/add_/0" [id=492, type="add_", metatype=PTAddMetatype]; -"features.5.20.block.0.weight" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.20.block.0.bias" [id=494, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/20/block/0/conv2d/0" [id=495, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/20/block/1/permute/0" [id=496, type=permute, metatype=PTTransposeMetatype]; -"features.5.20.block.2.weight" [id=497, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.20.block.2.bias" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/20/block/2/layer_norm/0" [id=499, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.20.block.3.weight" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.20.block.3.bias" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/20/block/3/linear/0" [id=502, type=linear, metatype=PTLinearMetatype]; -"features/5/20/block/4/gelu/0" [id=503, type=gelu, metatype=PTGELUMetatype]; -"features.5.20.block.5.weight" [id=504, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.20.block.5.bias" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/20/block/5/linear/0" [id=506, type=linear, metatype=PTLinearMetatype]; -"features/5/20/block/6/permute/0" [id=507, type=permute, metatype=PTTransposeMetatype]; -"features.5.20.layer_scale" [id=508, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/20/mul/0" [id=509, type=mul, metatype=PTMulMetatype]; -"features/5/20/add_/0" [id=510, type="add_", metatype=PTAddMetatype]; -"features.5.21.block.0.weight" [id=511, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.21.block.0.bias" [id=512, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/21/block/0/conv2d/0" [id=513, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/21/block/1/permute/0" [id=514, type=permute, metatype=PTTransposeMetatype]; -"features.5.21.block.2.weight" [id=515, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.21.block.2.bias" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/21/block/2/layer_norm/0" [id=517, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.21.block.3.weight" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.21.block.3.bias" [id=519, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/21/block/3/linear/0" [id=520, type=linear, metatype=PTLinearMetatype]; -"features/5/21/block/4/gelu/0" [id=521, type=gelu, metatype=PTGELUMetatype]; -"features.5.21.block.5.weight" [id=522, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.21.block.5.bias" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/21/block/5/linear/0" [id=524, type=linear, metatype=PTLinearMetatype]; -"features/5/21/block/6/permute/0" [id=525, type=permute, metatype=PTTransposeMetatype]; -"features.5.21.layer_scale" [id=526, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/21/mul/0" [id=527, type=mul, metatype=PTMulMetatype]; -"features/5/21/add_/0" [id=528, type="add_", metatype=PTAddMetatype]; -"features.5.22.block.0.weight" [id=529, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.22.block.0.bias" [id=530, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/22/block/0/conv2d/0" [id=531, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/22/block/1/permute/0" [id=532, type=permute, metatype=PTTransposeMetatype]; -"features.5.22.block.2.weight" [id=533, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.22.block.2.bias" [id=534, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/22/block/2/layer_norm/0" [id=535, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.22.block.3.weight" [id=536, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.22.block.3.bias" [id=537, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/22/block/3/linear/0" [id=538, type=linear, metatype=PTLinearMetatype]; -"features/5/22/block/4/gelu/0" [id=539, type=gelu, metatype=PTGELUMetatype]; -"features.5.22.block.5.weight" [id=540, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.22.block.5.bias" [id=541, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/22/block/5/linear/0" [id=542, type=linear, metatype=PTLinearMetatype]; -"features/5/22/block/6/permute/0" [id=543, type=permute, metatype=PTTransposeMetatype]; -"features.5.22.layer_scale" [id=544, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/22/mul/0" [id=545, type=mul, metatype=PTMulMetatype]; -"features/5/22/add_/0" [id=546, type="add_", metatype=PTAddMetatype]; -"features.5.23.block.0.weight" [id=547, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.23.block.0.bias" [id=548, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/23/block/0/conv2d/0" [id=549, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/23/block/1/permute/0" [id=550, type=permute, metatype=PTTransposeMetatype]; -"features.5.23.block.2.weight" [id=551, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.23.block.2.bias" [id=552, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/23/block/2/layer_norm/0" [id=553, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.23.block.3.weight" [id=554, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.23.block.3.bias" [id=555, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/23/block/3/linear/0" [id=556, type=linear, metatype=PTLinearMetatype]; -"features/5/23/block/4/gelu/0" [id=557, type=gelu, metatype=PTGELUMetatype]; -"features.5.23.block.5.weight" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.23.block.5.bias" [id=559, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/23/block/5/linear/0" [id=560, type=linear, metatype=PTLinearMetatype]; -"features/5/23/block/6/permute/0" [id=561, type=permute, metatype=PTTransposeMetatype]; -"features.5.23.layer_scale" [id=562, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/23/mul/0" [id=563, type=mul, metatype=PTMulMetatype]; -"features/5/23/add_/0" [id=564, type="add_", metatype=PTAddMetatype]; -"features.5.24.block.0.weight" [id=565, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.24.block.0.bias" [id=566, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/24/block/0/conv2d/0" [id=567, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/24/block/1/permute/0" [id=568, type=permute, metatype=PTTransposeMetatype]; -"features.5.24.block.2.weight" [id=569, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.24.block.2.bias" [id=570, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/24/block/2/layer_norm/0" [id=571, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.24.block.3.weight" [id=572, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.24.block.3.bias" [id=573, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/24/block/3/linear/0" [id=574, type=linear, metatype=PTLinearMetatype]; -"features/5/24/block/4/gelu/0" [id=575, type=gelu, metatype=PTGELUMetatype]; -"features.5.24.block.5.weight" [id=576, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.24.block.5.bias" [id=577, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/24/block/5/linear/0" [id=578, type=linear, metatype=PTLinearMetatype]; -"features/5/24/block/6/permute/0" [id=579, type=permute, metatype=PTTransposeMetatype]; -"features.5.24.layer_scale" [id=580, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/24/mul/0" [id=581, type=mul, metatype=PTMulMetatype]; -"features/5/24/add_/0" [id=582, type="add_", metatype=PTAddMetatype]; -"features.5.25.block.0.weight" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.25.block.0.bias" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/25/block/0/conv2d/0" [id=585, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/25/block/1/permute/0" [id=586, type=permute, metatype=PTTransposeMetatype]; -"features.5.25.block.2.weight" [id=587, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.25.block.2.bias" [id=588, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/25/block/2/layer_norm/0" [id=589, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.25.block.3.weight" [id=590, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.25.block.3.bias" [id=591, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/25/block/3/linear/0" [id=592, type=linear, metatype=PTLinearMetatype]; -"features/5/25/block/4/gelu/0" [id=593, type=gelu, metatype=PTGELUMetatype]; -"features.5.25.block.5.weight" [id=594, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.25.block.5.bias" [id=595, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/25/block/5/linear/0" [id=596, type=linear, metatype=PTLinearMetatype]; -"features/5/25/block/6/permute/0" [id=597, type=permute, metatype=PTTransposeMetatype]; -"features.5.25.layer_scale" [id=598, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/25/mul/0" [id=599, type=mul, metatype=PTMulMetatype]; -"features/5/25/add_/0" [id=600, type="add_", metatype=PTAddMetatype]; -"features.5.26.block.0.weight" [id=601, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.26.block.0.bias" [id=602, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/26/block/0/conv2d/0" [id=603, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/5/26/block/1/permute/0" [id=604, type=permute, metatype=PTTransposeMetatype]; -"features.5.26.block.2.weight" [id=605, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.26.block.2.bias" [id=606, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/26/block/2/layer_norm/0" [id=607, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.26.block.3.weight" [id=608, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.26.block.3.bias" [id=609, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/26/block/3/linear/0" [id=610, type=linear, metatype=PTLinearMetatype]; -"features/5/26/block/4/gelu/0" [id=611, type=gelu, metatype=PTGELUMetatype]; -"features.5.26.block.5.weight" [id=612, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.26.block.5.bias" [id=613, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/26/block/5/linear/0" [id=614, type=linear, metatype=PTLinearMetatype]; -"features/5/26/block/6/permute/0" [id=615, type=permute, metatype=PTTransposeMetatype]; -"features.5.26.layer_scale" [id=616, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/26/mul/0" [id=617, type=mul, metatype=PTMulMetatype]; -"features/5/26/add_/0" [id=618, type="add_", metatype=PTAddMetatype]; -"features/6/0/permute/0" [id=619, type=permute, metatype=PTTransposeMetatype]; -"features.6.0.weight" [id=620, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.0.bias" [id=621, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/0/layer_norm/0" [id=622, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/6/0/permute/1" [id=623, type=permute, metatype=PTTransposeMetatype]; -"features.6.1.weight" [id=624, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.1.bias" [id=625, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/1/conv2d/0" [id=626, type=conv2d, metatype=PTConv2dMetatype]; -"features.7.0.block.0.weight" [id=627, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.0.bias" [id=628, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/block/0/conv2d/0" [id=629, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/7/0/block/1/permute/0" [id=630, type=permute, metatype=PTTransposeMetatype]; -"features.7.0.block.2.weight" [id=631, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.2.bias" [id=632, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/block/2/layer_norm/0" [id=633, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.7.0.block.3.weight" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.3.bias" [id=635, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/block/3/linear/0" [id=636, type=linear, metatype=PTLinearMetatype]; -"features/7/0/block/4/gelu/0" [id=637, type=gelu, metatype=PTGELUMetatype]; -"features.7.0.block.5.weight" [id=638, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.5.bias" [id=639, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/block/5/linear/0" [id=640, type=linear, metatype=PTLinearMetatype]; -"features/7/0/block/6/permute/0" [id=641, type=permute, metatype=PTTransposeMetatype]; -"features.7.0.layer_scale" [id=642, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/mul/0" [id=643, type=mul, metatype=PTMulMetatype]; -"features/7/0/add_/0" [id=644, type="add_", metatype=PTAddMetatype]; -"features.7.1.block.0.weight" [id=645, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.1.block.0.bias" [id=646, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/block/0/conv2d/0" [id=647, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/7/1/block/1/permute/0" [id=648, type=permute, metatype=PTTransposeMetatype]; -"features.7.1.block.2.weight" [id=649, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.1.block.2.bias" [id=650, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/block/2/layer_norm/0" [id=651, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.7.1.block.3.weight" [id=652, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.1.block.3.bias" [id=653, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/block/3/linear/0" [id=654, type=linear, metatype=PTLinearMetatype]; -"features/7/1/block/4/gelu/0" [id=655, type=gelu, metatype=PTGELUMetatype]; -"features.7.1.block.5.weight" [id=656, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.1.block.5.bias" [id=657, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/block/5/linear/0" [id=658, type=linear, metatype=PTLinearMetatype]; -"features/7/1/block/6/permute/0" [id=659, type=permute, metatype=PTTransposeMetatype]; -"features.7.1.layer_scale" [id=660, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/mul/0" [id=661, type=mul, metatype=PTMulMetatype]; -"features/7/1/add_/0" [id=662, type="add_", metatype=PTAddMetatype]; -"features.7.2.block.0.weight" [id=663, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.2.block.0.bias" [id=664, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/2/block/0/conv2d/0" [id=665, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features/7/2/block/1/permute/0" [id=666, type=permute, metatype=PTTransposeMetatype]; -"features.7.2.block.2.weight" [id=667, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.2.block.2.bias" [id=668, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/2/block/2/layer_norm/0" [id=669, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.7.2.block.3.weight" [id=670, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.2.block.3.bias" [id=671, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/2/block/3/linear/0" [id=672, type=linear, metatype=PTLinearMetatype]; -"features/7/2/block/4/gelu/0" [id=673, type=gelu, metatype=PTGELUMetatype]; -"features.7.2.block.5.weight" [id=674, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.2.block.5.bias" [id=675, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/2/block/5/linear/0" [id=676, type=linear, metatype=PTLinearMetatype]; -"features/7/2/block/6/permute/0" [id=677, type=permute, metatype=PTTransposeMetatype]; -"features.7.2.layer_scale" [id=678, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/2/mul/0" [id=679, type=mul, metatype=PTMulMetatype]; -"features/7/2/add_/0" [id=680, type="add_", metatype=PTAddMetatype]; -"avgpool/adaptive_avg_pool2d/0" [id=681, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"classifier/0/permute/0" [id=682, type=permute, metatype=PTTransposeMetatype]; -"classifier.0.weight" [id=683, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.0.bias" [id=684, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/0/layer_norm/0" [id=685, type="layer_norm", metatype=PTLayerNormMetatype]; -"classifier/0/permute/1" [id=686, type=permute, metatype=PTTransposeMetatype]; -"classifier/1/flatten/0" [id=687, type=flatten, metatype=PTReshapeMetatype]; -"classifier.2.weight" [id=688, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.2.bias" [id=689, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/2/linear/0" [id=690, type=linear, metatype=PTLinearMetatype]; -output [id=691, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "features/0/0/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; -"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, shape="(96, 3, 4, 4)", out_port_id=0, in_port_id=1]; -"features.0.0.bias" -> "features/0/0/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features/0/0/conv2d/0" -> "features/0/1/permute/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/0/1/permute/0" -> "features/0/1/layer_norm/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; -"features.0.1.weight" -> "features/0/1/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.0.1.bias" -> "features/0/1/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features/0/1/layer_norm/0" -> "features/0/1/permute/1" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; -"features/0/1/permute/1" -> "features/1/0/block/0/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/0/1/permute/1" -> "features/1/0/add_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=1]; -"features.1.0.block.0.weight" -> "features/1/0/block/0/conv2d/0" [dtype=float, shape="(96, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.1.0.block.0.bias" -> "features/1/0/block/0/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features/1/0/block/0/conv2d/0" -> "features/1/0/block/1/permute/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/1/0/block/1/permute/0" -> "features/1/0/block/2/layer_norm/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; -"features.1.0.block.2.weight" -> "features/1/0/block/2/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.1.0.block.2.bias" -> "features/1/0/block/2/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features/1/0/block/2/layer_norm/0" -> "features/1/0/block/3/linear/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; -"features.1.0.block.3.weight" -> "features/1/0/block/3/linear/0" [dtype=float, shape="(384, 96)", out_port_id=0, in_port_id=1]; -"features.1.0.block.3.bias" -> "features/1/0/block/3/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/1/0/block/3/linear/0" -> "features/1/0/block/4/gelu/0" [dtype=float, shape="(1, 16, 16, 384)", out_port_id=0, in_port_id=0]; -"features/1/0/block/4/gelu/0" -> "features/1/0/block/5/linear/0" [dtype=float, shape="(1, 16, 16, 384)", out_port_id=0, in_port_id=0]; -"features.1.0.block.5.weight" -> "features/1/0/block/5/linear/0" [dtype=float, shape="(96, 384)", out_port_id=0, in_port_id=1]; -"features.1.0.block.5.bias" -> "features/1/0/block/5/linear/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features/1/0/block/5/linear/0" -> "features/1/0/block/6/permute/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; -"features/1/0/block/6/permute/0" -> "features/1/0/mul/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=1]; -"features.1.0.layer_scale" -> "features/1/0/mul/0" [dtype=float, shape="(96, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/0/mul/0" -> "features/1/0/add_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/1/0/add_/0" -> "features/1/1/block/0/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/1/0/add_/0" -> "features/1/1/add_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=1]; -"features.1.1.block.0.weight" -> "features/1/1/block/0/conv2d/0" [dtype=float, shape="(96, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.1.1.block.0.bias" -> "features/1/1/block/0/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features/1/1/block/0/conv2d/0" -> "features/1/1/block/1/permute/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/1/1/block/1/permute/0" -> "features/1/1/block/2/layer_norm/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; -"features.1.1.block.2.weight" -> "features/1/1/block/2/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.1.1.block.2.bias" -> "features/1/1/block/2/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features/1/1/block/2/layer_norm/0" -> "features/1/1/block/3/linear/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; -"features.1.1.block.3.weight" -> "features/1/1/block/3/linear/0" [dtype=float, shape="(384, 96)", out_port_id=0, in_port_id=1]; -"features.1.1.block.3.bias" -> "features/1/1/block/3/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/1/1/block/3/linear/0" -> "features/1/1/block/4/gelu/0" [dtype=float, shape="(1, 16, 16, 384)", out_port_id=0, in_port_id=0]; -"features/1/1/block/4/gelu/0" -> "features/1/1/block/5/linear/0" [dtype=float, shape="(1, 16, 16, 384)", out_port_id=0, in_port_id=0]; -"features.1.1.block.5.weight" -> "features/1/1/block/5/linear/0" [dtype=float, shape="(96, 384)", out_port_id=0, in_port_id=1]; -"features.1.1.block.5.bias" -> "features/1/1/block/5/linear/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features/1/1/block/5/linear/0" -> "features/1/1/block/6/permute/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; -"features/1/1/block/6/permute/0" -> "features/1/1/mul/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=1]; -"features.1.1.layer_scale" -> "features/1/1/mul/0" [dtype=float, shape="(96, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/1/mul/0" -> "features/1/1/add_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/1/1/add_/0" -> "features/1/2/block/0/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/1/1/add_/0" -> "features/1/2/add_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=1]; -"features.1.2.block.0.weight" -> "features/1/2/block/0/conv2d/0" [dtype=float, shape="(96, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.1.2.block.0.bias" -> "features/1/2/block/0/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features/1/2/block/0/conv2d/0" -> "features/1/2/block/1/permute/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/1/2/block/1/permute/0" -> "features/1/2/block/2/layer_norm/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; -"features.1.2.block.2.weight" -> "features/1/2/block/2/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.1.2.block.2.bias" -> "features/1/2/block/2/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features/1/2/block/2/layer_norm/0" -> "features/1/2/block/3/linear/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; -"features.1.2.block.3.weight" -> "features/1/2/block/3/linear/0" [dtype=float, shape="(384, 96)", out_port_id=0, in_port_id=1]; -"features.1.2.block.3.bias" -> "features/1/2/block/3/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/1/2/block/3/linear/0" -> "features/1/2/block/4/gelu/0" [dtype=float, shape="(1, 16, 16, 384)", out_port_id=0, in_port_id=0]; -"features/1/2/block/4/gelu/0" -> "features/1/2/block/5/linear/0" [dtype=float, shape="(1, 16, 16, 384)", out_port_id=0, in_port_id=0]; -"features.1.2.block.5.weight" -> "features/1/2/block/5/linear/0" [dtype=float, shape="(96, 384)", out_port_id=0, in_port_id=1]; -"features.1.2.block.5.bias" -> "features/1/2/block/5/linear/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features/1/2/block/5/linear/0" -> "features/1/2/block/6/permute/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; -"features/1/2/block/6/permute/0" -> "features/1/2/mul/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=1]; -"features.1.2.layer_scale" -> "features/1/2/mul/0" [dtype=float, shape="(96, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/2/mul/0" -> "features/1/2/add_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/1/2/add_/0" -> "features/2/0/permute/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/2/0/permute/0" -> "features/2/0/layer_norm/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; -"features.2.0.weight" -> "features/2/0/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.2.0.bias" -> "features/2/0/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features/2/0/layer_norm/0" -> "features/2/0/permute/1" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; -"features/2/0/permute/1" -> "features/2/1/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.1.weight" -> "features/2/1/conv2d/0" [dtype=float, shape="(192, 96, 2, 2)", out_port_id=0, in_port_id=1]; -"features.2.1.bias" -> "features/2/1/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features/2/1/conv2d/0" -> "features/3/0/block/0/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/2/1/conv2d/0" -> "features/3/0/add_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=1]; -"features.3.0.block.0.weight" -> "features/3/0/block/0/conv2d/0" [dtype=float, shape="(192, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.3.0.block.0.bias" -> "features/3/0/block/0/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features/3/0/block/0/conv2d/0" -> "features/3/0/block/1/permute/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/0/block/1/permute/0" -> "features/3/0/block/2/layer_norm/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; -"features.3.0.block.2.weight" -> "features/3/0/block/2/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.3.0.block.2.bias" -> "features/3/0/block/2/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features/3/0/block/2/layer_norm/0" -> "features/3/0/block/3/linear/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; -"features.3.0.block.3.weight" -> "features/3/0/block/3/linear/0" [dtype=float, shape="(768, 192)", out_port_id=0, in_port_id=1]; -"features.3.0.block.3.bias" -> "features/3/0/block/3/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features/3/0/block/3/linear/0" -> "features/3/0/block/4/gelu/0" [dtype=float, shape="(1, 8, 8, 768)", out_port_id=0, in_port_id=0]; -"features/3/0/block/4/gelu/0" -> "features/3/0/block/5/linear/0" [dtype=float, shape="(1, 8, 8, 768)", out_port_id=0, in_port_id=0]; -"features.3.0.block.5.weight" -> "features/3/0/block/5/linear/0" [dtype=float, shape="(192, 768)", out_port_id=0, in_port_id=1]; -"features.3.0.block.5.bias" -> "features/3/0/block/5/linear/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features/3/0/block/5/linear/0" -> "features/3/0/block/6/permute/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; -"features/3/0/block/6/permute/0" -> "features/3/0/mul/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=1]; -"features.3.0.layer_scale" -> "features/3/0/mul/0" [dtype=float, shape="(192, 1, 1)", out_port_id=0, in_port_id=0]; -"features/3/0/mul/0" -> "features/3/0/add_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/0/add_/0" -> "features/3/1/block/0/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/0/add_/0" -> "features/3/1/add_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=1]; -"features.3.1.block.0.weight" -> "features/3/1/block/0/conv2d/0" [dtype=float, shape="(192, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.3.1.block.0.bias" -> "features/3/1/block/0/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features/3/1/block/0/conv2d/0" -> "features/3/1/block/1/permute/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/1/block/1/permute/0" -> "features/3/1/block/2/layer_norm/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; -"features.3.1.block.2.weight" -> "features/3/1/block/2/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.3.1.block.2.bias" -> "features/3/1/block/2/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features/3/1/block/2/layer_norm/0" -> "features/3/1/block/3/linear/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; -"features.3.1.block.3.weight" -> "features/3/1/block/3/linear/0" [dtype=float, shape="(768, 192)", out_port_id=0, in_port_id=1]; -"features.3.1.block.3.bias" -> "features/3/1/block/3/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features/3/1/block/3/linear/0" -> "features/3/1/block/4/gelu/0" [dtype=float, shape="(1, 8, 8, 768)", out_port_id=0, in_port_id=0]; -"features/3/1/block/4/gelu/0" -> "features/3/1/block/5/linear/0" [dtype=float, shape="(1, 8, 8, 768)", out_port_id=0, in_port_id=0]; -"features.3.1.block.5.weight" -> "features/3/1/block/5/linear/0" [dtype=float, shape="(192, 768)", out_port_id=0, in_port_id=1]; -"features.3.1.block.5.bias" -> "features/3/1/block/5/linear/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features/3/1/block/5/linear/0" -> "features/3/1/block/6/permute/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; -"features/3/1/block/6/permute/0" -> "features/3/1/mul/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=1]; -"features.3.1.layer_scale" -> "features/3/1/mul/0" [dtype=float, shape="(192, 1, 1)", out_port_id=0, in_port_id=0]; -"features/3/1/mul/0" -> "features/3/1/add_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/1/add_/0" -> "features/3/2/block/0/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/1/add_/0" -> "features/3/2/add_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=1]; -"features.3.2.block.0.weight" -> "features/3/2/block/0/conv2d/0" [dtype=float, shape="(192, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.3.2.block.0.bias" -> "features/3/2/block/0/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features/3/2/block/0/conv2d/0" -> "features/3/2/block/1/permute/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/2/block/1/permute/0" -> "features/3/2/block/2/layer_norm/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; -"features.3.2.block.2.weight" -> "features/3/2/block/2/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.3.2.block.2.bias" -> "features/3/2/block/2/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features/3/2/block/2/layer_norm/0" -> "features/3/2/block/3/linear/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; -"features.3.2.block.3.weight" -> "features/3/2/block/3/linear/0" [dtype=float, shape="(768, 192)", out_port_id=0, in_port_id=1]; -"features.3.2.block.3.bias" -> "features/3/2/block/3/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features/3/2/block/3/linear/0" -> "features/3/2/block/4/gelu/0" [dtype=float, shape="(1, 8, 8, 768)", out_port_id=0, in_port_id=0]; -"features/3/2/block/4/gelu/0" -> "features/3/2/block/5/linear/0" [dtype=float, shape="(1, 8, 8, 768)", out_port_id=0, in_port_id=0]; -"features.3.2.block.5.weight" -> "features/3/2/block/5/linear/0" [dtype=float, shape="(192, 768)", out_port_id=0, in_port_id=1]; -"features.3.2.block.5.bias" -> "features/3/2/block/5/linear/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features/3/2/block/5/linear/0" -> "features/3/2/block/6/permute/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; -"features/3/2/block/6/permute/0" -> "features/3/2/mul/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=1]; -"features.3.2.layer_scale" -> "features/3/2/mul/0" [dtype=float, shape="(192, 1, 1)", out_port_id=0, in_port_id=0]; -"features/3/2/mul/0" -> "features/3/2/add_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/2/add_/0" -> "features/4/0/permute/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/4/0/permute/0" -> "features/4/0/layer_norm/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; -"features.4.0.weight" -> "features/4/0/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.4.0.bias" -> "features/4/0/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features/4/0/layer_norm/0" -> "features/4/0/permute/1" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; -"features/4/0/permute/1" -> "features/4/1/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features.4.1.weight" -> "features/4/1/conv2d/0" [dtype=float, shape="(384, 192, 2, 2)", out_port_id=0, in_port_id=1]; -"features.4.1.bias" -> "features/4/1/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/4/1/conv2d/0" -> "features/5/0/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/1/conv2d/0" -> "features/5/0/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.0.block.0.weight" -> "features/5/0/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.0.block.0.bias" -> "features/5/0/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/0/block/0/conv2d/0" -> "features/5/0/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/0/block/1/permute/0" -> "features/5/0/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.0.block.2.weight" -> "features/5/0/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.0.block.2.bias" -> "features/5/0/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/0/block/2/layer_norm/0" -> "features/5/0/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.0.block.3.weight" -> "features/5/0/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.0.block.3.bias" -> "features/5/0/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/0/block/3/linear/0" -> "features/5/0/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/0/block/4/gelu/0" -> "features/5/0/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.0.block.5.weight" -> "features/5/0/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.0.block.5.bias" -> "features/5/0/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/0/block/5/linear/0" -> "features/5/0/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/0/block/6/permute/0" -> "features/5/0/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.0.layer_scale" -> "features/5/0/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/0/mul/0" -> "features/5/0/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/0/add_/0" -> "features/5/1/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/0/add_/0" -> "features/5/1/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.1.block.0.weight" -> "features/5/1/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.1.block.0.bias" -> "features/5/1/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/1/block/0/conv2d/0" -> "features/5/1/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/1/block/1/permute/0" -> "features/5/1/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.1.block.2.weight" -> "features/5/1/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.1.block.2.bias" -> "features/5/1/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/1/block/2/layer_norm/0" -> "features/5/1/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.1.block.3.weight" -> "features/5/1/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.1.block.3.bias" -> "features/5/1/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/1/block/3/linear/0" -> "features/5/1/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/1/block/4/gelu/0" -> "features/5/1/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.1.block.5.weight" -> "features/5/1/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.1.block.5.bias" -> "features/5/1/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/1/block/5/linear/0" -> "features/5/1/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/1/block/6/permute/0" -> "features/5/1/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.1.layer_scale" -> "features/5/1/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/1/mul/0" -> "features/5/1/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/1/add_/0" -> "features/5/2/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/1/add_/0" -> "features/5/2/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.2.block.0.weight" -> "features/5/2/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.2.block.0.bias" -> "features/5/2/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/2/block/0/conv2d/0" -> "features/5/2/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/2/block/1/permute/0" -> "features/5/2/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.2.block.2.weight" -> "features/5/2/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.2.block.2.bias" -> "features/5/2/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/2/block/2/layer_norm/0" -> "features/5/2/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.2.block.3.weight" -> "features/5/2/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.2.block.3.bias" -> "features/5/2/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/2/block/3/linear/0" -> "features/5/2/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/2/block/4/gelu/0" -> "features/5/2/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.2.block.5.weight" -> "features/5/2/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.2.block.5.bias" -> "features/5/2/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/2/block/5/linear/0" -> "features/5/2/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/2/block/6/permute/0" -> "features/5/2/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.2.layer_scale" -> "features/5/2/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/2/mul/0" -> "features/5/2/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/2/add_/0" -> "features/5/3/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/2/add_/0" -> "features/5/3/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.3.block.0.weight" -> "features/5/3/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.3.block.0.bias" -> "features/5/3/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/3/block/0/conv2d/0" -> "features/5/3/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/3/block/1/permute/0" -> "features/5/3/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.3.block.2.weight" -> "features/5/3/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.3.block.2.bias" -> "features/5/3/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/3/block/2/layer_norm/0" -> "features/5/3/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.3.block.3.weight" -> "features/5/3/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.3.block.3.bias" -> "features/5/3/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/3/block/3/linear/0" -> "features/5/3/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/3/block/4/gelu/0" -> "features/5/3/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.3.block.5.weight" -> "features/5/3/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.3.block.5.bias" -> "features/5/3/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/3/block/5/linear/0" -> "features/5/3/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/3/block/6/permute/0" -> "features/5/3/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.3.layer_scale" -> "features/5/3/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/3/mul/0" -> "features/5/3/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/3/add_/0" -> "features/5/4/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/3/add_/0" -> "features/5/4/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.4.block.0.weight" -> "features/5/4/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.4.block.0.bias" -> "features/5/4/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/4/block/0/conv2d/0" -> "features/5/4/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/4/block/1/permute/0" -> "features/5/4/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.4.block.2.weight" -> "features/5/4/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.4.block.2.bias" -> "features/5/4/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/4/block/2/layer_norm/0" -> "features/5/4/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.4.block.3.weight" -> "features/5/4/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.4.block.3.bias" -> "features/5/4/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/4/block/3/linear/0" -> "features/5/4/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/4/block/4/gelu/0" -> "features/5/4/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.4.block.5.weight" -> "features/5/4/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.4.block.5.bias" -> "features/5/4/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/4/block/5/linear/0" -> "features/5/4/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/4/block/6/permute/0" -> "features/5/4/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.4.layer_scale" -> "features/5/4/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/4/mul/0" -> "features/5/4/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/4/add_/0" -> "features/5/5/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/4/add_/0" -> "features/5/5/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.5.block.0.weight" -> "features/5/5/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.5.block.0.bias" -> "features/5/5/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/5/block/0/conv2d/0" -> "features/5/5/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/5/block/1/permute/0" -> "features/5/5/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.5.block.2.weight" -> "features/5/5/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.5.block.2.bias" -> "features/5/5/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/5/block/2/layer_norm/0" -> "features/5/5/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.5.block.3.weight" -> "features/5/5/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.5.block.3.bias" -> "features/5/5/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/5/block/3/linear/0" -> "features/5/5/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/5/block/4/gelu/0" -> "features/5/5/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.5.block.5.weight" -> "features/5/5/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.5.block.5.bias" -> "features/5/5/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/5/block/5/linear/0" -> "features/5/5/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/5/block/6/permute/0" -> "features/5/5/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.5.layer_scale" -> "features/5/5/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/5/mul/0" -> "features/5/5/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/5/add_/0" -> "features/5/6/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/5/add_/0" -> "features/5/6/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.6.block.0.weight" -> "features/5/6/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.6.block.0.bias" -> "features/5/6/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/6/block/0/conv2d/0" -> "features/5/6/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/6/block/1/permute/0" -> "features/5/6/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.6.block.2.weight" -> "features/5/6/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.6.block.2.bias" -> "features/5/6/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/6/block/2/layer_norm/0" -> "features/5/6/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.6.block.3.weight" -> "features/5/6/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.6.block.3.bias" -> "features/5/6/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/6/block/3/linear/0" -> "features/5/6/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/6/block/4/gelu/0" -> "features/5/6/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.6.block.5.weight" -> "features/5/6/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.6.block.5.bias" -> "features/5/6/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/6/block/5/linear/0" -> "features/5/6/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/6/block/6/permute/0" -> "features/5/6/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.6.layer_scale" -> "features/5/6/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/6/mul/0" -> "features/5/6/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/6/add_/0" -> "features/5/7/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/6/add_/0" -> "features/5/7/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.7.block.0.weight" -> "features/5/7/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.7.block.0.bias" -> "features/5/7/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/7/block/0/conv2d/0" -> "features/5/7/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/7/block/1/permute/0" -> "features/5/7/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.7.block.2.weight" -> "features/5/7/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.7.block.2.bias" -> "features/5/7/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/7/block/2/layer_norm/0" -> "features/5/7/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.7.block.3.weight" -> "features/5/7/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.7.block.3.bias" -> "features/5/7/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/7/block/3/linear/0" -> "features/5/7/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/7/block/4/gelu/0" -> "features/5/7/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.7.block.5.weight" -> "features/5/7/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.7.block.5.bias" -> "features/5/7/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/7/block/5/linear/0" -> "features/5/7/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/7/block/6/permute/0" -> "features/5/7/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.7.layer_scale" -> "features/5/7/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/7/mul/0" -> "features/5/7/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/7/add_/0" -> "features/5/8/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/7/add_/0" -> "features/5/8/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.8.block.0.weight" -> "features/5/8/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.8.block.0.bias" -> "features/5/8/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/8/block/0/conv2d/0" -> "features/5/8/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/8/block/1/permute/0" -> "features/5/8/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.8.block.2.weight" -> "features/5/8/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.8.block.2.bias" -> "features/5/8/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/8/block/2/layer_norm/0" -> "features/5/8/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.8.block.3.weight" -> "features/5/8/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.8.block.3.bias" -> "features/5/8/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/8/block/3/linear/0" -> "features/5/8/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/8/block/4/gelu/0" -> "features/5/8/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.8.block.5.weight" -> "features/5/8/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.8.block.5.bias" -> "features/5/8/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/8/block/5/linear/0" -> "features/5/8/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/8/block/6/permute/0" -> "features/5/8/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.8.layer_scale" -> "features/5/8/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/8/mul/0" -> "features/5/8/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/8/add_/0" -> "features/5/9/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/8/add_/0" -> "features/5/9/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.9.block.0.weight" -> "features/5/9/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.9.block.0.bias" -> "features/5/9/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/9/block/0/conv2d/0" -> "features/5/9/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/9/block/1/permute/0" -> "features/5/9/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.9.block.2.weight" -> "features/5/9/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.9.block.2.bias" -> "features/5/9/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/9/block/2/layer_norm/0" -> "features/5/9/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.9.block.3.weight" -> "features/5/9/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.9.block.3.bias" -> "features/5/9/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/9/block/3/linear/0" -> "features/5/9/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/9/block/4/gelu/0" -> "features/5/9/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.9.block.5.weight" -> "features/5/9/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.9.block.5.bias" -> "features/5/9/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/9/block/5/linear/0" -> "features/5/9/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/9/block/6/permute/0" -> "features/5/9/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.9.layer_scale" -> "features/5/9/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/9/mul/0" -> "features/5/9/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/9/add_/0" -> "features/5/10/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/9/add_/0" -> "features/5/10/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.10.block.0.weight" -> "features/5/10/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.10.block.0.bias" -> "features/5/10/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/10/block/0/conv2d/0" -> "features/5/10/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/10/block/1/permute/0" -> "features/5/10/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.10.block.2.weight" -> "features/5/10/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.10.block.2.bias" -> "features/5/10/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/10/block/2/layer_norm/0" -> "features/5/10/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.10.block.3.weight" -> "features/5/10/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.10.block.3.bias" -> "features/5/10/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/10/block/3/linear/0" -> "features/5/10/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/10/block/4/gelu/0" -> "features/5/10/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.10.block.5.weight" -> "features/5/10/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.10.block.5.bias" -> "features/5/10/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/10/block/5/linear/0" -> "features/5/10/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/10/block/6/permute/0" -> "features/5/10/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.10.layer_scale" -> "features/5/10/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/10/mul/0" -> "features/5/10/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/10/add_/0" -> "features/5/11/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/10/add_/0" -> "features/5/11/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.11.block.0.weight" -> "features/5/11/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.11.block.0.bias" -> "features/5/11/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/11/block/0/conv2d/0" -> "features/5/11/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/11/block/1/permute/0" -> "features/5/11/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.11.block.2.weight" -> "features/5/11/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.11.block.2.bias" -> "features/5/11/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/11/block/2/layer_norm/0" -> "features/5/11/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.11.block.3.weight" -> "features/5/11/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.11.block.3.bias" -> "features/5/11/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/11/block/3/linear/0" -> "features/5/11/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/11/block/4/gelu/0" -> "features/5/11/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.11.block.5.weight" -> "features/5/11/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.11.block.5.bias" -> "features/5/11/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/11/block/5/linear/0" -> "features/5/11/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/11/block/6/permute/0" -> "features/5/11/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.11.layer_scale" -> "features/5/11/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/11/mul/0" -> "features/5/11/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/11/add_/0" -> "features/5/12/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/11/add_/0" -> "features/5/12/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.12.block.0.weight" -> "features/5/12/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.12.block.0.bias" -> "features/5/12/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/12/block/0/conv2d/0" -> "features/5/12/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/12/block/1/permute/0" -> "features/5/12/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.12.block.2.weight" -> "features/5/12/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.12.block.2.bias" -> "features/5/12/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/12/block/2/layer_norm/0" -> "features/5/12/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.12.block.3.weight" -> "features/5/12/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.12.block.3.bias" -> "features/5/12/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/12/block/3/linear/0" -> "features/5/12/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/12/block/4/gelu/0" -> "features/5/12/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.12.block.5.weight" -> "features/5/12/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.12.block.5.bias" -> "features/5/12/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/12/block/5/linear/0" -> "features/5/12/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/12/block/6/permute/0" -> "features/5/12/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.12.layer_scale" -> "features/5/12/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/12/mul/0" -> "features/5/12/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/12/add_/0" -> "features/5/13/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/12/add_/0" -> "features/5/13/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.13.block.0.weight" -> "features/5/13/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.13.block.0.bias" -> "features/5/13/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/13/block/0/conv2d/0" -> "features/5/13/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/13/block/1/permute/0" -> "features/5/13/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.13.block.2.weight" -> "features/5/13/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.13.block.2.bias" -> "features/5/13/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/13/block/2/layer_norm/0" -> "features/5/13/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.13.block.3.weight" -> "features/5/13/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.13.block.3.bias" -> "features/5/13/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/13/block/3/linear/0" -> "features/5/13/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/13/block/4/gelu/0" -> "features/5/13/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.13.block.5.weight" -> "features/5/13/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.13.block.5.bias" -> "features/5/13/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/13/block/5/linear/0" -> "features/5/13/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/13/block/6/permute/0" -> "features/5/13/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.13.layer_scale" -> "features/5/13/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/13/mul/0" -> "features/5/13/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/13/add_/0" -> "features/5/14/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/13/add_/0" -> "features/5/14/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.14.block.0.weight" -> "features/5/14/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.14.block.0.bias" -> "features/5/14/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/14/block/0/conv2d/0" -> "features/5/14/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/14/block/1/permute/0" -> "features/5/14/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.14.block.2.weight" -> "features/5/14/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.14.block.2.bias" -> "features/5/14/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/14/block/2/layer_norm/0" -> "features/5/14/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.14.block.3.weight" -> "features/5/14/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.14.block.3.bias" -> "features/5/14/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/14/block/3/linear/0" -> "features/5/14/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/14/block/4/gelu/0" -> "features/5/14/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.14.block.5.weight" -> "features/5/14/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.14.block.5.bias" -> "features/5/14/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/14/block/5/linear/0" -> "features/5/14/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/14/block/6/permute/0" -> "features/5/14/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.14.layer_scale" -> "features/5/14/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/14/mul/0" -> "features/5/14/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/14/add_/0" -> "features/5/15/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/14/add_/0" -> "features/5/15/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.15.block.0.weight" -> "features/5/15/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.15.block.0.bias" -> "features/5/15/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/15/block/0/conv2d/0" -> "features/5/15/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/15/block/1/permute/0" -> "features/5/15/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.15.block.2.weight" -> "features/5/15/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.15.block.2.bias" -> "features/5/15/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/15/block/2/layer_norm/0" -> "features/5/15/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.15.block.3.weight" -> "features/5/15/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.15.block.3.bias" -> "features/5/15/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/15/block/3/linear/0" -> "features/5/15/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/15/block/4/gelu/0" -> "features/5/15/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.15.block.5.weight" -> "features/5/15/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.15.block.5.bias" -> "features/5/15/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/15/block/5/linear/0" -> "features/5/15/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/15/block/6/permute/0" -> "features/5/15/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.15.layer_scale" -> "features/5/15/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/15/mul/0" -> "features/5/15/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/15/add_/0" -> "features/5/16/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/15/add_/0" -> "features/5/16/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.16.block.0.weight" -> "features/5/16/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.16.block.0.bias" -> "features/5/16/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/16/block/0/conv2d/0" -> "features/5/16/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/16/block/1/permute/0" -> "features/5/16/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.16.block.2.weight" -> "features/5/16/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.16.block.2.bias" -> "features/5/16/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/16/block/2/layer_norm/0" -> "features/5/16/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.16.block.3.weight" -> "features/5/16/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.16.block.3.bias" -> "features/5/16/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/16/block/3/linear/0" -> "features/5/16/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/16/block/4/gelu/0" -> "features/5/16/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.16.block.5.weight" -> "features/5/16/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.16.block.5.bias" -> "features/5/16/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/16/block/5/linear/0" -> "features/5/16/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/16/block/6/permute/0" -> "features/5/16/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.16.layer_scale" -> "features/5/16/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/16/mul/0" -> "features/5/16/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/16/add_/0" -> "features/5/17/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/16/add_/0" -> "features/5/17/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.17.block.0.weight" -> "features/5/17/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.17.block.0.bias" -> "features/5/17/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/17/block/0/conv2d/0" -> "features/5/17/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/17/block/1/permute/0" -> "features/5/17/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.17.block.2.weight" -> "features/5/17/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.17.block.2.bias" -> "features/5/17/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/17/block/2/layer_norm/0" -> "features/5/17/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.17.block.3.weight" -> "features/5/17/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.17.block.3.bias" -> "features/5/17/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/17/block/3/linear/0" -> "features/5/17/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/17/block/4/gelu/0" -> "features/5/17/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.17.block.5.weight" -> "features/5/17/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.17.block.5.bias" -> "features/5/17/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/17/block/5/linear/0" -> "features/5/17/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/17/block/6/permute/0" -> "features/5/17/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.17.layer_scale" -> "features/5/17/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/17/mul/0" -> "features/5/17/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/17/add_/0" -> "features/5/18/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/17/add_/0" -> "features/5/18/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.18.block.0.weight" -> "features/5/18/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.18.block.0.bias" -> "features/5/18/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/18/block/0/conv2d/0" -> "features/5/18/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/18/block/1/permute/0" -> "features/5/18/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.18.block.2.weight" -> "features/5/18/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.18.block.2.bias" -> "features/5/18/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/18/block/2/layer_norm/0" -> "features/5/18/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.18.block.3.weight" -> "features/5/18/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.18.block.3.bias" -> "features/5/18/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/18/block/3/linear/0" -> "features/5/18/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/18/block/4/gelu/0" -> "features/5/18/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.18.block.5.weight" -> "features/5/18/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.18.block.5.bias" -> "features/5/18/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/18/block/5/linear/0" -> "features/5/18/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/18/block/6/permute/0" -> "features/5/18/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.18.layer_scale" -> "features/5/18/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/18/mul/0" -> "features/5/18/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/18/add_/0" -> "features/5/19/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/18/add_/0" -> "features/5/19/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.19.block.0.weight" -> "features/5/19/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.19.block.0.bias" -> "features/5/19/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/19/block/0/conv2d/0" -> "features/5/19/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/19/block/1/permute/0" -> "features/5/19/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.19.block.2.weight" -> "features/5/19/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.19.block.2.bias" -> "features/5/19/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/19/block/2/layer_norm/0" -> "features/5/19/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.19.block.3.weight" -> "features/5/19/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.19.block.3.bias" -> "features/5/19/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/19/block/3/linear/0" -> "features/5/19/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/19/block/4/gelu/0" -> "features/5/19/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.19.block.5.weight" -> "features/5/19/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.19.block.5.bias" -> "features/5/19/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/19/block/5/linear/0" -> "features/5/19/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/19/block/6/permute/0" -> "features/5/19/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.19.layer_scale" -> "features/5/19/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/19/mul/0" -> "features/5/19/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/19/add_/0" -> "features/5/20/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/19/add_/0" -> "features/5/20/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.20.block.0.weight" -> "features/5/20/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.20.block.0.bias" -> "features/5/20/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/20/block/0/conv2d/0" -> "features/5/20/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/20/block/1/permute/0" -> "features/5/20/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.20.block.2.weight" -> "features/5/20/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.20.block.2.bias" -> "features/5/20/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/20/block/2/layer_norm/0" -> "features/5/20/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.20.block.3.weight" -> "features/5/20/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.20.block.3.bias" -> "features/5/20/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/20/block/3/linear/0" -> "features/5/20/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/20/block/4/gelu/0" -> "features/5/20/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.20.block.5.weight" -> "features/5/20/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.20.block.5.bias" -> "features/5/20/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/20/block/5/linear/0" -> "features/5/20/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/20/block/6/permute/0" -> "features/5/20/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.20.layer_scale" -> "features/5/20/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/20/mul/0" -> "features/5/20/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/20/add_/0" -> "features/5/21/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/20/add_/0" -> "features/5/21/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.21.block.0.weight" -> "features/5/21/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.21.block.0.bias" -> "features/5/21/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/21/block/0/conv2d/0" -> "features/5/21/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/21/block/1/permute/0" -> "features/5/21/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.21.block.2.weight" -> "features/5/21/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.21.block.2.bias" -> "features/5/21/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/21/block/2/layer_norm/0" -> "features/5/21/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.21.block.3.weight" -> "features/5/21/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.21.block.3.bias" -> "features/5/21/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/21/block/3/linear/0" -> "features/5/21/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/21/block/4/gelu/0" -> "features/5/21/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.21.block.5.weight" -> "features/5/21/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.21.block.5.bias" -> "features/5/21/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/21/block/5/linear/0" -> "features/5/21/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/21/block/6/permute/0" -> "features/5/21/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.21.layer_scale" -> "features/5/21/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/21/mul/0" -> "features/5/21/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/21/add_/0" -> "features/5/22/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/21/add_/0" -> "features/5/22/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.22.block.0.weight" -> "features/5/22/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.22.block.0.bias" -> "features/5/22/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/22/block/0/conv2d/0" -> "features/5/22/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/22/block/1/permute/0" -> "features/5/22/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.22.block.2.weight" -> "features/5/22/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.22.block.2.bias" -> "features/5/22/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/22/block/2/layer_norm/0" -> "features/5/22/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.22.block.3.weight" -> "features/5/22/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.22.block.3.bias" -> "features/5/22/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/22/block/3/linear/0" -> "features/5/22/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/22/block/4/gelu/0" -> "features/5/22/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.22.block.5.weight" -> "features/5/22/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.22.block.5.bias" -> "features/5/22/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/22/block/5/linear/0" -> "features/5/22/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/22/block/6/permute/0" -> "features/5/22/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.22.layer_scale" -> "features/5/22/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/22/mul/0" -> "features/5/22/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/22/add_/0" -> "features/5/23/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/22/add_/0" -> "features/5/23/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.23.block.0.weight" -> "features/5/23/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.23.block.0.bias" -> "features/5/23/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/23/block/0/conv2d/0" -> "features/5/23/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/23/block/1/permute/0" -> "features/5/23/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.23.block.2.weight" -> "features/5/23/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.23.block.2.bias" -> "features/5/23/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/23/block/2/layer_norm/0" -> "features/5/23/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.23.block.3.weight" -> "features/5/23/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.23.block.3.bias" -> "features/5/23/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/23/block/3/linear/0" -> "features/5/23/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/23/block/4/gelu/0" -> "features/5/23/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.23.block.5.weight" -> "features/5/23/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.23.block.5.bias" -> "features/5/23/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/23/block/5/linear/0" -> "features/5/23/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/23/block/6/permute/0" -> "features/5/23/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.23.layer_scale" -> "features/5/23/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/23/mul/0" -> "features/5/23/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/23/add_/0" -> "features/5/24/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/23/add_/0" -> "features/5/24/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.24.block.0.weight" -> "features/5/24/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.24.block.0.bias" -> "features/5/24/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/24/block/0/conv2d/0" -> "features/5/24/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/24/block/1/permute/0" -> "features/5/24/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.24.block.2.weight" -> "features/5/24/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.24.block.2.bias" -> "features/5/24/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/24/block/2/layer_norm/0" -> "features/5/24/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.24.block.3.weight" -> "features/5/24/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.24.block.3.bias" -> "features/5/24/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/24/block/3/linear/0" -> "features/5/24/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/24/block/4/gelu/0" -> "features/5/24/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.24.block.5.weight" -> "features/5/24/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.24.block.5.bias" -> "features/5/24/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/24/block/5/linear/0" -> "features/5/24/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/24/block/6/permute/0" -> "features/5/24/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.24.layer_scale" -> "features/5/24/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/24/mul/0" -> "features/5/24/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/24/add_/0" -> "features/5/25/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/24/add_/0" -> "features/5/25/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.25.block.0.weight" -> "features/5/25/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.25.block.0.bias" -> "features/5/25/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/25/block/0/conv2d/0" -> "features/5/25/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/25/block/1/permute/0" -> "features/5/25/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.25.block.2.weight" -> "features/5/25/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.25.block.2.bias" -> "features/5/25/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/25/block/2/layer_norm/0" -> "features/5/25/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.25.block.3.weight" -> "features/5/25/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.25.block.3.bias" -> "features/5/25/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/25/block/3/linear/0" -> "features/5/25/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/25/block/4/gelu/0" -> "features/5/25/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.25.block.5.weight" -> "features/5/25/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.25.block.5.bias" -> "features/5/25/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/25/block/5/linear/0" -> "features/5/25/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/25/block/6/permute/0" -> "features/5/25/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.25.layer_scale" -> "features/5/25/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/25/mul/0" -> "features/5/25/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/25/add_/0" -> "features/5/26/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/25/add_/0" -> "features/5/26/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.26.block.0.weight" -> "features/5/26/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.5.26.block.0.bias" -> "features/5/26/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/26/block/0/conv2d/0" -> "features/5/26/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/26/block/1/permute/0" -> "features/5/26/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.26.block.2.weight" -> "features/5/26/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.5.26.block.2.bias" -> "features/5/26/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/5/26/block/2/layer_norm/0" -> "features/5/26/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.5.26.block.3.weight" -> "features/5/26/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; -"features.5.26.block.3.bias" -> "features/5/26/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/26/block/3/linear/0" -> "features/5/26/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features/5/26/block/4/gelu/0" -> "features/5/26/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; -"features.5.26.block.5.weight" -> "features/5/26/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; -"features.5.26.block.5.bias" -> "features/5/26/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/5/26/block/5/linear/0" -> "features/5/26/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/5/26/block/6/permute/0" -> "features/5/26/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.26.layer_scale" -> "features/5/26/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/26/mul/0" -> "features/5/26/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/26/add_/0" -> "features/6/0/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/6/0/permute/0" -> "features/6/0/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features.6.0.weight" -> "features/6/0/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.6.0.bias" -> "features/6/0/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features/6/0/layer_norm/0" -> "features/6/0/permute/1" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; -"features/6/0/permute/1" -> "features/6/1/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.1.weight" -> "features/6/1/conv2d/0" [dtype=float, shape="(768, 384, 2, 2)", out_port_id=0, in_port_id=1]; -"features.6.1.bias" -> "features/6/1/conv2d/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features/6/1/conv2d/0" -> "features/7/0/block/0/conv2d/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/1/conv2d/0" -> "features/7/0/add_/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=1]; -"features.7.0.block.0.weight" -> "features/7/0/block/0/conv2d/0" [dtype=float, shape="(768, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.7.0.block.0.bias" -> "features/7/0/block/0/conv2d/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features/7/0/block/0/conv2d/0" -> "features/7/0/block/1/permute/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/0/block/1/permute/0" -> "features/7/0/block/2/layer_norm/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; -"features.7.0.block.2.weight" -> "features/7/0/block/2/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features.7.0.block.2.bias" -> "features/7/0/block/2/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; -"features/7/0/block/2/layer_norm/0" -> "features/7/0/block/3/linear/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; -"features.7.0.block.3.weight" -> "features/7/0/block/3/linear/0" [dtype=float, shape="(3072, 768)", out_port_id=0, in_port_id=1]; -"features.7.0.block.3.bias" -> "features/7/0/block/3/linear/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=2]; -"features/7/0/block/3/linear/0" -> "features/7/0/block/4/gelu/0" [dtype=float, shape="(1, 2, 2, 3072)", out_port_id=0, in_port_id=0]; -"features/7/0/block/4/gelu/0" -> "features/7/0/block/5/linear/0" [dtype=float, shape="(1, 2, 2, 3072)", out_port_id=0, in_port_id=0]; -"features.7.0.block.5.weight" -> "features/7/0/block/5/linear/0" [dtype=float, shape="(768, 3072)", out_port_id=0, in_port_id=1]; -"features.7.0.block.5.bias" -> "features/7/0/block/5/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features/7/0/block/5/linear/0" -> "features/7/0/block/6/permute/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; -"features/7/0/block/6/permute/0" -> "features/7/0/mul/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=1]; -"features.7.0.layer_scale" -> "features/7/0/mul/0" [dtype=float, shape="(768, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/0/mul/0" -> "features/7/0/add_/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/0/add_/0" -> "features/7/1/block/0/conv2d/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/0/add_/0" -> "features/7/1/add_/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=1]; -"features.7.1.block.0.weight" -> "features/7/1/block/0/conv2d/0" [dtype=float, shape="(768, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.7.1.block.0.bias" -> "features/7/1/block/0/conv2d/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features/7/1/block/0/conv2d/0" -> "features/7/1/block/1/permute/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/1/block/1/permute/0" -> "features/7/1/block/2/layer_norm/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; -"features.7.1.block.2.weight" -> "features/7/1/block/2/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features.7.1.block.2.bias" -> "features/7/1/block/2/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; -"features/7/1/block/2/layer_norm/0" -> "features/7/1/block/3/linear/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; -"features.7.1.block.3.weight" -> "features/7/1/block/3/linear/0" [dtype=float, shape="(3072, 768)", out_port_id=0, in_port_id=1]; -"features.7.1.block.3.bias" -> "features/7/1/block/3/linear/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=2]; -"features/7/1/block/3/linear/0" -> "features/7/1/block/4/gelu/0" [dtype=float, shape="(1, 2, 2, 3072)", out_port_id=0, in_port_id=0]; -"features/7/1/block/4/gelu/0" -> "features/7/1/block/5/linear/0" [dtype=float, shape="(1, 2, 2, 3072)", out_port_id=0, in_port_id=0]; -"features.7.1.block.5.weight" -> "features/7/1/block/5/linear/0" [dtype=float, shape="(768, 3072)", out_port_id=0, in_port_id=1]; -"features.7.1.block.5.bias" -> "features/7/1/block/5/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features/7/1/block/5/linear/0" -> "features/7/1/block/6/permute/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; -"features/7/1/block/6/permute/0" -> "features/7/1/mul/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=1]; -"features.7.1.layer_scale" -> "features/7/1/mul/0" [dtype=float, shape="(768, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/1/mul/0" -> "features/7/1/add_/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/1/add_/0" -> "features/7/2/block/0/conv2d/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/1/add_/0" -> "features/7/2/add_/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=1]; -"features.7.2.block.0.weight" -> "features/7/2/block/0/conv2d/0" [dtype=float, shape="(768, 1, 7, 7)", out_port_id=0, in_port_id=1]; -"features.7.2.block.0.bias" -> "features/7/2/block/0/conv2d/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features/7/2/block/0/conv2d/0" -> "features/7/2/block/1/permute/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/2/block/1/permute/0" -> "features/7/2/block/2/layer_norm/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; -"features.7.2.block.2.weight" -> "features/7/2/block/2/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features.7.2.block.2.bias" -> "features/7/2/block/2/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; -"features/7/2/block/2/layer_norm/0" -> "features/7/2/block/3/linear/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; -"features.7.2.block.3.weight" -> "features/7/2/block/3/linear/0" [dtype=float, shape="(3072, 768)", out_port_id=0, in_port_id=1]; -"features.7.2.block.3.bias" -> "features/7/2/block/3/linear/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=2]; -"features/7/2/block/3/linear/0" -> "features/7/2/block/4/gelu/0" [dtype=float, shape="(1, 2, 2, 3072)", out_port_id=0, in_port_id=0]; -"features/7/2/block/4/gelu/0" -> "features/7/2/block/5/linear/0" [dtype=float, shape="(1, 2, 2, 3072)", out_port_id=0, in_port_id=0]; -"features.7.2.block.5.weight" -> "features/7/2/block/5/linear/0" [dtype=float, shape="(768, 3072)", out_port_id=0, in_port_id=1]; -"features.7.2.block.5.bias" -> "features/7/2/block/5/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features/7/2/block/5/linear/0" -> "features/7/2/block/6/permute/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; -"features/7/2/block/6/permute/0" -> "features/7/2/mul/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=1]; -"features.7.2.layer_scale" -> "features/7/2/mul/0" [dtype=float, shape="(768, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/2/mul/0" -> "features/7/2/add_/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/2/add_/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; -"avgpool/adaptive_avg_pool2d/0" -> "classifier/0/permute/0" [dtype=float, shape="(1, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"classifier/0/permute/0" -> "classifier/0/layer_norm/0" [dtype=float, shape="(1, 1, 1, 768)", out_port_id=0, in_port_id=0]; -"classifier.0.weight" -> "classifier/0/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"classifier.0.bias" -> "classifier/0/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; -"classifier/0/layer_norm/0" -> "classifier/0/permute/1" [dtype=float, shape="(1, 1, 1, 768)", out_port_id=0, in_port_id=0]; -"classifier/0/permute/1" -> "classifier/1/flatten/0" [dtype=float, shape="(1, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"classifier/1/flatten/0" -> "classifier/2/linear/0" [dtype=float, shape="(1, 768)", out_port_id=0, in_port_id=0]; -"classifier.2.weight" -> "classifier/2/linear/0" [dtype=float, shape="(1000, 768)", out_port_id=0, in_port_id=1]; -"classifier.2.bias" -> "classifier/2/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"classifier/2/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"features.0.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.0.bias" [id=2, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/0/conv2d/0" [id=3, metatype=PTConv2dMetatype, type=conv2d]; +"features/0/1/permute/0" [id=4, metatype=PTTransposeMetatype, type=permute]; +"features.0.1.weight" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.bias" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/1/layer_norm/0" [id=7, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/0/1/permute/1" [id=8, metatype=PTTransposeMetatype, type=permute]; +"features.1.0.block.0.weight" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.block.0.bias" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/block/0/conv2d/0" [id=11, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/1/0/block/1/permute/0" [id=12, metatype=UnknownMetatype, type=permute]; +"features.1.0.block.2.weight" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.block.2.bias" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/block/2/layer_norm/0" [id=15, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.1.0.block.3.weight" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.block.3.bias" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/block/3/linear/0" [id=18, metatype=PTLinearMetatype, type=linear]; +"features/1/0/block/4/gelu/0" [id=19, metatype=PTGELUMetatype, type=gelu]; +"features.1.0.block.5.weight" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.block.5.bias" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/block/5/linear/0" [id=22, metatype=PTLinearMetatype, type=linear]; +"features/1/0/block/6/permute/0" [id=23, metatype=UnknownMetatype, type=permute]; +"features.1.0.layer_scale" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/mul/0" [id=25, metatype=PTMulMetatype, type=mul]; +"features/1/0/add_/0" [id=26, metatype=PTAddMetatype, type=add_]; +"features.1.1.block.0.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.1.block.0.bias" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/block/0/conv2d/0" [id=29, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/1/1/block/1/permute/0" [id=30, metatype=UnknownMetatype, type=permute]; +"features.1.1.block.2.weight" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.1.block.2.bias" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/block/2/layer_norm/0" [id=33, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.1.1.block.3.weight" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.1.block.3.bias" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/block/3/linear/0" [id=36, metatype=PTLinearMetatype, type=linear]; +"features/1/1/block/4/gelu/0" [id=37, metatype=PTGELUMetatype, type=gelu]; +"features.1.1.block.5.weight" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.1.block.5.bias" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/block/5/linear/0" [id=40, metatype=PTLinearMetatype, type=linear]; +"features/1/1/block/6/permute/0" [id=41, metatype=UnknownMetatype, type=permute]; +"features.1.1.layer_scale" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/mul/0" [id=43, metatype=PTMulMetatype, type=mul]; +"features/1/1/add_/0" [id=44, metatype=PTAddMetatype, type=add_]; +"features.1.2.block.0.weight" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.2.block.0.bias" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/2/block/0/conv2d/0" [id=47, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/1/2/block/1/permute/0" [id=48, metatype=UnknownMetatype, type=permute]; +"features.1.2.block.2.weight" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.2.block.2.bias" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/2/block/2/layer_norm/0" [id=51, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.1.2.block.3.weight" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.2.block.3.bias" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/2/block/3/linear/0" [id=54, metatype=PTLinearMetatype, type=linear]; +"features/1/2/block/4/gelu/0" [id=55, metatype=PTGELUMetatype, type=gelu]; +"features.1.2.block.5.weight" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.2.block.5.bias" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/2/block/5/linear/0" [id=58, metatype=PTLinearMetatype, type=linear]; +"features/1/2/block/6/permute/0" [id=59, metatype=UnknownMetatype, type=permute]; +"features.1.2.layer_scale" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/2/mul/0" [id=61, metatype=PTMulMetatype, type=mul]; +"features/1/2/add_/0" [id=62, metatype=PTAddMetatype, type=add_]; +"features/2/0/permute/0" [id=63, metatype=PTTransposeMetatype, type=permute]; +"features.2.0.weight" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.0.bias" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/0/layer_norm/0" [id=66, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/2/0/permute/1" [id=67, metatype=PTTransposeMetatype, type=permute]; +"features.2.1.weight" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.1.bias" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/1/conv2d/0" [id=70, metatype=PTConv2dMetatype, type=conv2d]; +"features.3.0.block.0.weight" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.0.bias" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/block/0/conv2d/0" [id=73, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/3/0/block/1/permute/0" [id=74, metatype=UnknownMetatype, type=permute]; +"features.3.0.block.2.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.2.bias" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/block/2/layer_norm/0" [id=77, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.3.0.block.3.weight" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.3.bias" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/block/3/linear/0" [id=80, metatype=PTLinearMetatype, type=linear]; +"features/3/0/block/4/gelu/0" [id=81, metatype=PTGELUMetatype, type=gelu]; +"features.3.0.block.5.weight" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.5.bias" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/block/5/linear/0" [id=84, metatype=PTLinearMetatype, type=linear]; +"features/3/0/block/6/permute/0" [id=85, metatype=UnknownMetatype, type=permute]; +"features.3.0.layer_scale" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/mul/0" [id=87, metatype=PTMulMetatype, type=mul]; +"features/3/0/add_/0" [id=88, metatype=PTAddMetatype, type=add_]; +"features.3.1.block.0.weight" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.0.bias" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/block/0/conv2d/0" [id=91, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/3/1/block/1/permute/0" [id=92, metatype=UnknownMetatype, type=permute]; +"features.3.1.block.2.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.2.bias" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/block/2/layer_norm/0" [id=95, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.3.1.block.3.weight" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.3.bias" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/block/3/linear/0" [id=98, metatype=PTLinearMetatype, type=linear]; +"features/3/1/block/4/gelu/0" [id=99, metatype=PTGELUMetatype, type=gelu]; +"features.3.1.block.5.weight" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.5.bias" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/block/5/linear/0" [id=102, metatype=PTLinearMetatype, type=linear]; +"features/3/1/block/6/permute/0" [id=103, metatype=UnknownMetatype, type=permute]; +"features.3.1.layer_scale" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/mul/0" [id=105, metatype=PTMulMetatype, type=mul]; +"features/3/1/add_/0" [id=106, metatype=PTAddMetatype, type=add_]; +"features.3.2.block.0.weight" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.2.block.0.bias" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/2/block/0/conv2d/0" [id=109, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/3/2/block/1/permute/0" [id=110, metatype=UnknownMetatype, type=permute]; +"features.3.2.block.2.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.2.block.2.bias" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/2/block/2/layer_norm/0" [id=113, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.3.2.block.3.weight" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.2.block.3.bias" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/2/block/3/linear/0" [id=116, metatype=PTLinearMetatype, type=linear]; +"features/3/2/block/4/gelu/0" [id=117, metatype=PTGELUMetatype, type=gelu]; +"features.3.2.block.5.weight" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.2.block.5.bias" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/2/block/5/linear/0" [id=120, metatype=PTLinearMetatype, type=linear]; +"features/3/2/block/6/permute/0" [id=121, metatype=UnknownMetatype, type=permute]; +"features.3.2.layer_scale" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/2/mul/0" [id=123, metatype=PTMulMetatype, type=mul]; +"features/3/2/add_/0" [id=124, metatype=PTAddMetatype, type=add_]; +"features/4/0/permute/0" [id=125, metatype=PTTransposeMetatype, type=permute]; +"features.4.0.weight" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.0.bias" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/0/layer_norm/0" [id=128, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/4/0/permute/1" [id=129, metatype=PTTransposeMetatype, type=permute]; +"features.4.1.weight" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.1.bias" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/1/conv2d/0" [id=132, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.0.block.0.weight" [id=133, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.0.bias" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/block/0/conv2d/0" [id=135, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/0/block/1/permute/0" [id=136, metatype=UnknownMetatype, type=permute]; +"features.5.0.block.2.weight" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.2.bias" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/block/2/layer_norm/0" [id=139, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.0.block.3.weight" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.3.bias" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/block/3/linear/0" [id=142, metatype=PTLinearMetatype, type=linear]; +"features/5/0/block/4/gelu/0" [id=143, metatype=PTGELUMetatype, type=gelu]; +"features.5.0.block.5.weight" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.5.bias" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/block/5/linear/0" [id=146, metatype=PTLinearMetatype, type=linear]; +"features/5/0/block/6/permute/0" [id=147, metatype=UnknownMetatype, type=permute]; +"features.5.0.layer_scale" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/mul/0" [id=149, metatype=PTMulMetatype, type=mul]; +"features/5/0/add_/0" [id=150, metatype=PTAddMetatype, type=add_]; +"features.5.1.block.0.weight" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.0.bias" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/block/0/conv2d/0" [id=153, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/1/block/1/permute/0" [id=154, metatype=UnknownMetatype, type=permute]; +"features.5.1.block.2.weight" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.2.bias" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/block/2/layer_norm/0" [id=157, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.1.block.3.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.3.bias" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/block/3/linear/0" [id=160, metatype=PTLinearMetatype, type=linear]; +"features/5/1/block/4/gelu/0" [id=161, metatype=PTGELUMetatype, type=gelu]; +"features.5.1.block.5.weight" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.5.bias" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/block/5/linear/0" [id=164, metatype=PTLinearMetatype, type=linear]; +"features/5/1/block/6/permute/0" [id=165, metatype=UnknownMetatype, type=permute]; +"features.5.1.layer_scale" [id=166, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/mul/0" [id=167, metatype=PTMulMetatype, type=mul]; +"features/5/1/add_/0" [id=168, metatype=PTAddMetatype, type=add_]; +"features.5.2.block.0.weight" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.0.bias" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/block/0/conv2d/0" [id=171, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/2/block/1/permute/0" [id=172, metatype=UnknownMetatype, type=permute]; +"features.5.2.block.2.weight" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.2.bias" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/block/2/layer_norm/0" [id=175, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.2.block.3.weight" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.3.bias" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/block/3/linear/0" [id=178, metatype=PTLinearMetatype, type=linear]; +"features/5/2/block/4/gelu/0" [id=179, metatype=PTGELUMetatype, type=gelu]; +"features.5.2.block.5.weight" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.5.bias" [id=181, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/block/5/linear/0" [id=182, metatype=PTLinearMetatype, type=linear]; +"features/5/2/block/6/permute/0" [id=183, metatype=UnknownMetatype, type=permute]; +"features.5.2.layer_scale" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/mul/0" [id=185, metatype=PTMulMetatype, type=mul]; +"features/5/2/add_/0" [id=186, metatype=PTAddMetatype, type=add_]; +"features.5.3.block.0.weight" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.3.block.0.bias" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/block/0/conv2d/0" [id=189, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/3/block/1/permute/0" [id=190, metatype=UnknownMetatype, type=permute]; +"features.5.3.block.2.weight" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.3.block.2.bias" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/block/2/layer_norm/0" [id=193, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.3.block.3.weight" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.3.block.3.bias" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/block/3/linear/0" [id=196, metatype=PTLinearMetatype, type=linear]; +"features/5/3/block/4/gelu/0" [id=197, metatype=PTGELUMetatype, type=gelu]; +"features.5.3.block.5.weight" [id=198, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.3.block.5.bias" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/block/5/linear/0" [id=200, metatype=PTLinearMetatype, type=linear]; +"features/5/3/block/6/permute/0" [id=201, metatype=UnknownMetatype, type=permute]; +"features.5.3.layer_scale" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/mul/0" [id=203, metatype=PTMulMetatype, type=mul]; +"features/5/3/add_/0" [id=204, metatype=PTAddMetatype, type=add_]; +"features.5.4.block.0.weight" [id=205, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.4.block.0.bias" [id=206, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/block/0/conv2d/0" [id=207, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/4/block/1/permute/0" [id=208, metatype=UnknownMetatype, type=permute]; +"features.5.4.block.2.weight" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.4.block.2.bias" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/block/2/layer_norm/0" [id=211, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.4.block.3.weight" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.4.block.3.bias" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/block/3/linear/0" [id=214, metatype=PTLinearMetatype, type=linear]; +"features/5/4/block/4/gelu/0" [id=215, metatype=PTGELUMetatype, type=gelu]; +"features.5.4.block.5.weight" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.4.block.5.bias" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/block/5/linear/0" [id=218, metatype=PTLinearMetatype, type=linear]; +"features/5/4/block/6/permute/0" [id=219, metatype=UnknownMetatype, type=permute]; +"features.5.4.layer_scale" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/mul/0" [id=221, metatype=PTMulMetatype, type=mul]; +"features/5/4/add_/0" [id=222, metatype=PTAddMetatype, type=add_]; +"features.5.5.block.0.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.5.block.0.bias" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/block/0/conv2d/0" [id=225, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/5/block/1/permute/0" [id=226, metatype=UnknownMetatype, type=permute]; +"features.5.5.block.2.weight" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.5.block.2.bias" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/block/2/layer_norm/0" [id=229, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.5.block.3.weight" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.5.block.3.bias" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/block/3/linear/0" [id=232, metatype=PTLinearMetatype, type=linear]; +"features/5/5/block/4/gelu/0" [id=233, metatype=PTGELUMetatype, type=gelu]; +"features.5.5.block.5.weight" [id=234, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.5.block.5.bias" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/block/5/linear/0" [id=236, metatype=PTLinearMetatype, type=linear]; +"features/5/5/block/6/permute/0" [id=237, metatype=UnknownMetatype, type=permute]; +"features.5.5.layer_scale" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/mul/0" [id=239, metatype=PTMulMetatype, type=mul]; +"features/5/5/add_/0" [id=240, metatype=PTAddMetatype, type=add_]; +"features.5.6.block.0.weight" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.6.block.0.bias" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/block/0/conv2d/0" [id=243, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/6/block/1/permute/0" [id=244, metatype=UnknownMetatype, type=permute]; +"features.5.6.block.2.weight" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.6.block.2.bias" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/block/2/layer_norm/0" [id=247, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.6.block.3.weight" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.6.block.3.bias" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/block/3/linear/0" [id=250, metatype=PTLinearMetatype, type=linear]; +"features/5/6/block/4/gelu/0" [id=251, metatype=PTGELUMetatype, type=gelu]; +"features.5.6.block.5.weight" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.6.block.5.bias" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/block/5/linear/0" [id=254, metatype=PTLinearMetatype, type=linear]; +"features/5/6/block/6/permute/0" [id=255, metatype=UnknownMetatype, type=permute]; +"features.5.6.layer_scale" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/mul/0" [id=257, metatype=PTMulMetatype, type=mul]; +"features/5/6/add_/0" [id=258, metatype=PTAddMetatype, type=add_]; +"features.5.7.block.0.weight" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.7.block.0.bias" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/block/0/conv2d/0" [id=261, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/7/block/1/permute/0" [id=262, metatype=UnknownMetatype, type=permute]; +"features.5.7.block.2.weight" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.7.block.2.bias" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/block/2/layer_norm/0" [id=265, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.7.block.3.weight" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.7.block.3.bias" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/block/3/linear/0" [id=268, metatype=PTLinearMetatype, type=linear]; +"features/5/7/block/4/gelu/0" [id=269, metatype=PTGELUMetatype, type=gelu]; +"features.5.7.block.5.weight" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.7.block.5.bias" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/block/5/linear/0" [id=272, metatype=PTLinearMetatype, type=linear]; +"features/5/7/block/6/permute/0" [id=273, metatype=UnknownMetatype, type=permute]; +"features.5.7.layer_scale" [id=274, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/mul/0" [id=275, metatype=PTMulMetatype, type=mul]; +"features/5/7/add_/0" [id=276, metatype=PTAddMetatype, type=add_]; +"features.5.8.block.0.weight" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.8.block.0.bias" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/block/0/conv2d/0" [id=279, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/8/block/1/permute/0" [id=280, metatype=UnknownMetatype, type=permute]; +"features.5.8.block.2.weight" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.8.block.2.bias" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/block/2/layer_norm/0" [id=283, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.8.block.3.weight" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.8.block.3.bias" [id=285, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/block/3/linear/0" [id=286, metatype=PTLinearMetatype, type=linear]; +"features/5/8/block/4/gelu/0" [id=287, metatype=PTGELUMetatype, type=gelu]; +"features.5.8.block.5.weight" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.8.block.5.bias" [id=289, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/block/5/linear/0" [id=290, metatype=PTLinearMetatype, type=linear]; +"features/5/8/block/6/permute/0" [id=291, metatype=UnknownMetatype, type=permute]; +"features.5.8.layer_scale" [id=292, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/mul/0" [id=293, metatype=PTMulMetatype, type=mul]; +"features/5/8/add_/0" [id=294, metatype=PTAddMetatype, type=add_]; +"features.5.9.block.0.weight" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.9.block.0.bias" [id=296, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/block/0/conv2d/0" [id=297, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/9/block/1/permute/0" [id=298, metatype=UnknownMetatype, type=permute]; +"features.5.9.block.2.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.9.block.2.bias" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/block/2/layer_norm/0" [id=301, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.9.block.3.weight" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.9.block.3.bias" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/block/3/linear/0" [id=304, metatype=PTLinearMetatype, type=linear]; +"features/5/9/block/4/gelu/0" [id=305, metatype=PTGELUMetatype, type=gelu]; +"features.5.9.block.5.weight" [id=306, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.9.block.5.bias" [id=307, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/block/5/linear/0" [id=308, metatype=PTLinearMetatype, type=linear]; +"features/5/9/block/6/permute/0" [id=309, metatype=UnknownMetatype, type=permute]; +"features.5.9.layer_scale" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/mul/0" [id=311, metatype=PTMulMetatype, type=mul]; +"features/5/9/add_/0" [id=312, metatype=PTAddMetatype, type=add_]; +"features.5.10.block.0.weight" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.10.block.0.bias" [id=314, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/block/0/conv2d/0" [id=315, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/10/block/1/permute/0" [id=316, metatype=UnknownMetatype, type=permute]; +"features.5.10.block.2.weight" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.10.block.2.bias" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/block/2/layer_norm/0" [id=319, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.10.block.3.weight" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.10.block.3.bias" [id=321, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/block/3/linear/0" [id=322, metatype=PTLinearMetatype, type=linear]; +"features/5/10/block/4/gelu/0" [id=323, metatype=PTGELUMetatype, type=gelu]; +"features.5.10.block.5.weight" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.10.block.5.bias" [id=325, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/block/5/linear/0" [id=326, metatype=PTLinearMetatype, type=linear]; +"features/5/10/block/6/permute/0" [id=327, metatype=UnknownMetatype, type=permute]; +"features.5.10.layer_scale" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/mul/0" [id=329, metatype=PTMulMetatype, type=mul]; +"features/5/10/add_/0" [id=330, metatype=PTAddMetatype, type=add_]; +"features.5.11.block.0.weight" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.11.block.0.bias" [id=332, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/block/0/conv2d/0" [id=333, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/11/block/1/permute/0" [id=334, metatype=UnknownMetatype, type=permute]; +"features.5.11.block.2.weight" [id=335, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.11.block.2.bias" [id=336, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/block/2/layer_norm/0" [id=337, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.11.block.3.weight" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.11.block.3.bias" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/block/3/linear/0" [id=340, metatype=PTLinearMetatype, type=linear]; +"features/5/11/block/4/gelu/0" [id=341, metatype=PTGELUMetatype, type=gelu]; +"features.5.11.block.5.weight" [id=342, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.11.block.5.bias" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/block/5/linear/0" [id=344, metatype=PTLinearMetatype, type=linear]; +"features/5/11/block/6/permute/0" [id=345, metatype=UnknownMetatype, type=permute]; +"features.5.11.layer_scale" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/mul/0" [id=347, metatype=PTMulMetatype, type=mul]; +"features/5/11/add_/0" [id=348, metatype=PTAddMetatype, type=add_]; +"features.5.12.block.0.weight" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.12.block.0.bias" [id=350, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/block/0/conv2d/0" [id=351, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/12/block/1/permute/0" [id=352, metatype=UnknownMetatype, type=permute]; +"features.5.12.block.2.weight" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.12.block.2.bias" [id=354, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/block/2/layer_norm/0" [id=355, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.12.block.3.weight" [id=356, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.12.block.3.bias" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/block/3/linear/0" [id=358, metatype=PTLinearMetatype, type=linear]; +"features/5/12/block/4/gelu/0" [id=359, metatype=PTGELUMetatype, type=gelu]; +"features.5.12.block.5.weight" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.12.block.5.bias" [id=361, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/block/5/linear/0" [id=362, metatype=PTLinearMetatype, type=linear]; +"features/5/12/block/6/permute/0" [id=363, metatype=UnknownMetatype, type=permute]; +"features.5.12.layer_scale" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/mul/0" [id=365, metatype=PTMulMetatype, type=mul]; +"features/5/12/add_/0" [id=366, metatype=PTAddMetatype, type=add_]; +"features.5.13.block.0.weight" [id=367, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.13.block.0.bias" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/block/0/conv2d/0" [id=369, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/13/block/1/permute/0" [id=370, metatype=UnknownMetatype, type=permute]; +"features.5.13.block.2.weight" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.13.block.2.bias" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/block/2/layer_norm/0" [id=373, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.13.block.3.weight" [id=374, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.13.block.3.bias" [id=375, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/block/3/linear/0" [id=376, metatype=PTLinearMetatype, type=linear]; +"features/5/13/block/4/gelu/0" [id=377, metatype=PTGELUMetatype, type=gelu]; +"features.5.13.block.5.weight" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.13.block.5.bias" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/block/5/linear/0" [id=380, metatype=PTLinearMetatype, type=linear]; +"features/5/13/block/6/permute/0" [id=381, metatype=UnknownMetatype, type=permute]; +"features.5.13.layer_scale" [id=382, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/mul/0" [id=383, metatype=PTMulMetatype, type=mul]; +"features/5/13/add_/0" [id=384, metatype=PTAddMetatype, type=add_]; +"features.5.14.block.0.weight" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.14.block.0.bias" [id=386, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/block/0/conv2d/0" [id=387, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/14/block/1/permute/0" [id=388, metatype=UnknownMetatype, type=permute]; +"features.5.14.block.2.weight" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.14.block.2.bias" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/block/2/layer_norm/0" [id=391, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.14.block.3.weight" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.14.block.3.bias" [id=393, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/block/3/linear/0" [id=394, metatype=PTLinearMetatype, type=linear]; +"features/5/14/block/4/gelu/0" [id=395, metatype=PTGELUMetatype, type=gelu]; +"features.5.14.block.5.weight" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.14.block.5.bias" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/block/5/linear/0" [id=398, metatype=PTLinearMetatype, type=linear]; +"features/5/14/block/6/permute/0" [id=399, metatype=UnknownMetatype, type=permute]; +"features.5.14.layer_scale" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/mul/0" [id=401, metatype=PTMulMetatype, type=mul]; +"features/5/14/add_/0" [id=402, metatype=PTAddMetatype, type=add_]; +"features.5.15.block.0.weight" [id=403, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.15.block.0.bias" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/block/0/conv2d/0" [id=405, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/15/block/1/permute/0" [id=406, metatype=UnknownMetatype, type=permute]; +"features.5.15.block.2.weight" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.15.block.2.bias" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/block/2/layer_norm/0" [id=409, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.15.block.3.weight" [id=410, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.15.block.3.bias" [id=411, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/block/3/linear/0" [id=412, metatype=PTLinearMetatype, type=linear]; +"features/5/15/block/4/gelu/0" [id=413, metatype=PTGELUMetatype, type=gelu]; +"features.5.15.block.5.weight" [id=414, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.15.block.5.bias" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/block/5/linear/0" [id=416, metatype=PTLinearMetatype, type=linear]; +"features/5/15/block/6/permute/0" [id=417, metatype=UnknownMetatype, type=permute]; +"features.5.15.layer_scale" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/mul/0" [id=419, metatype=PTMulMetatype, type=mul]; +"features/5/15/add_/0" [id=420, metatype=PTAddMetatype, type=add_]; +"features.5.16.block.0.weight" [id=421, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.16.block.0.bias" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/block/0/conv2d/0" [id=423, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/16/block/1/permute/0" [id=424, metatype=UnknownMetatype, type=permute]; +"features.5.16.block.2.weight" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.16.block.2.bias" [id=426, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/block/2/layer_norm/0" [id=427, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.16.block.3.weight" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.16.block.3.bias" [id=429, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/block/3/linear/0" [id=430, metatype=PTLinearMetatype, type=linear]; +"features/5/16/block/4/gelu/0" [id=431, metatype=PTGELUMetatype, type=gelu]; +"features.5.16.block.5.weight" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.16.block.5.bias" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/block/5/linear/0" [id=434, metatype=PTLinearMetatype, type=linear]; +"features/5/16/block/6/permute/0" [id=435, metatype=UnknownMetatype, type=permute]; +"features.5.16.layer_scale" [id=436, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/mul/0" [id=437, metatype=PTMulMetatype, type=mul]; +"features/5/16/add_/0" [id=438, metatype=PTAddMetatype, type=add_]; +"features.5.17.block.0.weight" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.17.block.0.bias" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/block/0/conv2d/0" [id=441, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/17/block/1/permute/0" [id=442, metatype=UnknownMetatype, type=permute]; +"features.5.17.block.2.weight" [id=443, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.17.block.2.bias" [id=444, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/block/2/layer_norm/0" [id=445, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.17.block.3.weight" [id=446, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.17.block.3.bias" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/block/3/linear/0" [id=448, metatype=PTLinearMetatype, type=linear]; +"features/5/17/block/4/gelu/0" [id=449, metatype=PTGELUMetatype, type=gelu]; +"features.5.17.block.5.weight" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.17.block.5.bias" [id=451, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/block/5/linear/0" [id=452, metatype=PTLinearMetatype, type=linear]; +"features/5/17/block/6/permute/0" [id=453, metatype=UnknownMetatype, type=permute]; +"features.5.17.layer_scale" [id=454, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/mul/0" [id=455, metatype=PTMulMetatype, type=mul]; +"features/5/17/add_/0" [id=456, metatype=PTAddMetatype, type=add_]; +"features.5.18.block.0.weight" [id=457, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.18.block.0.bias" [id=458, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/18/block/0/conv2d/0" [id=459, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/18/block/1/permute/0" [id=460, metatype=UnknownMetatype, type=permute]; +"features.5.18.block.2.weight" [id=461, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.18.block.2.bias" [id=462, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/18/block/2/layer_norm/0" [id=463, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.18.block.3.weight" [id=464, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.18.block.3.bias" [id=465, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/18/block/3/linear/0" [id=466, metatype=PTLinearMetatype, type=linear]; +"features/5/18/block/4/gelu/0" [id=467, metatype=PTGELUMetatype, type=gelu]; +"features.5.18.block.5.weight" [id=468, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.18.block.5.bias" [id=469, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/18/block/5/linear/0" [id=470, metatype=PTLinearMetatype, type=linear]; +"features/5/18/block/6/permute/0" [id=471, metatype=UnknownMetatype, type=permute]; +"features.5.18.layer_scale" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/18/mul/0" [id=473, metatype=PTMulMetatype, type=mul]; +"features/5/18/add_/0" [id=474, metatype=PTAddMetatype, type=add_]; +"features.5.19.block.0.weight" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.19.block.0.bias" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/19/block/0/conv2d/0" [id=477, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/19/block/1/permute/0" [id=478, metatype=UnknownMetatype, type=permute]; +"features.5.19.block.2.weight" [id=479, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.19.block.2.bias" [id=480, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/19/block/2/layer_norm/0" [id=481, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.19.block.3.weight" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.19.block.3.bias" [id=483, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/19/block/3/linear/0" [id=484, metatype=PTLinearMetatype, type=linear]; +"features/5/19/block/4/gelu/0" [id=485, metatype=PTGELUMetatype, type=gelu]; +"features.5.19.block.5.weight" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.19.block.5.bias" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/19/block/5/linear/0" [id=488, metatype=PTLinearMetatype, type=linear]; +"features/5/19/block/6/permute/0" [id=489, metatype=UnknownMetatype, type=permute]; +"features.5.19.layer_scale" [id=490, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/19/mul/0" [id=491, metatype=PTMulMetatype, type=mul]; +"features/5/19/add_/0" [id=492, metatype=PTAddMetatype, type=add_]; +"features.5.20.block.0.weight" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.20.block.0.bias" [id=494, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/20/block/0/conv2d/0" [id=495, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/20/block/1/permute/0" [id=496, metatype=UnknownMetatype, type=permute]; +"features.5.20.block.2.weight" [id=497, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.20.block.2.bias" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/20/block/2/layer_norm/0" [id=499, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.20.block.3.weight" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.20.block.3.bias" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/20/block/3/linear/0" [id=502, metatype=PTLinearMetatype, type=linear]; +"features/5/20/block/4/gelu/0" [id=503, metatype=PTGELUMetatype, type=gelu]; +"features.5.20.block.5.weight" [id=504, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.20.block.5.bias" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/20/block/5/linear/0" [id=506, metatype=PTLinearMetatype, type=linear]; +"features/5/20/block/6/permute/0" [id=507, metatype=UnknownMetatype, type=permute]; +"features.5.20.layer_scale" [id=508, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/20/mul/0" [id=509, metatype=PTMulMetatype, type=mul]; +"features/5/20/add_/0" [id=510, metatype=PTAddMetatype, type=add_]; +"features.5.21.block.0.weight" [id=511, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.21.block.0.bias" [id=512, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/21/block/0/conv2d/0" [id=513, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/21/block/1/permute/0" [id=514, metatype=UnknownMetatype, type=permute]; +"features.5.21.block.2.weight" [id=515, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.21.block.2.bias" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/21/block/2/layer_norm/0" [id=517, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.21.block.3.weight" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.21.block.3.bias" [id=519, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/21/block/3/linear/0" [id=520, metatype=PTLinearMetatype, type=linear]; +"features/5/21/block/4/gelu/0" [id=521, metatype=PTGELUMetatype, type=gelu]; +"features.5.21.block.5.weight" [id=522, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.21.block.5.bias" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/21/block/5/linear/0" [id=524, metatype=PTLinearMetatype, type=linear]; +"features/5/21/block/6/permute/0" [id=525, metatype=UnknownMetatype, type=permute]; +"features.5.21.layer_scale" [id=526, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/21/mul/0" [id=527, metatype=PTMulMetatype, type=mul]; +"features/5/21/add_/0" [id=528, metatype=PTAddMetatype, type=add_]; +"features.5.22.block.0.weight" [id=529, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.22.block.0.bias" [id=530, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/22/block/0/conv2d/0" [id=531, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/22/block/1/permute/0" [id=532, metatype=UnknownMetatype, type=permute]; +"features.5.22.block.2.weight" [id=533, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.22.block.2.bias" [id=534, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/22/block/2/layer_norm/0" [id=535, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.22.block.3.weight" [id=536, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.22.block.3.bias" [id=537, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/22/block/3/linear/0" [id=538, metatype=PTLinearMetatype, type=linear]; +"features/5/22/block/4/gelu/0" [id=539, metatype=PTGELUMetatype, type=gelu]; +"features.5.22.block.5.weight" [id=540, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.22.block.5.bias" [id=541, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/22/block/5/linear/0" [id=542, metatype=PTLinearMetatype, type=linear]; +"features/5/22/block/6/permute/0" [id=543, metatype=UnknownMetatype, type=permute]; +"features.5.22.layer_scale" [id=544, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/22/mul/0" [id=545, metatype=PTMulMetatype, type=mul]; +"features/5/22/add_/0" [id=546, metatype=PTAddMetatype, type=add_]; +"features.5.23.block.0.weight" [id=547, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.23.block.0.bias" [id=548, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/23/block/0/conv2d/0" [id=549, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/23/block/1/permute/0" [id=550, metatype=UnknownMetatype, type=permute]; +"features.5.23.block.2.weight" [id=551, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.23.block.2.bias" [id=552, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/23/block/2/layer_norm/0" [id=553, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.23.block.3.weight" [id=554, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.23.block.3.bias" [id=555, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/23/block/3/linear/0" [id=556, metatype=PTLinearMetatype, type=linear]; +"features/5/23/block/4/gelu/0" [id=557, metatype=PTGELUMetatype, type=gelu]; +"features.5.23.block.5.weight" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.23.block.5.bias" [id=559, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/23/block/5/linear/0" [id=560, metatype=PTLinearMetatype, type=linear]; +"features/5/23/block/6/permute/0" [id=561, metatype=UnknownMetatype, type=permute]; +"features.5.23.layer_scale" [id=562, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/23/mul/0" [id=563, metatype=PTMulMetatype, type=mul]; +"features/5/23/add_/0" [id=564, metatype=PTAddMetatype, type=add_]; +"features.5.24.block.0.weight" [id=565, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.24.block.0.bias" [id=566, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/24/block/0/conv2d/0" [id=567, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/24/block/1/permute/0" [id=568, metatype=UnknownMetatype, type=permute]; +"features.5.24.block.2.weight" [id=569, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.24.block.2.bias" [id=570, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/24/block/2/layer_norm/0" [id=571, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.24.block.3.weight" [id=572, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.24.block.3.bias" [id=573, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/24/block/3/linear/0" [id=574, metatype=PTLinearMetatype, type=linear]; +"features/5/24/block/4/gelu/0" [id=575, metatype=PTGELUMetatype, type=gelu]; +"features.5.24.block.5.weight" [id=576, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.24.block.5.bias" [id=577, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/24/block/5/linear/0" [id=578, metatype=PTLinearMetatype, type=linear]; +"features/5/24/block/6/permute/0" [id=579, metatype=UnknownMetatype, type=permute]; +"features.5.24.layer_scale" [id=580, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/24/mul/0" [id=581, metatype=PTMulMetatype, type=mul]; +"features/5/24/add_/0" [id=582, metatype=PTAddMetatype, type=add_]; +"features.5.25.block.0.weight" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.25.block.0.bias" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/25/block/0/conv2d/0" [id=585, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/25/block/1/permute/0" [id=586, metatype=UnknownMetatype, type=permute]; +"features.5.25.block.2.weight" [id=587, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.25.block.2.bias" [id=588, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/25/block/2/layer_norm/0" [id=589, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.25.block.3.weight" [id=590, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.25.block.3.bias" [id=591, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/25/block/3/linear/0" [id=592, metatype=PTLinearMetatype, type=linear]; +"features/5/25/block/4/gelu/0" [id=593, metatype=PTGELUMetatype, type=gelu]; +"features.5.25.block.5.weight" [id=594, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.25.block.5.bias" [id=595, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/25/block/5/linear/0" [id=596, metatype=PTLinearMetatype, type=linear]; +"features/5/25/block/6/permute/0" [id=597, metatype=UnknownMetatype, type=permute]; +"features.5.25.layer_scale" [id=598, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/25/mul/0" [id=599, metatype=PTMulMetatype, type=mul]; +"features/5/25/add_/0" [id=600, metatype=PTAddMetatype, type=add_]; +"features.5.26.block.0.weight" [id=601, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.26.block.0.bias" [id=602, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/26/block/0/conv2d/0" [id=603, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/5/26/block/1/permute/0" [id=604, metatype=UnknownMetatype, type=permute]; +"features.5.26.block.2.weight" [id=605, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.26.block.2.bias" [id=606, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/26/block/2/layer_norm/0" [id=607, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.26.block.3.weight" [id=608, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.26.block.3.bias" [id=609, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/26/block/3/linear/0" [id=610, metatype=PTLinearMetatype, type=linear]; +"features/5/26/block/4/gelu/0" [id=611, metatype=PTGELUMetatype, type=gelu]; +"features.5.26.block.5.weight" [id=612, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.26.block.5.bias" [id=613, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/26/block/5/linear/0" [id=614, metatype=PTLinearMetatype, type=linear]; +"features/5/26/block/6/permute/0" [id=615, metatype=UnknownMetatype, type=permute]; +"features.5.26.layer_scale" [id=616, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/26/mul/0" [id=617, metatype=PTMulMetatype, type=mul]; +"features/5/26/add_/0" [id=618, metatype=PTAddMetatype, type=add_]; +"features/6/0/permute/0" [id=619, metatype=PTTransposeMetatype, type=permute]; +"features.6.0.weight" [id=620, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.0.bias" [id=621, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/0/layer_norm/0" [id=622, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/6/0/permute/1" [id=623, metatype=PTTransposeMetatype, type=permute]; +"features.6.1.weight" [id=624, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.1.bias" [id=625, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/1/conv2d/0" [id=626, metatype=PTConv2dMetatype, type=conv2d]; +"features.7.0.block.0.weight" [id=627, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.0.bias" [id=628, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/block/0/conv2d/0" [id=629, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/7/0/block/1/permute/0" [id=630, metatype=UnknownMetatype, type=permute]; +"features.7.0.block.2.weight" [id=631, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.2.bias" [id=632, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/block/2/layer_norm/0" [id=633, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.7.0.block.3.weight" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.3.bias" [id=635, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/block/3/linear/0" [id=636, metatype=PTLinearMetatype, type=linear]; +"features/7/0/block/4/gelu/0" [id=637, metatype=PTGELUMetatype, type=gelu]; +"features.7.0.block.5.weight" [id=638, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.5.bias" [id=639, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/block/5/linear/0" [id=640, metatype=PTLinearMetatype, type=linear]; +"features/7/0/block/6/permute/0" [id=641, metatype=UnknownMetatype, type=permute]; +"features.7.0.layer_scale" [id=642, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/mul/0" [id=643, metatype=PTMulMetatype, type=mul]; +"features/7/0/add_/0" [id=644, metatype=PTAddMetatype, type=add_]; +"features.7.1.block.0.weight" [id=645, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.1.block.0.bias" [id=646, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/block/0/conv2d/0" [id=647, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/7/1/block/1/permute/0" [id=648, metatype=UnknownMetatype, type=permute]; +"features.7.1.block.2.weight" [id=649, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.1.block.2.bias" [id=650, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/block/2/layer_norm/0" [id=651, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.7.1.block.3.weight" [id=652, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.1.block.3.bias" [id=653, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/block/3/linear/0" [id=654, metatype=PTLinearMetatype, type=linear]; +"features/7/1/block/4/gelu/0" [id=655, metatype=PTGELUMetatype, type=gelu]; +"features.7.1.block.5.weight" [id=656, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.1.block.5.bias" [id=657, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/block/5/linear/0" [id=658, metatype=PTLinearMetatype, type=linear]; +"features/7/1/block/6/permute/0" [id=659, metatype=UnknownMetatype, type=permute]; +"features.7.1.layer_scale" [id=660, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/mul/0" [id=661, metatype=PTMulMetatype, type=mul]; +"features/7/1/add_/0" [id=662, metatype=PTAddMetatype, type=add_]; +"features.7.2.block.0.weight" [id=663, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.2.block.0.bias" [id=664, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/2/block/0/conv2d/0" [id=665, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features/7/2/block/1/permute/0" [id=666, metatype=UnknownMetatype, type=permute]; +"features.7.2.block.2.weight" [id=667, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.2.block.2.bias" [id=668, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/2/block/2/layer_norm/0" [id=669, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.7.2.block.3.weight" [id=670, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.2.block.3.bias" [id=671, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/2/block/3/linear/0" [id=672, metatype=PTLinearMetatype, type=linear]; +"features/7/2/block/4/gelu/0" [id=673, metatype=PTGELUMetatype, type=gelu]; +"features.7.2.block.5.weight" [id=674, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.2.block.5.bias" [id=675, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/2/block/5/linear/0" [id=676, metatype=PTLinearMetatype, type=linear]; +"features/7/2/block/6/permute/0" [id=677, metatype=UnknownMetatype, type=permute]; +"features.7.2.layer_scale" [id=678, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/2/mul/0" [id=679, metatype=PTMulMetatype, type=mul]; +"features/7/2/add_/0" [id=680, metatype=PTAddMetatype, type=add_]; +"avgpool/adaptive_avg_pool2d/0" [id=681, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"classifier/0/permute/0" [id=682, metatype=PTTransposeMetatype, type=permute]; +"classifier.0.weight" [id=683, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.0.bias" [id=684, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/0/layer_norm/0" [id=685, metatype=PTLayerNormMetatype, type=layer_norm]; +"classifier/0/permute/1" [id=686, metatype=PTTransposeMetatype, type=permute]; +"classifier/1/flatten/0" [id=687, metatype=PTReshapeMetatype, type=flatten]; +"classifier.2.weight" [id=688, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.2.bias" [id=689, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/2/linear/0" [id=690, metatype=PTLinearMetatype, type=linear]; +output [id=691, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "features/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; +"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 3, 4, 4)"]; +"features.0.0.bias" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features/0/0/conv2d/0" -> "features/0/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/0/1/permute/0" -> "features/0/1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; +"features.0.1.weight" -> "features/0/1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.0.1.bias" -> "features/0/1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features/0/1/layer_norm/0" -> "features/0/1/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; +"features/0/1/permute/1" -> "features/1/0/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/0/1/permute/1" -> "features/1/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.1.0.block.0.weight" -> "features/1/0/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 7, 7)"]; +"features.1.0.block.0.bias" -> "features/1/0/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features/1/0/block/0/conv2d/0" -> "features/1/0/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/1/0/block/1/permute/0" -> "features/1/0/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; +"features.1.0.block.2.weight" -> "features/1/0/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.1.0.block.2.bias" -> "features/1/0/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features/1/0/block/2/layer_norm/0" -> "features/1/0/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; +"features.1.0.block.3.weight" -> "features/1/0/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 96)"]; +"features.1.0.block.3.bias" -> "features/1/0/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/1/0/block/3/linear/0" -> "features/1/0/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 384)"]; +"features/1/0/block/4/gelu/0" -> "features/1/0/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 384)"]; +"features.1.0.block.5.weight" -> "features/1/0/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 384)"]; +"features.1.0.block.5.bias" -> "features/1/0/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features/1/0/block/5/linear/0" -> "features/1/0/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; +"features/1/0/block/6/permute/0" -> "features/1/0/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.1.0.layer_scale" -> "features/1/0/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 1)"]; +"features/1/0/mul/0" -> "features/1/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/1/0/add_/0" -> "features/1/1/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/1/0/add_/0" -> "features/1/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.1.1.block.0.weight" -> "features/1/1/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 7, 7)"]; +"features.1.1.block.0.bias" -> "features/1/1/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features/1/1/block/0/conv2d/0" -> "features/1/1/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/1/1/block/1/permute/0" -> "features/1/1/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; +"features.1.1.block.2.weight" -> "features/1/1/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.1.1.block.2.bias" -> "features/1/1/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features/1/1/block/2/layer_norm/0" -> "features/1/1/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; +"features.1.1.block.3.weight" -> "features/1/1/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 96)"]; +"features.1.1.block.3.bias" -> "features/1/1/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/1/1/block/3/linear/0" -> "features/1/1/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 384)"]; +"features/1/1/block/4/gelu/0" -> "features/1/1/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 384)"]; +"features.1.1.block.5.weight" -> "features/1/1/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 384)"]; +"features.1.1.block.5.bias" -> "features/1/1/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features/1/1/block/5/linear/0" -> "features/1/1/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; +"features/1/1/block/6/permute/0" -> "features/1/1/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.1.1.layer_scale" -> "features/1/1/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 1)"]; +"features/1/1/mul/0" -> "features/1/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/1/1/add_/0" -> "features/1/2/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/1/1/add_/0" -> "features/1/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.1.2.block.0.weight" -> "features/1/2/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 7, 7)"]; +"features.1.2.block.0.bias" -> "features/1/2/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features/1/2/block/0/conv2d/0" -> "features/1/2/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/1/2/block/1/permute/0" -> "features/1/2/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; +"features.1.2.block.2.weight" -> "features/1/2/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.1.2.block.2.bias" -> "features/1/2/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features/1/2/block/2/layer_norm/0" -> "features/1/2/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; +"features.1.2.block.3.weight" -> "features/1/2/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 96)"]; +"features.1.2.block.3.bias" -> "features/1/2/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/1/2/block/3/linear/0" -> "features/1/2/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 384)"]; +"features/1/2/block/4/gelu/0" -> "features/1/2/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 384)"]; +"features.1.2.block.5.weight" -> "features/1/2/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 384)"]; +"features.1.2.block.5.bias" -> "features/1/2/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features/1/2/block/5/linear/0" -> "features/1/2/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; +"features/1/2/block/6/permute/0" -> "features/1/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.1.2.layer_scale" -> "features/1/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 1)"]; +"features/1/2/mul/0" -> "features/1/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/1/2/add_/0" -> "features/2/0/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/2/0/permute/0" -> "features/2/0/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; +"features.2.0.weight" -> "features/2/0/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.2.0.bias" -> "features/2/0/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features/2/0/layer_norm/0" -> "features/2/0/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; +"features/2/0/permute/1" -> "features/2/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.2.1.weight" -> "features/2/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 96, 2, 2)"]; +"features.2.1.bias" -> "features/2/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features/2/1/conv2d/0" -> "features/3/0/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/2/1/conv2d/0" -> "features/3/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.3.0.block.0.weight" -> "features/3/0/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 7, 7)"]; +"features.3.0.block.0.bias" -> "features/3/0/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features/3/0/block/0/conv2d/0" -> "features/3/0/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/3/0/block/1/permute/0" -> "features/3/0/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; +"features.3.0.block.2.weight" -> "features/3/0/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.3.0.block.2.bias" -> "features/3/0/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features/3/0/block/2/layer_norm/0" -> "features/3/0/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; +"features.3.0.block.3.weight" -> "features/3/0/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 192)"]; +"features.3.0.block.3.bias" -> "features/3/0/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features/3/0/block/3/linear/0" -> "features/3/0/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 768)"]; +"features/3/0/block/4/gelu/0" -> "features/3/0/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 768)"]; +"features.3.0.block.5.weight" -> "features/3/0/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768)"]; +"features.3.0.block.5.bias" -> "features/3/0/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features/3/0/block/5/linear/0" -> "features/3/0/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; +"features/3/0/block/6/permute/0" -> "features/3/0/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.3.0.layer_scale" -> "features/3/0/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 1, 1)"]; +"features/3/0/mul/0" -> "features/3/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/3/0/add_/0" -> "features/3/1/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/3/0/add_/0" -> "features/3/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.3.1.block.0.weight" -> "features/3/1/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 7, 7)"]; +"features.3.1.block.0.bias" -> "features/3/1/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features/3/1/block/0/conv2d/0" -> "features/3/1/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/3/1/block/1/permute/0" -> "features/3/1/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; +"features.3.1.block.2.weight" -> "features/3/1/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.3.1.block.2.bias" -> "features/3/1/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features/3/1/block/2/layer_norm/0" -> "features/3/1/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; +"features.3.1.block.3.weight" -> "features/3/1/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 192)"]; +"features.3.1.block.3.bias" -> "features/3/1/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features/3/1/block/3/linear/0" -> "features/3/1/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 768)"]; +"features/3/1/block/4/gelu/0" -> "features/3/1/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 768)"]; +"features.3.1.block.5.weight" -> "features/3/1/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768)"]; +"features.3.1.block.5.bias" -> "features/3/1/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features/3/1/block/5/linear/0" -> "features/3/1/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; +"features/3/1/block/6/permute/0" -> "features/3/1/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.3.1.layer_scale" -> "features/3/1/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 1, 1)"]; +"features/3/1/mul/0" -> "features/3/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/3/1/add_/0" -> "features/3/2/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/3/1/add_/0" -> "features/3/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.3.2.block.0.weight" -> "features/3/2/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 7, 7)"]; +"features.3.2.block.0.bias" -> "features/3/2/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features/3/2/block/0/conv2d/0" -> "features/3/2/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/3/2/block/1/permute/0" -> "features/3/2/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; +"features.3.2.block.2.weight" -> "features/3/2/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.3.2.block.2.bias" -> "features/3/2/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features/3/2/block/2/layer_norm/0" -> "features/3/2/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; +"features.3.2.block.3.weight" -> "features/3/2/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 192)"]; +"features.3.2.block.3.bias" -> "features/3/2/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features/3/2/block/3/linear/0" -> "features/3/2/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 768)"]; +"features/3/2/block/4/gelu/0" -> "features/3/2/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 768)"]; +"features.3.2.block.5.weight" -> "features/3/2/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768)"]; +"features.3.2.block.5.bias" -> "features/3/2/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features/3/2/block/5/linear/0" -> "features/3/2/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; +"features/3/2/block/6/permute/0" -> "features/3/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.3.2.layer_scale" -> "features/3/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 1, 1)"]; +"features/3/2/mul/0" -> "features/3/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/3/2/add_/0" -> "features/4/0/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/4/0/permute/0" -> "features/4/0/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; +"features.4.0.weight" -> "features/4/0/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.4.0.bias" -> "features/4/0/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features/4/0/layer_norm/0" -> "features/4/0/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; +"features/4/0/permute/1" -> "features/4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.4.1.weight" -> "features/4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 192, 2, 2)"]; +"features.4.1.bias" -> "features/4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/4/1/conv2d/0" -> "features/5/0/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/4/1/conv2d/0" -> "features/5/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.0.block.0.weight" -> "features/5/0/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.0.block.0.bias" -> "features/5/0/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/0/block/0/conv2d/0" -> "features/5/0/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/0/block/1/permute/0" -> "features/5/0/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.0.block.2.weight" -> "features/5/0/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.0.block.2.bias" -> "features/5/0/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/0/block/2/layer_norm/0" -> "features/5/0/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.0.block.3.weight" -> "features/5/0/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.0.block.3.bias" -> "features/5/0/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/0/block/3/linear/0" -> "features/5/0/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/0/block/4/gelu/0" -> "features/5/0/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.0.block.5.weight" -> "features/5/0/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.0.block.5.bias" -> "features/5/0/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/0/block/5/linear/0" -> "features/5/0/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/0/block/6/permute/0" -> "features/5/0/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.0.layer_scale" -> "features/5/0/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/0/mul/0" -> "features/5/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/0/add_/0" -> "features/5/1/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/0/add_/0" -> "features/5/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.1.block.0.weight" -> "features/5/1/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.1.block.0.bias" -> "features/5/1/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/1/block/0/conv2d/0" -> "features/5/1/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/1/block/1/permute/0" -> "features/5/1/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.1.block.2.weight" -> "features/5/1/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.1.block.2.bias" -> "features/5/1/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/1/block/2/layer_norm/0" -> "features/5/1/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.1.block.3.weight" -> "features/5/1/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.1.block.3.bias" -> "features/5/1/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/1/block/3/linear/0" -> "features/5/1/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/1/block/4/gelu/0" -> "features/5/1/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.1.block.5.weight" -> "features/5/1/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.1.block.5.bias" -> "features/5/1/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/1/block/5/linear/0" -> "features/5/1/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/1/block/6/permute/0" -> "features/5/1/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.1.layer_scale" -> "features/5/1/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/1/mul/0" -> "features/5/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/1/add_/0" -> "features/5/2/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/1/add_/0" -> "features/5/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.2.block.0.weight" -> "features/5/2/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.2.block.0.bias" -> "features/5/2/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/2/block/0/conv2d/0" -> "features/5/2/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/2/block/1/permute/0" -> "features/5/2/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.2.block.2.weight" -> "features/5/2/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.2.block.2.bias" -> "features/5/2/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/2/block/2/layer_norm/0" -> "features/5/2/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.2.block.3.weight" -> "features/5/2/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.2.block.3.bias" -> "features/5/2/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/2/block/3/linear/0" -> "features/5/2/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/2/block/4/gelu/0" -> "features/5/2/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.2.block.5.weight" -> "features/5/2/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.2.block.5.bias" -> "features/5/2/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/2/block/5/linear/0" -> "features/5/2/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/2/block/6/permute/0" -> "features/5/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.2.layer_scale" -> "features/5/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/2/mul/0" -> "features/5/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/2/add_/0" -> "features/5/3/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/2/add_/0" -> "features/5/3/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.3.block.0.weight" -> "features/5/3/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.3.block.0.bias" -> "features/5/3/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/3/block/0/conv2d/0" -> "features/5/3/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/3/block/1/permute/0" -> "features/5/3/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.3.block.2.weight" -> "features/5/3/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.3.block.2.bias" -> "features/5/3/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/3/block/2/layer_norm/0" -> "features/5/3/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.3.block.3.weight" -> "features/5/3/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.3.block.3.bias" -> "features/5/3/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/3/block/3/linear/0" -> "features/5/3/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/3/block/4/gelu/0" -> "features/5/3/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.3.block.5.weight" -> "features/5/3/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.3.block.5.bias" -> "features/5/3/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/3/block/5/linear/0" -> "features/5/3/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/3/block/6/permute/0" -> "features/5/3/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.3.layer_scale" -> "features/5/3/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/3/mul/0" -> "features/5/3/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/3/add_/0" -> "features/5/4/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/3/add_/0" -> "features/5/4/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.4.block.0.weight" -> "features/5/4/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.4.block.0.bias" -> "features/5/4/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/4/block/0/conv2d/0" -> "features/5/4/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/4/block/1/permute/0" -> "features/5/4/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.4.block.2.weight" -> "features/5/4/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.4.block.2.bias" -> "features/5/4/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/4/block/2/layer_norm/0" -> "features/5/4/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.4.block.3.weight" -> "features/5/4/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.4.block.3.bias" -> "features/5/4/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/4/block/3/linear/0" -> "features/5/4/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/4/block/4/gelu/0" -> "features/5/4/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.4.block.5.weight" -> "features/5/4/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.4.block.5.bias" -> "features/5/4/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/4/block/5/linear/0" -> "features/5/4/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/4/block/6/permute/0" -> "features/5/4/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.4.layer_scale" -> "features/5/4/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/4/mul/0" -> "features/5/4/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/4/add_/0" -> "features/5/5/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/4/add_/0" -> "features/5/5/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.5.block.0.weight" -> "features/5/5/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.5.block.0.bias" -> "features/5/5/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/5/block/0/conv2d/0" -> "features/5/5/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/5/block/1/permute/0" -> "features/5/5/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.5.block.2.weight" -> "features/5/5/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.5.block.2.bias" -> "features/5/5/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/5/block/2/layer_norm/0" -> "features/5/5/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.5.block.3.weight" -> "features/5/5/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.5.block.3.bias" -> "features/5/5/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/5/block/3/linear/0" -> "features/5/5/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/5/block/4/gelu/0" -> "features/5/5/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.5.block.5.weight" -> "features/5/5/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.5.block.5.bias" -> "features/5/5/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/5/block/5/linear/0" -> "features/5/5/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/5/block/6/permute/0" -> "features/5/5/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.5.layer_scale" -> "features/5/5/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/5/mul/0" -> "features/5/5/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/5/add_/0" -> "features/5/6/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/5/add_/0" -> "features/5/6/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.6.block.0.weight" -> "features/5/6/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.6.block.0.bias" -> "features/5/6/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/6/block/0/conv2d/0" -> "features/5/6/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/6/block/1/permute/0" -> "features/5/6/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.6.block.2.weight" -> "features/5/6/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.6.block.2.bias" -> "features/5/6/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/6/block/2/layer_norm/0" -> "features/5/6/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.6.block.3.weight" -> "features/5/6/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.6.block.3.bias" -> "features/5/6/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/6/block/3/linear/0" -> "features/5/6/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/6/block/4/gelu/0" -> "features/5/6/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.6.block.5.weight" -> "features/5/6/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.6.block.5.bias" -> "features/5/6/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/6/block/5/linear/0" -> "features/5/6/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/6/block/6/permute/0" -> "features/5/6/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.6.layer_scale" -> "features/5/6/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/6/mul/0" -> "features/5/6/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/6/add_/0" -> "features/5/7/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/6/add_/0" -> "features/5/7/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.7.block.0.weight" -> "features/5/7/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.7.block.0.bias" -> "features/5/7/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/7/block/0/conv2d/0" -> "features/5/7/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/7/block/1/permute/0" -> "features/5/7/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.7.block.2.weight" -> "features/5/7/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.7.block.2.bias" -> "features/5/7/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/7/block/2/layer_norm/0" -> "features/5/7/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.7.block.3.weight" -> "features/5/7/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.7.block.3.bias" -> "features/5/7/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/7/block/3/linear/0" -> "features/5/7/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/7/block/4/gelu/0" -> "features/5/7/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.7.block.5.weight" -> "features/5/7/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.7.block.5.bias" -> "features/5/7/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/7/block/5/linear/0" -> "features/5/7/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/7/block/6/permute/0" -> "features/5/7/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.7.layer_scale" -> "features/5/7/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/7/mul/0" -> "features/5/7/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/7/add_/0" -> "features/5/8/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/7/add_/0" -> "features/5/8/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.8.block.0.weight" -> "features/5/8/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.8.block.0.bias" -> "features/5/8/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/8/block/0/conv2d/0" -> "features/5/8/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/8/block/1/permute/0" -> "features/5/8/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.8.block.2.weight" -> "features/5/8/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.8.block.2.bias" -> "features/5/8/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/8/block/2/layer_norm/0" -> "features/5/8/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.8.block.3.weight" -> "features/5/8/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.8.block.3.bias" -> "features/5/8/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/8/block/3/linear/0" -> "features/5/8/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/8/block/4/gelu/0" -> "features/5/8/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.8.block.5.weight" -> "features/5/8/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.8.block.5.bias" -> "features/5/8/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/8/block/5/linear/0" -> "features/5/8/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/8/block/6/permute/0" -> "features/5/8/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.8.layer_scale" -> "features/5/8/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/8/mul/0" -> "features/5/8/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/8/add_/0" -> "features/5/9/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/8/add_/0" -> "features/5/9/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.9.block.0.weight" -> "features/5/9/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.9.block.0.bias" -> "features/5/9/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/9/block/0/conv2d/0" -> "features/5/9/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/9/block/1/permute/0" -> "features/5/9/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.9.block.2.weight" -> "features/5/9/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.9.block.2.bias" -> "features/5/9/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/9/block/2/layer_norm/0" -> "features/5/9/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.9.block.3.weight" -> "features/5/9/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.9.block.3.bias" -> "features/5/9/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/9/block/3/linear/0" -> "features/5/9/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/9/block/4/gelu/0" -> "features/5/9/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.9.block.5.weight" -> "features/5/9/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.9.block.5.bias" -> "features/5/9/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/9/block/5/linear/0" -> "features/5/9/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/9/block/6/permute/0" -> "features/5/9/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.9.layer_scale" -> "features/5/9/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/9/mul/0" -> "features/5/9/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/9/add_/0" -> "features/5/10/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/9/add_/0" -> "features/5/10/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.10.block.0.weight" -> "features/5/10/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.10.block.0.bias" -> "features/5/10/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/10/block/0/conv2d/0" -> "features/5/10/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/10/block/1/permute/0" -> "features/5/10/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.10.block.2.weight" -> "features/5/10/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.10.block.2.bias" -> "features/5/10/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/10/block/2/layer_norm/0" -> "features/5/10/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.10.block.3.weight" -> "features/5/10/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.10.block.3.bias" -> "features/5/10/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/10/block/3/linear/0" -> "features/5/10/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/10/block/4/gelu/0" -> "features/5/10/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.10.block.5.weight" -> "features/5/10/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.10.block.5.bias" -> "features/5/10/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/10/block/5/linear/0" -> "features/5/10/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/10/block/6/permute/0" -> "features/5/10/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.10.layer_scale" -> "features/5/10/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/10/mul/0" -> "features/5/10/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/10/add_/0" -> "features/5/11/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/10/add_/0" -> "features/5/11/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.11.block.0.weight" -> "features/5/11/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.11.block.0.bias" -> "features/5/11/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/11/block/0/conv2d/0" -> "features/5/11/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/11/block/1/permute/0" -> "features/5/11/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.11.block.2.weight" -> "features/5/11/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.11.block.2.bias" -> "features/5/11/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/11/block/2/layer_norm/0" -> "features/5/11/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.11.block.3.weight" -> "features/5/11/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.11.block.3.bias" -> "features/5/11/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/11/block/3/linear/0" -> "features/5/11/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/11/block/4/gelu/0" -> "features/5/11/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.11.block.5.weight" -> "features/5/11/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.11.block.5.bias" -> "features/5/11/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/11/block/5/linear/0" -> "features/5/11/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/11/block/6/permute/0" -> "features/5/11/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.11.layer_scale" -> "features/5/11/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/11/mul/0" -> "features/5/11/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/11/add_/0" -> "features/5/12/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/11/add_/0" -> "features/5/12/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.12.block.0.weight" -> "features/5/12/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.12.block.0.bias" -> "features/5/12/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/12/block/0/conv2d/0" -> "features/5/12/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/12/block/1/permute/0" -> "features/5/12/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.12.block.2.weight" -> "features/5/12/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.12.block.2.bias" -> "features/5/12/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/12/block/2/layer_norm/0" -> "features/5/12/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.12.block.3.weight" -> "features/5/12/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.12.block.3.bias" -> "features/5/12/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/12/block/3/linear/0" -> "features/5/12/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/12/block/4/gelu/0" -> "features/5/12/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.12.block.5.weight" -> "features/5/12/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.12.block.5.bias" -> "features/5/12/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/12/block/5/linear/0" -> "features/5/12/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/12/block/6/permute/0" -> "features/5/12/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.12.layer_scale" -> "features/5/12/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/12/mul/0" -> "features/5/12/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/12/add_/0" -> "features/5/13/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/12/add_/0" -> "features/5/13/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.13.block.0.weight" -> "features/5/13/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.13.block.0.bias" -> "features/5/13/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/13/block/0/conv2d/0" -> "features/5/13/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/13/block/1/permute/0" -> "features/5/13/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.13.block.2.weight" -> "features/5/13/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.13.block.2.bias" -> "features/5/13/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/13/block/2/layer_norm/0" -> "features/5/13/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.13.block.3.weight" -> "features/5/13/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.13.block.3.bias" -> "features/5/13/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/13/block/3/linear/0" -> "features/5/13/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/13/block/4/gelu/0" -> "features/5/13/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.13.block.5.weight" -> "features/5/13/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.13.block.5.bias" -> "features/5/13/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/13/block/5/linear/0" -> "features/5/13/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/13/block/6/permute/0" -> "features/5/13/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.13.layer_scale" -> "features/5/13/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/13/mul/0" -> "features/5/13/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/13/add_/0" -> "features/5/14/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/13/add_/0" -> "features/5/14/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.14.block.0.weight" -> "features/5/14/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.14.block.0.bias" -> "features/5/14/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/14/block/0/conv2d/0" -> "features/5/14/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/14/block/1/permute/0" -> "features/5/14/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.14.block.2.weight" -> "features/5/14/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.14.block.2.bias" -> "features/5/14/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/14/block/2/layer_norm/0" -> "features/5/14/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.14.block.3.weight" -> "features/5/14/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.14.block.3.bias" -> "features/5/14/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/14/block/3/linear/0" -> "features/5/14/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/14/block/4/gelu/0" -> "features/5/14/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.14.block.5.weight" -> "features/5/14/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.14.block.5.bias" -> "features/5/14/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/14/block/5/linear/0" -> "features/5/14/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/14/block/6/permute/0" -> "features/5/14/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.14.layer_scale" -> "features/5/14/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/14/mul/0" -> "features/5/14/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/14/add_/0" -> "features/5/15/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/14/add_/0" -> "features/5/15/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.15.block.0.weight" -> "features/5/15/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.15.block.0.bias" -> "features/5/15/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/15/block/0/conv2d/0" -> "features/5/15/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/15/block/1/permute/0" -> "features/5/15/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.15.block.2.weight" -> "features/5/15/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.15.block.2.bias" -> "features/5/15/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/15/block/2/layer_norm/0" -> "features/5/15/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.15.block.3.weight" -> "features/5/15/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.15.block.3.bias" -> "features/5/15/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/15/block/3/linear/0" -> "features/5/15/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/15/block/4/gelu/0" -> "features/5/15/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.15.block.5.weight" -> "features/5/15/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.15.block.5.bias" -> "features/5/15/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/15/block/5/linear/0" -> "features/5/15/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/15/block/6/permute/0" -> "features/5/15/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.15.layer_scale" -> "features/5/15/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/15/mul/0" -> "features/5/15/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/15/add_/0" -> "features/5/16/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/15/add_/0" -> "features/5/16/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.16.block.0.weight" -> "features/5/16/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.16.block.0.bias" -> "features/5/16/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/16/block/0/conv2d/0" -> "features/5/16/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/16/block/1/permute/0" -> "features/5/16/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.16.block.2.weight" -> "features/5/16/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.16.block.2.bias" -> "features/5/16/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/16/block/2/layer_norm/0" -> "features/5/16/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.16.block.3.weight" -> "features/5/16/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.16.block.3.bias" -> "features/5/16/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/16/block/3/linear/0" -> "features/5/16/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/16/block/4/gelu/0" -> "features/5/16/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.16.block.5.weight" -> "features/5/16/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.16.block.5.bias" -> "features/5/16/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/16/block/5/linear/0" -> "features/5/16/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/16/block/6/permute/0" -> "features/5/16/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.16.layer_scale" -> "features/5/16/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/16/mul/0" -> "features/5/16/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/16/add_/0" -> "features/5/17/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/16/add_/0" -> "features/5/17/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.17.block.0.weight" -> "features/5/17/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.17.block.0.bias" -> "features/5/17/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/17/block/0/conv2d/0" -> "features/5/17/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/17/block/1/permute/0" -> "features/5/17/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.17.block.2.weight" -> "features/5/17/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.17.block.2.bias" -> "features/5/17/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/17/block/2/layer_norm/0" -> "features/5/17/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.17.block.3.weight" -> "features/5/17/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.17.block.3.bias" -> "features/5/17/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/17/block/3/linear/0" -> "features/5/17/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/17/block/4/gelu/0" -> "features/5/17/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.17.block.5.weight" -> "features/5/17/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.17.block.5.bias" -> "features/5/17/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/17/block/5/linear/0" -> "features/5/17/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/17/block/6/permute/0" -> "features/5/17/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.17.layer_scale" -> "features/5/17/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/17/mul/0" -> "features/5/17/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/17/add_/0" -> "features/5/18/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/17/add_/0" -> "features/5/18/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.18.block.0.weight" -> "features/5/18/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.18.block.0.bias" -> "features/5/18/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/18/block/0/conv2d/0" -> "features/5/18/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/18/block/1/permute/0" -> "features/5/18/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.18.block.2.weight" -> "features/5/18/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.18.block.2.bias" -> "features/5/18/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/18/block/2/layer_norm/0" -> "features/5/18/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.18.block.3.weight" -> "features/5/18/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.18.block.3.bias" -> "features/5/18/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/18/block/3/linear/0" -> "features/5/18/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/18/block/4/gelu/0" -> "features/5/18/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.18.block.5.weight" -> "features/5/18/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.18.block.5.bias" -> "features/5/18/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/18/block/5/linear/0" -> "features/5/18/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/18/block/6/permute/0" -> "features/5/18/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.18.layer_scale" -> "features/5/18/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/18/mul/0" -> "features/5/18/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/18/add_/0" -> "features/5/19/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/18/add_/0" -> "features/5/19/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.19.block.0.weight" -> "features/5/19/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.19.block.0.bias" -> "features/5/19/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/19/block/0/conv2d/0" -> "features/5/19/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/19/block/1/permute/0" -> "features/5/19/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.19.block.2.weight" -> "features/5/19/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.19.block.2.bias" -> "features/5/19/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/19/block/2/layer_norm/0" -> "features/5/19/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.19.block.3.weight" -> "features/5/19/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.19.block.3.bias" -> "features/5/19/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/19/block/3/linear/0" -> "features/5/19/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/19/block/4/gelu/0" -> "features/5/19/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.19.block.5.weight" -> "features/5/19/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.19.block.5.bias" -> "features/5/19/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/19/block/5/linear/0" -> "features/5/19/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/19/block/6/permute/0" -> "features/5/19/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.19.layer_scale" -> "features/5/19/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/19/mul/0" -> "features/5/19/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/19/add_/0" -> "features/5/20/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/19/add_/0" -> "features/5/20/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.20.block.0.weight" -> "features/5/20/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.20.block.0.bias" -> "features/5/20/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/20/block/0/conv2d/0" -> "features/5/20/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/20/block/1/permute/0" -> "features/5/20/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.20.block.2.weight" -> "features/5/20/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.20.block.2.bias" -> "features/5/20/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/20/block/2/layer_norm/0" -> "features/5/20/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.20.block.3.weight" -> "features/5/20/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.20.block.3.bias" -> "features/5/20/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/20/block/3/linear/0" -> "features/5/20/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/20/block/4/gelu/0" -> "features/5/20/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.20.block.5.weight" -> "features/5/20/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.20.block.5.bias" -> "features/5/20/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/20/block/5/linear/0" -> "features/5/20/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/20/block/6/permute/0" -> "features/5/20/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.20.layer_scale" -> "features/5/20/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/20/mul/0" -> "features/5/20/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/20/add_/0" -> "features/5/21/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/20/add_/0" -> "features/5/21/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.21.block.0.weight" -> "features/5/21/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.21.block.0.bias" -> "features/5/21/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/21/block/0/conv2d/0" -> "features/5/21/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/21/block/1/permute/0" -> "features/5/21/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.21.block.2.weight" -> "features/5/21/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.21.block.2.bias" -> "features/5/21/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/21/block/2/layer_norm/0" -> "features/5/21/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.21.block.3.weight" -> "features/5/21/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.21.block.3.bias" -> "features/5/21/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/21/block/3/linear/0" -> "features/5/21/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/21/block/4/gelu/0" -> "features/5/21/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.21.block.5.weight" -> "features/5/21/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.21.block.5.bias" -> "features/5/21/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/21/block/5/linear/0" -> "features/5/21/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/21/block/6/permute/0" -> "features/5/21/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.21.layer_scale" -> "features/5/21/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/21/mul/0" -> "features/5/21/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/21/add_/0" -> "features/5/22/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/21/add_/0" -> "features/5/22/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.22.block.0.weight" -> "features/5/22/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.22.block.0.bias" -> "features/5/22/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/22/block/0/conv2d/0" -> "features/5/22/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/22/block/1/permute/0" -> "features/5/22/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.22.block.2.weight" -> "features/5/22/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.22.block.2.bias" -> "features/5/22/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/22/block/2/layer_norm/0" -> "features/5/22/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.22.block.3.weight" -> "features/5/22/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.22.block.3.bias" -> "features/5/22/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/22/block/3/linear/0" -> "features/5/22/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/22/block/4/gelu/0" -> "features/5/22/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.22.block.5.weight" -> "features/5/22/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.22.block.5.bias" -> "features/5/22/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/22/block/5/linear/0" -> "features/5/22/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/22/block/6/permute/0" -> "features/5/22/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.22.layer_scale" -> "features/5/22/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/22/mul/0" -> "features/5/22/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/22/add_/0" -> "features/5/23/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/22/add_/0" -> "features/5/23/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.23.block.0.weight" -> "features/5/23/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.23.block.0.bias" -> "features/5/23/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/23/block/0/conv2d/0" -> "features/5/23/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/23/block/1/permute/0" -> "features/5/23/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.23.block.2.weight" -> "features/5/23/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.23.block.2.bias" -> "features/5/23/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/23/block/2/layer_norm/0" -> "features/5/23/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.23.block.3.weight" -> "features/5/23/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.23.block.3.bias" -> "features/5/23/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/23/block/3/linear/0" -> "features/5/23/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/23/block/4/gelu/0" -> "features/5/23/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.23.block.5.weight" -> "features/5/23/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.23.block.5.bias" -> "features/5/23/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/23/block/5/linear/0" -> "features/5/23/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/23/block/6/permute/0" -> "features/5/23/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.23.layer_scale" -> "features/5/23/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/23/mul/0" -> "features/5/23/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/23/add_/0" -> "features/5/24/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/23/add_/0" -> "features/5/24/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.24.block.0.weight" -> "features/5/24/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.24.block.0.bias" -> "features/5/24/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/24/block/0/conv2d/0" -> "features/5/24/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/24/block/1/permute/0" -> "features/5/24/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.24.block.2.weight" -> "features/5/24/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.24.block.2.bias" -> "features/5/24/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/24/block/2/layer_norm/0" -> "features/5/24/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.24.block.3.weight" -> "features/5/24/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.24.block.3.bias" -> "features/5/24/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/24/block/3/linear/0" -> "features/5/24/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/24/block/4/gelu/0" -> "features/5/24/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.24.block.5.weight" -> "features/5/24/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.24.block.5.bias" -> "features/5/24/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/24/block/5/linear/0" -> "features/5/24/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/24/block/6/permute/0" -> "features/5/24/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.24.layer_scale" -> "features/5/24/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/24/mul/0" -> "features/5/24/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/24/add_/0" -> "features/5/25/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/24/add_/0" -> "features/5/25/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.25.block.0.weight" -> "features/5/25/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.25.block.0.bias" -> "features/5/25/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/25/block/0/conv2d/0" -> "features/5/25/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/25/block/1/permute/0" -> "features/5/25/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.25.block.2.weight" -> "features/5/25/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.25.block.2.bias" -> "features/5/25/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/25/block/2/layer_norm/0" -> "features/5/25/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.25.block.3.weight" -> "features/5/25/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.25.block.3.bias" -> "features/5/25/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/25/block/3/linear/0" -> "features/5/25/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/25/block/4/gelu/0" -> "features/5/25/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.25.block.5.weight" -> "features/5/25/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.25.block.5.bias" -> "features/5/25/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/25/block/5/linear/0" -> "features/5/25/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/25/block/6/permute/0" -> "features/5/25/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.25.layer_scale" -> "features/5/25/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/25/mul/0" -> "features/5/25/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/25/add_/0" -> "features/5/26/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/25/add_/0" -> "features/5/26/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.26.block.0.weight" -> "features/5/26/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; +"features.5.26.block.0.bias" -> "features/5/26/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/26/block/0/conv2d/0" -> "features/5/26/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/26/block/1/permute/0" -> "features/5/26/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.26.block.2.weight" -> "features/5/26/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.5.26.block.2.bias" -> "features/5/26/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/5/26/block/2/layer_norm/0" -> "features/5/26/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.5.26.block.3.weight" -> "features/5/26/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; +"features.5.26.block.3.bias" -> "features/5/26/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/26/block/3/linear/0" -> "features/5/26/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features/5/26/block/4/gelu/0" -> "features/5/26/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; +"features.5.26.block.5.weight" -> "features/5/26/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; +"features.5.26.block.5.bias" -> "features/5/26/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/5/26/block/5/linear/0" -> "features/5/26/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/5/26/block/6/permute/0" -> "features/5/26/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.5.26.layer_scale" -> "features/5/26/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; +"features/5/26/mul/0" -> "features/5/26/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/5/26/add_/0" -> "features/6/0/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/6/0/permute/0" -> "features/6/0/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features.6.0.weight" -> "features/6/0/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.6.0.bias" -> "features/6/0/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features/6/0/layer_norm/0" -> "features/6/0/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; +"features/6/0/permute/1" -> "features/6/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.6.1.weight" -> "features/6/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 384, 2, 2)"]; +"features.6.1.bias" -> "features/6/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features/6/1/conv2d/0" -> "features/7/0/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features/6/1/conv2d/0" -> "features/7/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features.7.0.block.0.weight" -> "features/7/0/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 1, 7, 7)"]; +"features.7.0.block.0.bias" -> "features/7/0/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features/7/0/block/0/conv2d/0" -> "features/7/0/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features/7/0/block/1/permute/0" -> "features/7/0/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; +"features.7.0.block.2.weight" -> "features/7/0/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features.7.0.block.2.bias" -> "features/7/0/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; +"features/7/0/block/2/layer_norm/0" -> "features/7/0/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; +"features.7.0.block.3.weight" -> "features/7/0/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(3072, 768)"]; +"features.7.0.block.3.bias" -> "features/7/0/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(3072,)"]; +"features/7/0/block/3/linear/0" -> "features/7/0/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 3072)"]; +"features/7/0/block/4/gelu/0" -> "features/7/0/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 3072)"]; +"features.7.0.block.5.weight" -> "features/7/0/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 3072)"]; +"features.7.0.block.5.bias" -> "features/7/0/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features/7/0/block/5/linear/0" -> "features/7/0/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; +"features/7/0/block/6/permute/0" -> "features/7/0/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features.7.0.layer_scale" -> "features/7/0/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(768, 1, 1)"]; +"features/7/0/mul/0" -> "features/7/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features/7/0/add_/0" -> "features/7/1/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features/7/0/add_/0" -> "features/7/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features.7.1.block.0.weight" -> "features/7/1/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 1, 7, 7)"]; +"features.7.1.block.0.bias" -> "features/7/1/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features/7/1/block/0/conv2d/0" -> "features/7/1/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features/7/1/block/1/permute/0" -> "features/7/1/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; +"features.7.1.block.2.weight" -> "features/7/1/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features.7.1.block.2.bias" -> "features/7/1/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; +"features/7/1/block/2/layer_norm/0" -> "features/7/1/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; +"features.7.1.block.3.weight" -> "features/7/1/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(3072, 768)"]; +"features.7.1.block.3.bias" -> "features/7/1/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(3072,)"]; +"features/7/1/block/3/linear/0" -> "features/7/1/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 3072)"]; +"features/7/1/block/4/gelu/0" -> "features/7/1/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 3072)"]; +"features.7.1.block.5.weight" -> "features/7/1/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 3072)"]; +"features.7.1.block.5.bias" -> "features/7/1/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features/7/1/block/5/linear/0" -> "features/7/1/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; +"features/7/1/block/6/permute/0" -> "features/7/1/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features.7.1.layer_scale" -> "features/7/1/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(768, 1, 1)"]; +"features/7/1/mul/0" -> "features/7/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features/7/1/add_/0" -> "features/7/2/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features/7/1/add_/0" -> "features/7/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features.7.2.block.0.weight" -> "features/7/2/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 1, 7, 7)"]; +"features.7.2.block.0.bias" -> "features/7/2/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features/7/2/block/0/conv2d/0" -> "features/7/2/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features/7/2/block/1/permute/0" -> "features/7/2/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; +"features.7.2.block.2.weight" -> "features/7/2/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features.7.2.block.2.bias" -> "features/7/2/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; +"features/7/2/block/2/layer_norm/0" -> "features/7/2/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; +"features.7.2.block.3.weight" -> "features/7/2/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(3072, 768)"]; +"features.7.2.block.3.bias" -> "features/7/2/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(3072,)"]; +"features/7/2/block/3/linear/0" -> "features/7/2/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 3072)"]; +"features/7/2/block/4/gelu/0" -> "features/7/2/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 3072)"]; +"features.7.2.block.5.weight" -> "features/7/2/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 3072)"]; +"features.7.2.block.5.bias" -> "features/7/2/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features/7/2/block/5/linear/0" -> "features/7/2/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; +"features/7/2/block/6/permute/0" -> "features/7/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features.7.2.layer_scale" -> "features/7/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(768, 1, 1)"]; +"features/7/2/mul/0" -> "features/7/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features/7/2/add_/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; +"avgpool/adaptive_avg_pool2d/0" -> "classifier/0/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 1, 1)"]; +"classifier/0/permute/0" -> "classifier/0/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 768)"]; +"classifier.0.weight" -> "classifier/0/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"classifier.0.bias" -> "classifier/0/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; +"classifier/0/layer_norm/0" -> "classifier/0/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 768)"]; +"classifier/0/permute/1" -> "classifier/1/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 1, 1)"]; +"classifier/1/flatten/0" -> "classifier/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768)"]; +"classifier.2.weight" -> "classifier/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 768)"]; +"classifier.2.bias" -> "classifier/2/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"classifier/2/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_densenet121.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_densenet121.dot index 5b6980b45b3..7f1574a91a6 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_densenet121.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_densenet121.dot @@ -1,2614 +1,2614 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"features.conv0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/conv0/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; -"features.norm0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.norm0.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.norm0.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.norm0.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/norm0/batch_norm/0" [id=7, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/relu0/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; -"features/pool0/max_pool2d/0" [id=9, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features/denseblock1/denselayer1/cat/0" [id=10, type=cat, metatype=PTCatMetatype]; -"features.denseblock1.denselayer1.norm1.weight" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer1.norm1.bias" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer1.norm1.running_mean" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer1.norm1.running_var" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer1/norm1/batch_norm/0" [id=15, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock1/denselayer1/relu1/relu_/0" [id=16, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock1.denselayer1.conv1.weight" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer1/conv1/conv2d/0" [id=18, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock1.denselayer1.norm2.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer1.norm2.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer1.norm2.running_mean" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer1.norm2.running_var" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer1/norm2/batch_norm/0" [id=23, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock1/denselayer1/relu2/relu_/0" [id=24, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock1.denselayer1.conv2.weight" [id=25, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer1/conv2/conv2d/0" [id=26, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock1/denselayer2/cat/0" [id=27, type=cat, metatype=PTCatMetatype]; -"features.denseblock1.denselayer2.norm1.weight" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer2.norm1.bias" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer2.norm1.running_mean" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer2.norm1.running_var" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer2/norm1/batch_norm/0" [id=32, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock1/denselayer2/relu1/relu_/0" [id=33, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock1.denselayer2.conv1.weight" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer2/conv1/conv2d/0" [id=35, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock1.denselayer2.norm2.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer2.norm2.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer2.norm2.running_mean" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer2.norm2.running_var" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer2/norm2/batch_norm/0" [id=40, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock1/denselayer2/relu2/relu_/0" [id=41, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock1.denselayer2.conv2.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer2/conv2/conv2d/0" [id=43, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock1/denselayer3/cat/0" [id=44, type=cat, metatype=PTCatMetatype]; -"features.denseblock1.denselayer3.norm1.weight" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer3.norm1.bias" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer3.norm1.running_mean" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer3.norm1.running_var" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer3/norm1/batch_norm/0" [id=49, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock1/denselayer3/relu1/relu_/0" [id=50, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock1.denselayer3.conv1.weight" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer3/conv1/conv2d/0" [id=52, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock1.denselayer3.norm2.weight" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer3.norm2.bias" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer3.norm2.running_mean" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer3.norm2.running_var" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer3/norm2/batch_norm/0" [id=57, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock1/denselayer3/relu2/relu_/0" [id=58, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock1.denselayer3.conv2.weight" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer3/conv2/conv2d/0" [id=60, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock1/denselayer4/cat/0" [id=61, type=cat, metatype=PTCatMetatype]; -"features.denseblock1.denselayer4.norm1.weight" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer4.norm1.bias" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer4.norm1.running_mean" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer4.norm1.running_var" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer4/norm1/batch_norm/0" [id=66, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock1/denselayer4/relu1/relu_/0" [id=67, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock1.denselayer4.conv1.weight" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer4/conv1/conv2d/0" [id=69, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock1.denselayer4.norm2.weight" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer4.norm2.bias" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer4.norm2.running_mean" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer4.norm2.running_var" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer4/norm2/batch_norm/0" [id=74, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock1/denselayer4/relu2/relu_/0" [id=75, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock1.denselayer4.conv2.weight" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer4/conv2/conv2d/0" [id=77, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock1/denselayer5/cat/0" [id=78, type=cat, metatype=PTCatMetatype]; -"features.denseblock1.denselayer5.norm1.weight" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer5.norm1.bias" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer5.norm1.running_mean" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer5.norm1.running_var" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer5/norm1/batch_norm/0" [id=83, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock1/denselayer5/relu1/relu_/0" [id=84, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock1.denselayer5.conv1.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer5/conv1/conv2d/0" [id=86, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock1.denselayer5.norm2.weight" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer5.norm2.bias" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer5.norm2.running_mean" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer5.norm2.running_var" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer5/norm2/batch_norm/0" [id=91, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock1/denselayer5/relu2/relu_/0" [id=92, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock1.denselayer5.conv2.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer5/conv2/conv2d/0" [id=94, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock1/denselayer6/cat/0" [id=95, type=cat, metatype=PTCatMetatype]; -"features.denseblock1.denselayer6.norm1.weight" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer6.norm1.bias" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer6.norm1.running_mean" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer6.norm1.running_var" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer6/norm1/batch_norm/0" [id=100, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock1/denselayer6/relu1/relu_/0" [id=101, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock1.denselayer6.conv1.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer6/conv1/conv2d/0" [id=103, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock1.denselayer6.norm2.weight" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer6.norm2.bias" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer6.norm2.running_mean" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock1.denselayer6.norm2.running_var" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer6/norm2/batch_norm/0" [id=108, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock1/denselayer6/relu2/relu_/0" [id=109, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock1.denselayer6.conv2.weight" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock1/denselayer6/conv2/conv2d/0" [id=111, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock1/cat/0" [id=112, type=cat, metatype=PTCatMetatype]; -"features.transition1.norm.weight" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.transition1.norm.bias" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.transition1.norm.running_mean" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.transition1.norm.running_var" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/transition1/norm/batch_norm/0" [id=117, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/transition1/relu/relu_/0" [id=118, type="relu_", metatype=PTRELUMetatype]; -"features.transition1.conv.weight" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/transition1/conv/conv2d/0" [id=120, type=conv2d, metatype=PTConv2dMetatype]; -"features/transition1/pool/avg_pool2d/0" [id=121, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features/denseblock2/denselayer1/cat/0" [id=122, type=cat, metatype=PTCatMetatype]; -"features.denseblock2.denselayer1.norm1.weight" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer1.norm1.bias" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer1.norm1.running_mean" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer1.norm1.running_var" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer1/norm1/batch_norm/0" [id=127, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer1/relu1/relu_/0" [id=128, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer1.conv1.weight" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer1/conv1/conv2d/0" [id=130, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock2.denselayer1.norm2.weight" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer1.norm2.bias" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer1.norm2.running_mean" [id=133, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer1.norm2.running_var" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer1/norm2/batch_norm/0" [id=135, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer1/relu2/relu_/0" [id=136, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer1.conv2.weight" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer1/conv2/conv2d/0" [id=138, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock2/denselayer2/cat/0" [id=139, type=cat, metatype=PTCatMetatype]; -"features.denseblock2.denselayer2.norm1.weight" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer2.norm1.bias" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer2.norm1.running_mean" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer2.norm1.running_var" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer2/norm1/batch_norm/0" [id=144, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer2/relu1/relu_/0" [id=145, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer2.conv1.weight" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer2/conv1/conv2d/0" [id=147, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock2.denselayer2.norm2.weight" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer2.norm2.bias" [id=149, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer2.norm2.running_mean" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer2.norm2.running_var" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer2/norm2/batch_norm/0" [id=152, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer2/relu2/relu_/0" [id=153, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer2.conv2.weight" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer2/conv2/conv2d/0" [id=155, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock2/denselayer3/cat/0" [id=156, type=cat, metatype=PTCatMetatype]; -"features.denseblock2.denselayer3.norm1.weight" [id=157, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer3.norm1.bias" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer3.norm1.running_mean" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer3.norm1.running_var" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer3/norm1/batch_norm/0" [id=161, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer3/relu1/relu_/0" [id=162, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer3.conv1.weight" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer3/conv1/conv2d/0" [id=164, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock2.denselayer3.norm2.weight" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer3.norm2.bias" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer3.norm2.running_mean" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer3.norm2.running_var" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer3/norm2/batch_norm/0" [id=169, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer3/relu2/relu_/0" [id=170, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer3.conv2.weight" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer3/conv2/conv2d/0" [id=172, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock2/denselayer4/cat/0" [id=173, type=cat, metatype=PTCatMetatype]; -"features.denseblock2.denselayer4.norm1.weight" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer4.norm1.bias" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer4.norm1.running_mean" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer4.norm1.running_var" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer4/norm1/batch_norm/0" [id=178, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer4/relu1/relu_/0" [id=179, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer4.conv1.weight" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer4/conv1/conv2d/0" [id=181, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock2.denselayer4.norm2.weight" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer4.norm2.bias" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer4.norm2.running_mean" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer4.norm2.running_var" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer4/norm2/batch_norm/0" [id=186, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer4/relu2/relu_/0" [id=187, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer4.conv2.weight" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer4/conv2/conv2d/0" [id=189, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock2/denselayer5/cat/0" [id=190, type=cat, metatype=PTCatMetatype]; -"features.denseblock2.denselayer5.norm1.weight" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer5.norm1.bias" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer5.norm1.running_mean" [id=193, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer5.norm1.running_var" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer5/norm1/batch_norm/0" [id=195, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer5/relu1/relu_/0" [id=196, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer5.conv1.weight" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer5/conv1/conv2d/0" [id=198, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock2.denselayer5.norm2.weight" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer5.norm2.bias" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer5.norm2.running_mean" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer5.norm2.running_var" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer5/norm2/batch_norm/0" [id=203, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer5/relu2/relu_/0" [id=204, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer5.conv2.weight" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer5/conv2/conv2d/0" [id=206, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock2/denselayer6/cat/0" [id=207, type=cat, metatype=PTCatMetatype]; -"features.denseblock2.denselayer6.norm1.weight" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer6.norm1.bias" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer6.norm1.running_mean" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer6.norm1.running_var" [id=211, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer6/norm1/batch_norm/0" [id=212, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer6/relu1/relu_/0" [id=213, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer6.conv1.weight" [id=214, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer6/conv1/conv2d/0" [id=215, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock2.denselayer6.norm2.weight" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer6.norm2.bias" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer6.norm2.running_mean" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer6.norm2.running_var" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer6/norm2/batch_norm/0" [id=220, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer6/relu2/relu_/0" [id=221, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer6.conv2.weight" [id=222, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer6/conv2/conv2d/0" [id=223, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock2/denselayer7/cat/0" [id=224, type=cat, metatype=PTCatMetatype]; -"features.denseblock2.denselayer7.norm1.weight" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer7.norm1.bias" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer7.norm1.running_mean" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer7.norm1.running_var" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer7/norm1/batch_norm/0" [id=229, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer7/relu1/relu_/0" [id=230, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer7.conv1.weight" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer7/conv1/conv2d/0" [id=232, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock2.denselayer7.norm2.weight" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer7.norm2.bias" [id=234, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer7.norm2.running_mean" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer7.norm2.running_var" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer7/norm2/batch_norm/0" [id=237, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer7/relu2/relu_/0" [id=238, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer7.conv2.weight" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer7/conv2/conv2d/0" [id=240, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock2/denselayer8/cat/0" [id=241, type=cat, metatype=PTCatMetatype]; -"features.denseblock2.denselayer8.norm1.weight" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer8.norm1.bias" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer8.norm1.running_mean" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer8.norm1.running_var" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer8/norm1/batch_norm/0" [id=246, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer8/relu1/relu_/0" [id=247, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer8.conv1.weight" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer8/conv1/conv2d/0" [id=249, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock2.denselayer8.norm2.weight" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer8.norm2.bias" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer8.norm2.running_mean" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer8.norm2.running_var" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer8/norm2/batch_norm/0" [id=254, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer8/relu2/relu_/0" [id=255, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer8.conv2.weight" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer8/conv2/conv2d/0" [id=257, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock2/denselayer9/cat/0" [id=258, type=cat, metatype=PTCatMetatype]; -"features.denseblock2.denselayer9.norm1.weight" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer9.norm1.bias" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer9.norm1.running_mean" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer9.norm1.running_var" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer9/norm1/batch_norm/0" [id=263, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer9/relu1/relu_/0" [id=264, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer9.conv1.weight" [id=265, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer9/conv1/conv2d/0" [id=266, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock2.denselayer9.norm2.weight" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer9.norm2.bias" [id=268, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer9.norm2.running_mean" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer9.norm2.running_var" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer9/norm2/batch_norm/0" [id=271, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer9/relu2/relu_/0" [id=272, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer9.conv2.weight" [id=273, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer9/conv2/conv2d/0" [id=274, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock2/denselayer10/cat/0" [id=275, type=cat, metatype=PTCatMetatype]; -"features.denseblock2.denselayer10.norm1.weight" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer10.norm1.bias" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer10.norm1.running_mean" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer10.norm1.running_var" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer10/norm1/batch_norm/0" [id=280, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer10/relu1/relu_/0" [id=281, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer10.conv1.weight" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer10/conv1/conv2d/0" [id=283, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock2.denselayer10.norm2.weight" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer10.norm2.bias" [id=285, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer10.norm2.running_mean" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer10.norm2.running_var" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer10/norm2/batch_norm/0" [id=288, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer10/relu2/relu_/0" [id=289, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer10.conv2.weight" [id=290, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer10/conv2/conv2d/0" [id=291, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock2/denselayer11/cat/0" [id=292, type=cat, metatype=PTCatMetatype]; -"features.denseblock2.denselayer11.norm1.weight" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer11.norm1.bias" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer11.norm1.running_mean" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer11.norm1.running_var" [id=296, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer11/norm1/batch_norm/0" [id=297, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer11/relu1/relu_/0" [id=298, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer11.conv1.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer11/conv1/conv2d/0" [id=300, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock2.denselayer11.norm2.weight" [id=301, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer11.norm2.bias" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer11.norm2.running_mean" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer11.norm2.running_var" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer11/norm2/batch_norm/0" [id=305, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer11/relu2/relu_/0" [id=306, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer11.conv2.weight" [id=307, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer11/conv2/conv2d/0" [id=308, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock2/denselayer12/cat/0" [id=309, type=cat, metatype=PTCatMetatype]; -"features.denseblock2.denselayer12.norm1.weight" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer12.norm1.bias" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer12.norm1.running_mean" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer12.norm1.running_var" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer12/norm1/batch_norm/0" [id=314, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer12/relu1/relu_/0" [id=315, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer12.conv1.weight" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer12/conv1/conv2d/0" [id=317, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock2.denselayer12.norm2.weight" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer12.norm2.bias" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer12.norm2.running_mean" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock2.denselayer12.norm2.running_var" [id=321, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer12/norm2/batch_norm/0" [id=322, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock2/denselayer12/relu2/relu_/0" [id=323, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock2.denselayer12.conv2.weight" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock2/denselayer12/conv2/conv2d/0" [id=325, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock2/cat/0" [id=326, type=cat, metatype=PTCatMetatype]; -"features.transition2.norm.weight" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.transition2.norm.bias" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.transition2.norm.running_mean" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.transition2.norm.running_var" [id=330, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/transition2/norm/batch_norm/0" [id=331, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/transition2/relu/relu_/0" [id=332, type="relu_", metatype=PTRELUMetatype]; -"features.transition2.conv.weight" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/transition2/conv/conv2d/0" [id=334, type=conv2d, metatype=PTConv2dMetatype]; -"features/transition2/pool/avg_pool2d/0" [id=335, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features/denseblock3/denselayer1/cat/0" [id=336, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer1.norm1.weight" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer1.norm1.bias" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer1.norm1.running_mean" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer1.norm1.running_var" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer1/norm1/batch_norm/0" [id=341, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer1/relu1/relu_/0" [id=342, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer1.conv1.weight" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer1/conv1/conv2d/0" [id=344, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer1.norm2.weight" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer1.norm2.bias" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer1.norm2.running_mean" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer1.norm2.running_var" [id=348, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer1/norm2/batch_norm/0" [id=349, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer1/relu2/relu_/0" [id=350, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer1.conv2.weight" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer1/conv2/conv2d/0" [id=352, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer2/cat/0" [id=353, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer2.norm1.weight" [id=354, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer2.norm1.bias" [id=355, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer2.norm1.running_mean" [id=356, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer2.norm1.running_var" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer2/norm1/batch_norm/0" [id=358, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer2/relu1/relu_/0" [id=359, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer2.conv1.weight" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer2/conv1/conv2d/0" [id=361, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer2.norm2.weight" [id=362, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer2.norm2.bias" [id=363, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer2.norm2.running_mean" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer2.norm2.running_var" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer2/norm2/batch_norm/0" [id=366, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer2/relu2/relu_/0" [id=367, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer2.conv2.weight" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer2/conv2/conv2d/0" [id=369, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer3/cat/0" [id=370, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer3.norm1.weight" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer3.norm1.bias" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer3.norm1.running_mean" [id=373, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer3.norm1.running_var" [id=374, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer3/norm1/batch_norm/0" [id=375, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer3/relu1/relu_/0" [id=376, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer3.conv1.weight" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer3/conv1/conv2d/0" [id=378, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer3.norm2.weight" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer3.norm2.bias" [id=380, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer3.norm2.running_mean" [id=381, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer3.norm2.running_var" [id=382, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer3/norm2/batch_norm/0" [id=383, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer3/relu2/relu_/0" [id=384, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer3.conv2.weight" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer3/conv2/conv2d/0" [id=386, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer4/cat/0" [id=387, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer4.norm1.weight" [id=388, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer4.norm1.bias" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer4.norm1.running_mean" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer4.norm1.running_var" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer4/norm1/batch_norm/0" [id=392, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer4/relu1/relu_/0" [id=393, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer4.conv1.weight" [id=394, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer4/conv1/conv2d/0" [id=395, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer4.norm2.weight" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer4.norm2.bias" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer4.norm2.running_mean" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer4.norm2.running_var" [id=399, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer4/norm2/batch_norm/0" [id=400, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer4/relu2/relu_/0" [id=401, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer4.conv2.weight" [id=402, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer4/conv2/conv2d/0" [id=403, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer5/cat/0" [id=404, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer5.norm1.weight" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer5.norm1.bias" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer5.norm1.running_mean" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer5.norm1.running_var" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer5/norm1/batch_norm/0" [id=409, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer5/relu1/relu_/0" [id=410, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer5.conv1.weight" [id=411, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer5/conv1/conv2d/0" [id=412, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer5.norm2.weight" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer5.norm2.bias" [id=414, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer5.norm2.running_mean" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer5.norm2.running_var" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer5/norm2/batch_norm/0" [id=417, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer5/relu2/relu_/0" [id=418, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer5.conv2.weight" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer5/conv2/conv2d/0" [id=420, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer6/cat/0" [id=421, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer6.norm1.weight" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer6.norm1.bias" [id=423, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer6.norm1.running_mean" [id=424, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer6.norm1.running_var" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer6/norm1/batch_norm/0" [id=426, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer6/relu1/relu_/0" [id=427, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer6.conv1.weight" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer6/conv1/conv2d/0" [id=429, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer6.norm2.weight" [id=430, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer6.norm2.bias" [id=431, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer6.norm2.running_mean" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer6.norm2.running_var" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer6/norm2/batch_norm/0" [id=434, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer6/relu2/relu_/0" [id=435, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer6.conv2.weight" [id=436, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer6/conv2/conv2d/0" [id=437, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer7/cat/0" [id=438, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer7.norm1.weight" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer7.norm1.bias" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer7.norm1.running_mean" [id=441, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer7.norm1.running_var" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer7/norm1/batch_norm/0" [id=443, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer7/relu1/relu_/0" [id=444, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer7.conv1.weight" [id=445, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer7/conv1/conv2d/0" [id=446, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer7.norm2.weight" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer7.norm2.bias" [id=448, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer7.norm2.running_mean" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer7.norm2.running_var" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer7/norm2/batch_norm/0" [id=451, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer7/relu2/relu_/0" [id=452, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer7.conv2.weight" [id=453, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer7/conv2/conv2d/0" [id=454, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer8/cat/0" [id=455, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer8.norm1.weight" [id=456, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer8.norm1.bias" [id=457, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer8.norm1.running_mean" [id=458, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer8.norm1.running_var" [id=459, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer8/norm1/batch_norm/0" [id=460, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer8/relu1/relu_/0" [id=461, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer8.conv1.weight" [id=462, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer8/conv1/conv2d/0" [id=463, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer8.norm2.weight" [id=464, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer8.norm2.bias" [id=465, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer8.norm2.running_mean" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer8.norm2.running_var" [id=467, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer8/norm2/batch_norm/0" [id=468, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer8/relu2/relu_/0" [id=469, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer8.conv2.weight" [id=470, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer8/conv2/conv2d/0" [id=471, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer9/cat/0" [id=472, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer9.norm1.weight" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer9.norm1.bias" [id=474, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer9.norm1.running_mean" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer9.norm1.running_var" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer9/norm1/batch_norm/0" [id=477, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer9/relu1/relu_/0" [id=478, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer9.conv1.weight" [id=479, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer9/conv1/conv2d/0" [id=480, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer9.norm2.weight" [id=481, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer9.norm2.bias" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer9.norm2.running_mean" [id=483, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer9.norm2.running_var" [id=484, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer9/norm2/batch_norm/0" [id=485, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer9/relu2/relu_/0" [id=486, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer9.conv2.weight" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer9/conv2/conv2d/0" [id=488, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer10/cat/0" [id=489, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer10.norm1.weight" [id=490, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer10.norm1.bias" [id=491, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer10.norm1.running_mean" [id=492, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer10.norm1.running_var" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer10/norm1/batch_norm/0" [id=494, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer10/relu1/relu_/0" [id=495, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer10.conv1.weight" [id=496, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer10/conv1/conv2d/0" [id=497, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer10.norm2.weight" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer10.norm2.bias" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer10.norm2.running_mean" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer10.norm2.running_var" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer10/norm2/batch_norm/0" [id=502, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer10/relu2/relu_/0" [id=503, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer10.conv2.weight" [id=504, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer10/conv2/conv2d/0" [id=505, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer11/cat/0" [id=506, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer11.norm1.weight" [id=507, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer11.norm1.bias" [id=508, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer11.norm1.running_mean" [id=509, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer11.norm1.running_var" [id=510, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer11/norm1/batch_norm/0" [id=511, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer11/relu1/relu_/0" [id=512, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer11.conv1.weight" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer11/conv1/conv2d/0" [id=514, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer11.norm2.weight" [id=515, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer11.norm2.bias" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer11.norm2.running_mean" [id=517, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer11.norm2.running_var" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer11/norm2/batch_norm/0" [id=519, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer11/relu2/relu_/0" [id=520, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer11.conv2.weight" [id=521, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer11/conv2/conv2d/0" [id=522, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer12/cat/0" [id=523, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer12.norm1.weight" [id=524, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer12.norm1.bias" [id=525, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer12.norm1.running_mean" [id=526, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer12.norm1.running_var" [id=527, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer12/norm1/batch_norm/0" [id=528, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer12/relu1/relu_/0" [id=529, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer12.conv1.weight" [id=530, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer12/conv1/conv2d/0" [id=531, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer12.norm2.weight" [id=532, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer12.norm2.bias" [id=533, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer12.norm2.running_mean" [id=534, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer12.norm2.running_var" [id=535, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer12/norm2/batch_norm/0" [id=536, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer12/relu2/relu_/0" [id=537, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer12.conv2.weight" [id=538, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer12/conv2/conv2d/0" [id=539, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer13/cat/0" [id=540, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer13.norm1.weight" [id=541, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer13.norm1.bias" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer13.norm1.running_mean" [id=543, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer13.norm1.running_var" [id=544, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer13/norm1/batch_norm/0" [id=545, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer13/relu1/relu_/0" [id=546, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer13.conv1.weight" [id=547, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer13/conv1/conv2d/0" [id=548, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer13.norm2.weight" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer13.norm2.bias" [id=550, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer13.norm2.running_mean" [id=551, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer13.norm2.running_var" [id=552, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer13/norm2/batch_norm/0" [id=553, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer13/relu2/relu_/0" [id=554, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer13.conv2.weight" [id=555, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer13/conv2/conv2d/0" [id=556, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer14/cat/0" [id=557, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer14.norm1.weight" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer14.norm1.bias" [id=559, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer14.norm1.running_mean" [id=560, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer14.norm1.running_var" [id=561, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer14/norm1/batch_norm/0" [id=562, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer14/relu1/relu_/0" [id=563, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer14.conv1.weight" [id=564, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer14/conv1/conv2d/0" [id=565, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer14.norm2.weight" [id=566, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer14.norm2.bias" [id=567, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer14.norm2.running_mean" [id=568, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer14.norm2.running_var" [id=569, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer14/norm2/batch_norm/0" [id=570, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer14/relu2/relu_/0" [id=571, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer14.conv2.weight" [id=572, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer14/conv2/conv2d/0" [id=573, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer15/cat/0" [id=574, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer15.norm1.weight" [id=575, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer15.norm1.bias" [id=576, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer15.norm1.running_mean" [id=577, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer15.norm1.running_var" [id=578, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer15/norm1/batch_norm/0" [id=579, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer15/relu1/relu_/0" [id=580, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer15.conv1.weight" [id=581, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer15/conv1/conv2d/0" [id=582, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer15.norm2.weight" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer15.norm2.bias" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer15.norm2.running_mean" [id=585, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer15.norm2.running_var" [id=586, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer15/norm2/batch_norm/0" [id=587, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer15/relu2/relu_/0" [id=588, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer15.conv2.weight" [id=589, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer15/conv2/conv2d/0" [id=590, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer16/cat/0" [id=591, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer16.norm1.weight" [id=592, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer16.norm1.bias" [id=593, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer16.norm1.running_mean" [id=594, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer16.norm1.running_var" [id=595, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer16/norm1/batch_norm/0" [id=596, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer16/relu1/relu_/0" [id=597, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer16.conv1.weight" [id=598, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer16/conv1/conv2d/0" [id=599, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer16.norm2.weight" [id=600, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer16.norm2.bias" [id=601, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer16.norm2.running_mean" [id=602, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer16.norm2.running_var" [id=603, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer16/norm2/batch_norm/0" [id=604, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer16/relu2/relu_/0" [id=605, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer16.conv2.weight" [id=606, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer16/conv2/conv2d/0" [id=607, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer17/cat/0" [id=608, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer17.norm1.weight" [id=609, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer17.norm1.bias" [id=610, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer17.norm1.running_mean" [id=611, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer17.norm1.running_var" [id=612, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer17/norm1/batch_norm/0" [id=613, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer17/relu1/relu_/0" [id=614, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer17.conv1.weight" [id=615, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer17/conv1/conv2d/0" [id=616, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer17.norm2.weight" [id=617, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer17.norm2.bias" [id=618, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer17.norm2.running_mean" [id=619, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer17.norm2.running_var" [id=620, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer17/norm2/batch_norm/0" [id=621, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer17/relu2/relu_/0" [id=622, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer17.conv2.weight" [id=623, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer17/conv2/conv2d/0" [id=624, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer18/cat/0" [id=625, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer18.norm1.weight" [id=626, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer18.norm1.bias" [id=627, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer18.norm1.running_mean" [id=628, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer18.norm1.running_var" [id=629, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer18/norm1/batch_norm/0" [id=630, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer18/relu1/relu_/0" [id=631, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer18.conv1.weight" [id=632, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer18/conv1/conv2d/0" [id=633, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer18.norm2.weight" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer18.norm2.bias" [id=635, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer18.norm2.running_mean" [id=636, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer18.norm2.running_var" [id=637, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer18/norm2/batch_norm/0" [id=638, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer18/relu2/relu_/0" [id=639, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer18.conv2.weight" [id=640, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer18/conv2/conv2d/0" [id=641, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer19/cat/0" [id=642, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer19.norm1.weight" [id=643, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer19.norm1.bias" [id=644, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer19.norm1.running_mean" [id=645, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer19.norm1.running_var" [id=646, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer19/norm1/batch_norm/0" [id=647, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer19/relu1/relu_/0" [id=648, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer19.conv1.weight" [id=649, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer19/conv1/conv2d/0" [id=650, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer19.norm2.weight" [id=651, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer19.norm2.bias" [id=652, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer19.norm2.running_mean" [id=653, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer19.norm2.running_var" [id=654, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer19/norm2/batch_norm/0" [id=655, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer19/relu2/relu_/0" [id=656, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer19.conv2.weight" [id=657, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer19/conv2/conv2d/0" [id=658, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer20/cat/0" [id=659, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer20.norm1.weight" [id=660, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer20.norm1.bias" [id=661, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer20.norm1.running_mean" [id=662, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer20.norm1.running_var" [id=663, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer20/norm1/batch_norm/0" [id=664, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer20/relu1/relu_/0" [id=665, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer20.conv1.weight" [id=666, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer20/conv1/conv2d/0" [id=667, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer20.norm2.weight" [id=668, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer20.norm2.bias" [id=669, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer20.norm2.running_mean" [id=670, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer20.norm2.running_var" [id=671, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer20/norm2/batch_norm/0" [id=672, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer20/relu2/relu_/0" [id=673, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer20.conv2.weight" [id=674, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer20/conv2/conv2d/0" [id=675, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer21/cat/0" [id=676, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer21.norm1.weight" [id=677, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer21.norm1.bias" [id=678, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer21.norm1.running_mean" [id=679, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer21.norm1.running_var" [id=680, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer21/norm1/batch_norm/0" [id=681, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer21/relu1/relu_/0" [id=682, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer21.conv1.weight" [id=683, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer21/conv1/conv2d/0" [id=684, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer21.norm2.weight" [id=685, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer21.norm2.bias" [id=686, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer21.norm2.running_mean" [id=687, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer21.norm2.running_var" [id=688, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer21/norm2/batch_norm/0" [id=689, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer21/relu2/relu_/0" [id=690, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer21.conv2.weight" [id=691, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer21/conv2/conv2d/0" [id=692, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer22/cat/0" [id=693, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer22.norm1.weight" [id=694, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer22.norm1.bias" [id=695, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer22.norm1.running_mean" [id=696, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer22.norm1.running_var" [id=697, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer22/norm1/batch_norm/0" [id=698, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer22/relu1/relu_/0" [id=699, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer22.conv1.weight" [id=700, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer22/conv1/conv2d/0" [id=701, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer22.norm2.weight" [id=702, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer22.norm2.bias" [id=703, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer22.norm2.running_mean" [id=704, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer22.norm2.running_var" [id=705, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer22/norm2/batch_norm/0" [id=706, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer22/relu2/relu_/0" [id=707, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer22.conv2.weight" [id=708, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer22/conv2/conv2d/0" [id=709, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer23/cat/0" [id=710, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer23.norm1.weight" [id=711, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer23.norm1.bias" [id=712, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer23.norm1.running_mean" [id=713, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer23.norm1.running_var" [id=714, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer23/norm1/batch_norm/0" [id=715, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer23/relu1/relu_/0" [id=716, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer23.conv1.weight" [id=717, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer23/conv1/conv2d/0" [id=718, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer23.norm2.weight" [id=719, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer23.norm2.bias" [id=720, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer23.norm2.running_mean" [id=721, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer23.norm2.running_var" [id=722, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer23/norm2/batch_norm/0" [id=723, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer23/relu2/relu_/0" [id=724, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer23.conv2.weight" [id=725, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer23/conv2/conv2d/0" [id=726, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/denselayer24/cat/0" [id=727, type=cat, metatype=PTCatMetatype]; -"features.denseblock3.denselayer24.norm1.weight" [id=728, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer24.norm1.bias" [id=729, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer24.norm1.running_mean" [id=730, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer24.norm1.running_var" [id=731, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer24/norm1/batch_norm/0" [id=732, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer24/relu1/relu_/0" [id=733, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer24.conv1.weight" [id=734, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer24/conv1/conv2d/0" [id=735, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock3.denselayer24.norm2.weight" [id=736, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer24.norm2.bias" [id=737, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer24.norm2.running_mean" [id=738, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock3.denselayer24.norm2.running_var" [id=739, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer24/norm2/batch_norm/0" [id=740, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock3/denselayer24/relu2/relu_/0" [id=741, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock3.denselayer24.conv2.weight" [id=742, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock3/denselayer24/conv2/conv2d/0" [id=743, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock3/cat/0" [id=744, type=cat, metatype=PTCatMetatype]; -"features.transition3.norm.weight" [id=745, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.transition3.norm.bias" [id=746, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.transition3.norm.running_mean" [id=747, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.transition3.norm.running_var" [id=748, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/transition3/norm/batch_norm/0" [id=749, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/transition3/relu/relu_/0" [id=750, type="relu_", metatype=PTRELUMetatype]; -"features.transition3.conv.weight" [id=751, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/transition3/conv/conv2d/0" [id=752, type=conv2d, metatype=PTConv2dMetatype]; -"features/transition3/pool/avg_pool2d/0" [id=753, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features/denseblock4/denselayer1/cat/0" [id=754, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer1.norm1.weight" [id=755, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer1.norm1.bias" [id=756, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer1.norm1.running_mean" [id=757, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer1.norm1.running_var" [id=758, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer1/norm1/batch_norm/0" [id=759, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer1/relu1/relu_/0" [id=760, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer1.conv1.weight" [id=761, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer1/conv1/conv2d/0" [id=762, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer1.norm2.weight" [id=763, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer1.norm2.bias" [id=764, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer1.norm2.running_mean" [id=765, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer1.norm2.running_var" [id=766, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer1/norm2/batch_norm/0" [id=767, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer1/relu2/relu_/0" [id=768, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer1.conv2.weight" [id=769, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer1/conv2/conv2d/0" [id=770, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer2/cat/0" [id=771, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer2.norm1.weight" [id=772, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer2.norm1.bias" [id=773, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer2.norm1.running_mean" [id=774, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer2.norm1.running_var" [id=775, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer2/norm1/batch_norm/0" [id=776, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer2/relu1/relu_/0" [id=777, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer2.conv1.weight" [id=778, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer2/conv1/conv2d/0" [id=779, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer2.norm2.weight" [id=780, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer2.norm2.bias" [id=781, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer2.norm2.running_mean" [id=782, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer2.norm2.running_var" [id=783, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer2/norm2/batch_norm/0" [id=784, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer2/relu2/relu_/0" [id=785, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer2.conv2.weight" [id=786, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer2/conv2/conv2d/0" [id=787, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer3/cat/0" [id=788, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer3.norm1.weight" [id=789, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer3.norm1.bias" [id=790, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer3.norm1.running_mean" [id=791, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer3.norm1.running_var" [id=792, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer3/norm1/batch_norm/0" [id=793, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer3/relu1/relu_/0" [id=794, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer3.conv1.weight" [id=795, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer3/conv1/conv2d/0" [id=796, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer3.norm2.weight" [id=797, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer3.norm2.bias" [id=798, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer3.norm2.running_mean" [id=799, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer3.norm2.running_var" [id=800, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer3/norm2/batch_norm/0" [id=801, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer3/relu2/relu_/0" [id=802, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer3.conv2.weight" [id=803, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer3/conv2/conv2d/0" [id=804, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer4/cat/0" [id=805, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer4.norm1.weight" [id=806, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer4.norm1.bias" [id=807, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer4.norm1.running_mean" [id=808, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer4.norm1.running_var" [id=809, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer4/norm1/batch_norm/0" [id=810, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer4/relu1/relu_/0" [id=811, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer4.conv1.weight" [id=812, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer4/conv1/conv2d/0" [id=813, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer4.norm2.weight" [id=814, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer4.norm2.bias" [id=815, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer4.norm2.running_mean" [id=816, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer4.norm2.running_var" [id=817, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer4/norm2/batch_norm/0" [id=818, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer4/relu2/relu_/0" [id=819, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer4.conv2.weight" [id=820, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer4/conv2/conv2d/0" [id=821, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer5/cat/0" [id=822, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer5.norm1.weight" [id=823, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer5.norm1.bias" [id=824, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer5.norm1.running_mean" [id=825, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer5.norm1.running_var" [id=826, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer5/norm1/batch_norm/0" [id=827, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer5/relu1/relu_/0" [id=828, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer5.conv1.weight" [id=829, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer5/conv1/conv2d/0" [id=830, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer5.norm2.weight" [id=831, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer5.norm2.bias" [id=832, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer5.norm2.running_mean" [id=833, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer5.norm2.running_var" [id=834, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer5/norm2/batch_norm/0" [id=835, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer5/relu2/relu_/0" [id=836, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer5.conv2.weight" [id=837, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer5/conv2/conv2d/0" [id=838, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer6/cat/0" [id=839, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer6.norm1.weight" [id=840, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer6.norm1.bias" [id=841, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer6.norm1.running_mean" [id=842, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer6.norm1.running_var" [id=843, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer6/norm1/batch_norm/0" [id=844, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer6/relu1/relu_/0" [id=845, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer6.conv1.weight" [id=846, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer6/conv1/conv2d/0" [id=847, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer6.norm2.weight" [id=848, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer6.norm2.bias" [id=849, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer6.norm2.running_mean" [id=850, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer6.norm2.running_var" [id=851, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer6/norm2/batch_norm/0" [id=852, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer6/relu2/relu_/0" [id=853, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer6.conv2.weight" [id=854, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer6/conv2/conv2d/0" [id=855, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer7/cat/0" [id=856, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer7.norm1.weight" [id=857, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer7.norm1.bias" [id=858, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer7.norm1.running_mean" [id=859, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer7.norm1.running_var" [id=860, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer7/norm1/batch_norm/0" [id=861, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer7/relu1/relu_/0" [id=862, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer7.conv1.weight" [id=863, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer7/conv1/conv2d/0" [id=864, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer7.norm2.weight" [id=865, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer7.norm2.bias" [id=866, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer7.norm2.running_mean" [id=867, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer7.norm2.running_var" [id=868, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer7/norm2/batch_norm/0" [id=869, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer7/relu2/relu_/0" [id=870, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer7.conv2.weight" [id=871, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer7/conv2/conv2d/0" [id=872, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer8/cat/0" [id=873, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer8.norm1.weight" [id=874, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer8.norm1.bias" [id=875, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer8.norm1.running_mean" [id=876, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer8.norm1.running_var" [id=877, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer8/norm1/batch_norm/0" [id=878, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer8/relu1/relu_/0" [id=879, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer8.conv1.weight" [id=880, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer8/conv1/conv2d/0" [id=881, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer8.norm2.weight" [id=882, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer8.norm2.bias" [id=883, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer8.norm2.running_mean" [id=884, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer8.norm2.running_var" [id=885, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer8/norm2/batch_norm/0" [id=886, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer8/relu2/relu_/0" [id=887, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer8.conv2.weight" [id=888, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer8/conv2/conv2d/0" [id=889, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer9/cat/0" [id=890, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer9.norm1.weight" [id=891, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer9.norm1.bias" [id=892, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer9.norm1.running_mean" [id=893, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer9.norm1.running_var" [id=894, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer9/norm1/batch_norm/0" [id=895, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer9/relu1/relu_/0" [id=896, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer9.conv1.weight" [id=897, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer9/conv1/conv2d/0" [id=898, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer9.norm2.weight" [id=899, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer9.norm2.bias" [id=900, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer9.norm2.running_mean" [id=901, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer9.norm2.running_var" [id=902, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer9/norm2/batch_norm/0" [id=903, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer9/relu2/relu_/0" [id=904, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer9.conv2.weight" [id=905, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer9/conv2/conv2d/0" [id=906, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer10/cat/0" [id=907, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer10.norm1.weight" [id=908, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer10.norm1.bias" [id=909, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer10.norm1.running_mean" [id=910, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer10.norm1.running_var" [id=911, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer10/norm1/batch_norm/0" [id=912, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer10/relu1/relu_/0" [id=913, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer10.conv1.weight" [id=914, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer10/conv1/conv2d/0" [id=915, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer10.norm2.weight" [id=916, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer10.norm2.bias" [id=917, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer10.norm2.running_mean" [id=918, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer10.norm2.running_var" [id=919, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer10/norm2/batch_norm/0" [id=920, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer10/relu2/relu_/0" [id=921, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer10.conv2.weight" [id=922, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer10/conv2/conv2d/0" [id=923, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer11/cat/0" [id=924, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer11.norm1.weight" [id=925, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer11.norm1.bias" [id=926, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer11.norm1.running_mean" [id=927, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer11.norm1.running_var" [id=928, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer11/norm1/batch_norm/0" [id=929, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer11/relu1/relu_/0" [id=930, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer11.conv1.weight" [id=931, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer11/conv1/conv2d/0" [id=932, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer11.norm2.weight" [id=933, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer11.norm2.bias" [id=934, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer11.norm2.running_mean" [id=935, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer11.norm2.running_var" [id=936, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer11/norm2/batch_norm/0" [id=937, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer11/relu2/relu_/0" [id=938, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer11.conv2.weight" [id=939, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer11/conv2/conv2d/0" [id=940, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer12/cat/0" [id=941, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer12.norm1.weight" [id=942, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer12.norm1.bias" [id=943, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer12.norm1.running_mean" [id=944, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer12.norm1.running_var" [id=945, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer12/norm1/batch_norm/0" [id=946, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer12/relu1/relu_/0" [id=947, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer12.conv1.weight" [id=948, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer12/conv1/conv2d/0" [id=949, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer12.norm2.weight" [id=950, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer12.norm2.bias" [id=951, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer12.norm2.running_mean" [id=952, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer12.norm2.running_var" [id=953, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer12/norm2/batch_norm/0" [id=954, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer12/relu2/relu_/0" [id=955, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer12.conv2.weight" [id=956, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer12/conv2/conv2d/0" [id=957, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer13/cat/0" [id=958, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer13.norm1.weight" [id=959, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer13.norm1.bias" [id=960, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer13.norm1.running_mean" [id=961, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer13.norm1.running_var" [id=962, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer13/norm1/batch_norm/0" [id=963, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer13/relu1/relu_/0" [id=964, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer13.conv1.weight" [id=965, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer13/conv1/conv2d/0" [id=966, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer13.norm2.weight" [id=967, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer13.norm2.bias" [id=968, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer13.norm2.running_mean" [id=969, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer13.norm2.running_var" [id=970, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer13/norm2/batch_norm/0" [id=971, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer13/relu2/relu_/0" [id=972, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer13.conv2.weight" [id=973, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer13/conv2/conv2d/0" [id=974, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer14/cat/0" [id=975, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer14.norm1.weight" [id=976, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer14.norm1.bias" [id=977, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer14.norm1.running_mean" [id=978, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer14.norm1.running_var" [id=979, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer14/norm1/batch_norm/0" [id=980, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer14/relu1/relu_/0" [id=981, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer14.conv1.weight" [id=982, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer14/conv1/conv2d/0" [id=983, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer14.norm2.weight" [id=984, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer14.norm2.bias" [id=985, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer14.norm2.running_mean" [id=986, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer14.norm2.running_var" [id=987, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer14/norm2/batch_norm/0" [id=988, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer14/relu2/relu_/0" [id=989, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer14.conv2.weight" [id=990, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer14/conv2/conv2d/0" [id=991, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer15/cat/0" [id=992, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer15.norm1.weight" [id=993, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer15.norm1.bias" [id=994, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer15.norm1.running_mean" [id=995, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer15.norm1.running_var" [id=996, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer15/norm1/batch_norm/0" [id=997, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer15/relu1/relu_/0" [id=998, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer15.conv1.weight" [id=999, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer15/conv1/conv2d/0" [id=1000, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer15.norm2.weight" [id=1001, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer15.norm2.bias" [id=1002, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer15.norm2.running_mean" [id=1003, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer15.norm2.running_var" [id=1004, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer15/norm2/batch_norm/0" [id=1005, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer15/relu2/relu_/0" [id=1006, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer15.conv2.weight" [id=1007, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer15/conv2/conv2d/0" [id=1008, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/denselayer16/cat/0" [id=1009, type=cat, metatype=PTCatMetatype]; -"features.denseblock4.denselayer16.norm1.weight" [id=1010, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer16.norm1.bias" [id=1011, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer16.norm1.running_mean" [id=1012, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer16.norm1.running_var" [id=1013, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer16/norm1/batch_norm/0" [id=1014, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer16/relu1/relu_/0" [id=1015, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer16.conv1.weight" [id=1016, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer16/conv1/conv2d/0" [id=1017, type=conv2d, metatype=PTConv2dMetatype]; -"features.denseblock4.denselayer16.norm2.weight" [id=1018, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer16.norm2.bias" [id=1019, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer16.norm2.running_mean" [id=1020, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.denseblock4.denselayer16.norm2.running_var" [id=1021, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer16/norm2/batch_norm/0" [id=1022, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/denseblock4/denselayer16/relu2/relu_/0" [id=1023, type="relu_", metatype=PTRELUMetatype]; -"features.denseblock4.denselayer16.conv2.weight" [id=1024, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/denseblock4/denselayer16/conv2/conv2d/0" [id=1025, type=conv2d, metatype=PTConv2dMetatype]; -"features/denseblock4/cat/0" [id=1026, type=cat, metatype=PTCatMetatype]; -"features.norm5.weight" [id=1027, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.norm5.bias" [id=1028, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.norm5.running_mean" [id=1029, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.norm5.running_var" [id=1030, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/norm5/batch_norm/0" [id=1031, type="batch_norm", metatype=PTBatchNormMetatype]; -"/relu_/0" [id=1032, type="relu_", metatype=PTRELUMetatype]; -"/adaptive_avg_pool2d/0" [id=1033, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"/flatten/0" [id=1034, type=flatten, metatype=PTReshapeMetatype]; -"classifier.weight" [id=1035, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.bias" [id=1036, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/linear/0" [id=1037, type=linear, metatype=PTLinearMetatype]; -output [id=1038, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "features/conv0/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; -"features.conv0.weight" -> "features/conv0/conv2d/0" [dtype=float, shape="(64, 3, 7, 7)", out_port_id=0, in_port_id=1]; -"features/conv0/conv2d/0" -> "features/norm0/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features.norm0.weight" -> "features/norm0/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"features.norm0.bias" -> "features/norm0/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features.norm0.running_mean" -> "features/norm0/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"features.norm0.running_var" -> "features/norm0/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"features/norm0/batch_norm/0" -> "features/relu0/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features/relu0/relu_/0" -> "features/pool0/max_pool2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer1/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer2/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer3/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"features/pool0/max_pool2d/0" -> "features/denseblock1/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"features/denseblock1/denselayer1/cat/0" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer1.norm1.weight" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"features.denseblock1.denselayer1.norm1.bias" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features.denseblock1.denselayer1.norm1.running_mean" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"features.denseblock1.denselayer1.norm1.running_var" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer1/norm1/batch_norm/0" -> "features/denseblock1/denselayer1/relu1/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"features/denseblock1/denselayer1/relu1/relu_/0" -> "features/denseblock1/denselayer1/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer1.conv1.weight" -> "features/denseblock1/denselayer1/conv1/conv2d/0" [dtype=float, shape="(128, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer1/conv1/conv2d/0" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer1.norm2.weight" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock1.denselayer1.norm2.bias" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock1.denselayer1.norm2.running_mean" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock1.denselayer1.norm2.running_var" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer1/norm2/batch_norm/0" -> "features/denseblock1/denselayer1/relu2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/denseblock1/denselayer1/relu2/relu_/0" -> "features/denseblock1/denselayer1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer1.conv2.weight" -> "features/denseblock1/denselayer1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer2/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer3/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer2/cat/0" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer2.norm1.weight" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.denseblock1.denselayer2.norm1.bias" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.denseblock1.denselayer2.norm1.running_mean" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.denseblock1.denselayer2.norm1.running_var" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer2/norm1/batch_norm/0" -> "features/denseblock1/denselayer2/relu1/relu_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/denseblock1/denselayer2/relu1/relu_/0" -> "features/denseblock1/denselayer2/conv1/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer2.conv1.weight" -> "features/denseblock1/denselayer2/conv1/conv2d/0" [dtype=float, shape="(128, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer2/conv1/conv2d/0" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer2.norm2.weight" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock1.denselayer2.norm2.bias" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock1.denselayer2.norm2.running_mean" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock1.denselayer2.norm2.running_var" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer2/norm2/batch_norm/0" -> "features/denseblock1/denselayer2/relu2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/denseblock1/denselayer2/relu2/relu_/0" -> "features/denseblock1/denselayer2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer2.conv2.weight" -> "features/denseblock1/denselayer2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer3/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=2]; -"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=2]; -"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=2]; -"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=2]; -"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=2]; -"features/denseblock1/denselayer3/cat/0" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer3.norm1.weight" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock1.denselayer3.norm1.bias" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock1.denselayer3.norm1.running_mean" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock1.denselayer3.norm1.running_var" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer3/norm1/batch_norm/0" -> "features/denseblock1/denselayer3/relu1/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/denseblock1/denselayer3/relu1/relu_/0" -> "features/denseblock1/denselayer3/conv1/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer3.conv1.weight" -> "features/denseblock1/denselayer3/conv1/conv2d/0" [dtype=float, shape="(128, 128, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer3/conv1/conv2d/0" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer3.norm2.weight" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock1.denselayer3.norm2.bias" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock1.denselayer3.norm2.running_mean" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock1.denselayer3.norm2.running_var" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer3/norm2/batch_norm/0" -> "features/denseblock1/denselayer3/relu2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/denseblock1/denselayer3/relu2/relu_/0" -> "features/denseblock1/denselayer3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer3.conv2.weight" -> "features/denseblock1/denselayer3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=3]; -"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=3]; -"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=3]; -"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=3]; -"features/denseblock1/denselayer4/cat/0" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer4.norm1.weight" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"features.denseblock1.denselayer4.norm1.bias" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"features.denseblock1.denselayer4.norm1.running_mean" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"features.denseblock1.denselayer4.norm1.running_var" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer4/norm1/batch_norm/0" -> "features/denseblock1/denselayer4/relu1/relu_/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"features/denseblock1/denselayer4/relu1/relu_/0" -> "features/denseblock1/denselayer4/conv1/conv2d/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer4.conv1.weight" -> "features/denseblock1/denselayer4/conv1/conv2d/0" [dtype=float, shape="(128, 160, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer4/conv1/conv2d/0" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer4.norm2.weight" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock1.denselayer4.norm2.bias" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock1.denselayer4.norm2.running_mean" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock1.denselayer4.norm2.running_var" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer4/norm2/batch_norm/0" -> "features/denseblock1/denselayer4/relu2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/denseblock1/denselayer4/relu2/relu_/0" -> "features/denseblock1/denselayer4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer4.conv2.weight" -> "features/denseblock1/denselayer4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer4/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer4/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer4/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer5/cat/0" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer5.norm1.weight" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.denseblock1.denselayer5.norm1.bias" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.denseblock1.denselayer5.norm1.running_mean" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.denseblock1.denselayer5.norm1.running_var" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer5/norm1/batch_norm/0" -> "features/denseblock1/denselayer5/relu1/relu_/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; -"features/denseblock1/denselayer5/relu1/relu_/0" -> "features/denseblock1/denselayer5/conv1/conv2d/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer5.conv1.weight" -> "features/denseblock1/denselayer5/conv1/conv2d/0" [dtype=float, shape="(128, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer5/conv1/conv2d/0" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer5.norm2.weight" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock1.denselayer5.norm2.bias" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock1.denselayer5.norm2.running_mean" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock1.denselayer5.norm2.running_var" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer5/norm2/batch_norm/0" -> "features/denseblock1/denselayer5/relu2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/denseblock1/denselayer5/relu2/relu_/0" -> "features/denseblock1/denselayer5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer5.conv2.weight" -> "features/denseblock1/denselayer5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer5/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=5]; -"features/denseblock1/denselayer5/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=5]; -"features/denseblock1/denselayer6/cat/0" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer6.norm1.weight" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=1]; -"features.denseblock1.denselayer6.norm1.bias" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=2]; -"features.denseblock1.denselayer6.norm1.running_mean" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=3]; -"features.denseblock1.denselayer6.norm1.running_var" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer6/norm1/batch_norm/0" -> "features/denseblock1/denselayer6/relu1/relu_/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; -"features/denseblock1/denselayer6/relu1/relu_/0" -> "features/denseblock1/denselayer6/conv1/conv2d/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer6.conv1.weight" -> "features/denseblock1/denselayer6/conv1/conv2d/0" [dtype=float, shape="(128, 224, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer6/conv1/conv2d/0" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer6.norm2.weight" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock1.denselayer6.norm2.bias" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock1.denselayer6.norm2.running_mean" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock1.denselayer6.norm2.running_var" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock1/denselayer6/norm2/batch_norm/0" -> "features/denseblock1/denselayer6/relu2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/denseblock1/denselayer6/relu2/relu_/0" -> "features/denseblock1/denselayer6/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.denseblock1.denselayer6.conv2.weight" -> "features/denseblock1/denselayer6/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock1/denselayer6/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=6]; -"features/denseblock1/cat/0" -> "features/transition1/norm/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"features.transition1.norm.weight" -> "features/transition1/norm/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"features.transition1.norm.bias" -> "features/transition1/norm/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features.transition1.norm.running_mean" -> "features/transition1/norm/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"features.transition1.norm.running_var" -> "features/transition1/norm/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"features/transition1/norm/batch_norm/0" -> "features/transition1/relu/relu_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"features/transition1/relu/relu_/0" -> "features/transition1/conv/conv2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"features.transition1.conv.weight" -> "features/transition1/conv/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"features/transition1/conv/conv2d/0" -> "features/transition1/pool/avg_pool2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer1/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer2/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer3/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer1/cat/0" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer1.norm1.weight" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer1.norm1.bias" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer1.norm1.running_mean" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer1.norm1.running_var" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer1/norm1/batch_norm/0" -> "features/denseblock2/denselayer1/relu1/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer1/relu1/relu_/0" -> "features/denseblock2/denselayer1/conv1/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer1.conv1.weight" -> "features/denseblock2/denselayer1/conv1/conv2d/0" [dtype=float, shape="(128, 128, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer1/conv1/conv2d/0" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer1.norm2.weight" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer1.norm2.bias" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer1.norm2.running_mean" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer1.norm2.running_var" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer1/norm2/batch_norm/0" -> "features/denseblock2/denselayer1/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer1/relu2/relu_/0" -> "features/denseblock2/denselayer1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer1.conv2.weight" -> "features/denseblock2/denselayer1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer3/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer2/cat/0" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(1, 160, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer2.norm1.weight" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer2.norm1.bias" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer2.norm1.running_mean" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer2.norm1.running_var" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer2/norm1/batch_norm/0" -> "features/denseblock2/denselayer2/relu1/relu_/0" [dtype=float, shape="(1, 160, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer2/relu1/relu_/0" -> "features/denseblock2/denselayer2/conv1/conv2d/0" [dtype=float, shape="(1, 160, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer2.conv1.weight" -> "features/denseblock2/denselayer2/conv1/conv2d/0" [dtype=float, shape="(128, 160, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer2/conv1/conv2d/0" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer2.norm2.weight" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer2.norm2.bias" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer2.norm2.running_mean" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer2.norm2.running_var" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer2/norm2/batch_norm/0" -> "features/denseblock2/denselayer2/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer2/relu2/relu_/0" -> "features/denseblock2/denselayer2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer2.conv2.weight" -> "features/denseblock2/denselayer2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer3/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; -"features/denseblock2/denselayer3/cat/0" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer3.norm1.weight" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer3.norm1.bias" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer3.norm1.running_mean" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer3.norm1.running_var" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer3/norm1/batch_norm/0" -> "features/denseblock2/denselayer3/relu1/relu_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer3/relu1/relu_/0" -> "features/denseblock2/denselayer3/conv1/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer3.conv1.weight" -> "features/denseblock2/denselayer3/conv1/conv2d/0" [dtype=float, shape="(128, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer3/conv1/conv2d/0" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer3.norm2.weight" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer3.norm2.bias" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer3.norm2.running_mean" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer3.norm2.running_var" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer3/norm2/batch_norm/0" -> "features/denseblock2/denselayer3/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer3/relu2/relu_/0" -> "features/denseblock2/denselayer3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer3.conv2.weight" -> "features/denseblock2/denselayer3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; -"features/denseblock2/denselayer4/cat/0" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(1, 224, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer4.norm1.weight" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer4.norm1.bias" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer4.norm1.running_mean" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer4.norm1.running_var" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer4/norm1/batch_norm/0" -> "features/denseblock2/denselayer4/relu1/relu_/0" [dtype=float, shape="(1, 224, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer4/relu1/relu_/0" -> "features/denseblock2/denselayer4/conv1/conv2d/0" [dtype=float, shape="(1, 224, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer4.conv1.weight" -> "features/denseblock2/denselayer4/conv1/conv2d/0" [dtype=float, shape="(128, 224, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer4/conv1/conv2d/0" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer4.norm2.weight" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer4.norm2.bias" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer4.norm2.running_mean" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer4.norm2.running_var" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer4/norm2/batch_norm/0" -> "features/denseblock2/denselayer4/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer4/relu2/relu_/0" -> "features/denseblock2/denselayer4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer4.conv2.weight" -> "features/denseblock2/denselayer4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer5/cat/0" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer5.norm1.weight" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer5.norm1.bias" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer5.norm1.running_mean" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer5.norm1.running_var" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer5/norm1/batch_norm/0" -> "features/denseblock2/denselayer5/relu1/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer5/relu1/relu_/0" -> "features/denseblock2/denselayer5/conv1/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer5.conv1.weight" -> "features/denseblock2/denselayer5/conv1/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer5/conv1/conv2d/0" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer5.norm2.weight" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer5.norm2.bias" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer5.norm2.running_mean" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer5.norm2.running_var" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer5/norm2/batch_norm/0" -> "features/denseblock2/denselayer5/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer5/relu2/relu_/0" -> "features/denseblock2/denselayer5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer5.conv2.weight" -> "features/denseblock2/denselayer5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; -"features/denseblock2/denselayer6/cat/0" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer6.norm1.weight" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer6.norm1.bias" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer6.norm1.running_mean" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer6.norm1.running_var" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer6/norm1/batch_norm/0" -> "features/denseblock2/denselayer6/relu1/relu_/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer6/relu1/relu_/0" -> "features/denseblock2/denselayer6/conv1/conv2d/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer6.conv1.weight" -> "features/denseblock2/denselayer6/conv1/conv2d/0" [dtype=float, shape="(128, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer6/conv1/conv2d/0" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer6.norm2.weight" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer6.norm2.bias" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer6.norm2.running_mean" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer6.norm2.running_var" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer6/norm2/batch_norm/0" -> "features/denseblock2/denselayer6/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer6/relu2/relu_/0" -> "features/denseblock2/denselayer6/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer6.conv2.weight" -> "features/denseblock2/denselayer6/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=6]; -"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=6]; -"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=6]; -"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=6]; -"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=6]; -"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=6]; -"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=6]; -"features/denseblock2/denselayer7/cat/0" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer7.norm1.weight" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer7.norm1.bias" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer7.norm1.running_mean" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer7.norm1.running_var" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer7/norm1/batch_norm/0" -> "features/denseblock2/denselayer7/relu1/relu_/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer7/relu1/relu_/0" -> "features/denseblock2/denselayer7/conv1/conv2d/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer7.conv1.weight" -> "features/denseblock2/denselayer7/conv1/conv2d/0" [dtype=float, shape="(128, 320, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer7/conv1/conv2d/0" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer7.norm2.weight" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer7.norm2.bias" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer7.norm2.running_mean" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer7.norm2.running_var" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer7/norm2/batch_norm/0" -> "features/denseblock2/denselayer7/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer7/relu2/relu_/0" -> "features/denseblock2/denselayer7/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer7.conv2.weight" -> "features/denseblock2/denselayer7/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=7]; -"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=7]; -"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=7]; -"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=7]; -"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=7]; -"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=7]; -"features/denseblock2/denselayer8/cat/0" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer8.norm1.weight" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer8.norm1.bias" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer8.norm1.running_mean" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer8.norm1.running_var" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer8/norm1/batch_norm/0" -> "features/denseblock2/denselayer8/relu1/relu_/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer8/relu1/relu_/0" -> "features/denseblock2/denselayer8/conv1/conv2d/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer8.conv1.weight" -> "features/denseblock2/denselayer8/conv1/conv2d/0" [dtype=float, shape="(128, 352, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer8/conv1/conv2d/0" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer8.norm2.weight" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer8.norm2.bias" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer8.norm2.running_mean" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer8.norm2.running_var" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer8/norm2/batch_norm/0" -> "features/denseblock2/denselayer8/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer8/relu2/relu_/0" -> "features/denseblock2/denselayer8/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer8.conv2.weight" -> "features/denseblock2/denselayer8/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=8]; -"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=8]; -"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=8]; -"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=8]; -"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=8]; -"features/denseblock2/denselayer9/cat/0" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer9.norm1.weight" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer9.norm1.bias" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer9.norm1.running_mean" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer9.norm1.running_var" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer9/norm1/batch_norm/0" -> "features/denseblock2/denselayer9/relu1/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer9/relu1/relu_/0" -> "features/denseblock2/denselayer9/conv1/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer9.conv1.weight" -> "features/denseblock2/denselayer9/conv1/conv2d/0" [dtype=float, shape="(128, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer9/conv1/conv2d/0" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer9.norm2.weight" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer9.norm2.bias" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer9.norm2.running_mean" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer9.norm2.running_var" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer9/norm2/batch_norm/0" -> "features/denseblock2/denselayer9/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer9/relu2/relu_/0" -> "features/denseblock2/denselayer9/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer9.conv2.weight" -> "features/denseblock2/denselayer9/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=9]; -"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=9]; -"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=9]; -"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=9]; -"features/denseblock2/denselayer10/cat/0" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer10.norm1.weight" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer10.norm1.bias" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer10.norm1.running_mean" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer10.norm1.running_var" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer10/norm1/batch_norm/0" -> "features/denseblock2/denselayer10/relu1/relu_/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer10/relu1/relu_/0" -> "features/denseblock2/denselayer10/conv1/conv2d/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer10.conv1.weight" -> "features/denseblock2/denselayer10/conv1/conv2d/0" [dtype=float, shape="(128, 416, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer10/conv1/conv2d/0" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer10.norm2.weight" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer10.norm2.bias" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer10.norm2.running_mean" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer10.norm2.running_var" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer10/norm2/batch_norm/0" -> "features/denseblock2/denselayer10/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer10/relu2/relu_/0" -> "features/denseblock2/denselayer10/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer10.conv2.weight" -> "features/denseblock2/denselayer10/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer10/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=10]; -"features/denseblock2/denselayer10/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=10]; -"features/denseblock2/denselayer10/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=10]; -"features/denseblock2/denselayer11/cat/0" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer11.norm1.weight" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer11.norm1.bias" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer11.norm1.running_mean" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer11.norm1.running_var" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer11/norm1/batch_norm/0" -> "features/denseblock2/denselayer11/relu1/relu_/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer11/relu1/relu_/0" -> "features/denseblock2/denselayer11/conv1/conv2d/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer11.conv1.weight" -> "features/denseblock2/denselayer11/conv1/conv2d/0" [dtype=float, shape="(128, 448, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer11/conv1/conv2d/0" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer11.norm2.weight" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer11.norm2.bias" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer11.norm2.running_mean" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer11.norm2.running_var" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer11/norm2/batch_norm/0" -> "features/denseblock2/denselayer11/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer11/relu2/relu_/0" -> "features/denseblock2/denselayer11/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer11.conv2.weight" -> "features/denseblock2/denselayer11/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer11/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=11]; -"features/denseblock2/denselayer11/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=11]; -"features/denseblock2/denselayer12/cat/0" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer12.norm1.weight" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer12.norm1.bias" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer12.norm1.running_mean" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer12.norm1.running_var" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer12/norm1/batch_norm/0" -> "features/denseblock2/denselayer12/relu1/relu_/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer12/relu1/relu_/0" -> "features/denseblock2/denselayer12/conv1/conv2d/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer12.conv1.weight" -> "features/denseblock2/denselayer12/conv1/conv2d/0" [dtype=float, shape="(128, 480, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer12/conv1/conv2d/0" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer12.norm2.weight" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock2.denselayer12.norm2.bias" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock2.denselayer12.norm2.running_mean" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock2.denselayer12.norm2.running_var" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock2/denselayer12/norm2/batch_norm/0" -> "features/denseblock2/denselayer12/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features/denseblock2/denselayer12/relu2/relu_/0" -> "features/denseblock2/denselayer12/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.denseblock2.denselayer12.conv2.weight" -> "features/denseblock2/denselayer12/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock2/denselayer12/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=12]; -"features/denseblock2/cat/0" -> "features/transition2/norm/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"features.transition2.norm.weight" -> "features/transition2/norm/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"features.transition2.norm.bias" -> "features/transition2/norm/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.transition2.norm.running_mean" -> "features/transition2/norm/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features.transition2.norm.running_var" -> "features/transition2/norm/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"features/transition2/norm/batch_norm/0" -> "features/transition2/relu/relu_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"features/transition2/relu/relu_/0" -> "features/transition2/conv/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"features.transition2.conv.weight" -> "features/transition2/conv/conv2d/0" [dtype=float, shape="(256, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"features/transition2/conv/conv2d/0" -> "features/transition2/pool/avg_pool2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer1/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer2/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer3/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer1/cat/0" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer1.norm1.weight" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer1.norm1.bias" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer1.norm1.running_mean" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer1.norm1.running_var" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer1/norm1/batch_norm/0" -> "features/denseblock3/denselayer1/relu1/relu_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer1/relu1/relu_/0" -> "features/denseblock3/denselayer1/conv1/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer1.conv1.weight" -> "features/denseblock3/denselayer1/conv1/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv1/conv2d/0" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer1.norm2.weight" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer1.norm2.bias" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer1.norm2.running_mean" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer1.norm2.running_var" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer1/norm2/batch_norm/0" -> "features/denseblock3/denselayer1/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer1/relu2/relu_/0" -> "features/denseblock3/denselayer1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer1.conv2.weight" -> "features/denseblock3/denselayer1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer2/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer2/cat/0" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(1, 288, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer2.norm1.weight" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer2.norm1.bias" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer2.norm1.running_mean" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer2.norm1.running_var" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer2/norm1/batch_norm/0" -> "features/denseblock3/denselayer2/relu1/relu_/0" [dtype=float, shape="(1, 288, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer2/relu1/relu_/0" -> "features/denseblock3/denselayer2/conv1/conv2d/0" [dtype=float, shape="(1, 288, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer2.conv1.weight" -> "features/denseblock3/denselayer2/conv1/conv2d/0" [dtype=float, shape="(128, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer2/conv1/conv2d/0" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer2.norm2.weight" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer2.norm2.bias" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer2.norm2.running_mean" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer2.norm2.running_var" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer2/norm2/batch_norm/0" -> "features/denseblock3/denselayer2/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer2/relu2/relu_/0" -> "features/denseblock3/denselayer2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer2.conv2.weight" -> "features/denseblock3/denselayer2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; -"features/denseblock3/denselayer3/cat/0" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(1, 320, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer3.norm1.weight" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer3.norm1.bias" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer3.norm1.running_mean" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer3.norm1.running_var" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer3/norm1/batch_norm/0" -> "features/denseblock3/denselayer3/relu1/relu_/0" [dtype=float, shape="(1, 320, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer3/relu1/relu_/0" -> "features/denseblock3/denselayer3/conv1/conv2d/0" [dtype=float, shape="(1, 320, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer3.conv1.weight" -> "features/denseblock3/denselayer3/conv1/conv2d/0" [dtype=float, shape="(128, 320, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer3/conv1/conv2d/0" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer3.norm2.weight" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer3.norm2.bias" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer3.norm2.running_mean" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer3.norm2.running_var" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer3/norm2/batch_norm/0" -> "features/denseblock3/denselayer3/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer3/relu2/relu_/0" -> "features/denseblock3/denselayer3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer3.conv2.weight" -> "features/denseblock3/denselayer3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; -"features/denseblock3/denselayer4/cat/0" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(1, 352, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer4.norm1.weight" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer4.norm1.bias" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer4.norm1.running_mean" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer4.norm1.running_var" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/norm1/batch_norm/0" -> "features/denseblock3/denselayer4/relu1/relu_/0" [dtype=float, shape="(1, 352, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer4/relu1/relu_/0" -> "features/denseblock3/denselayer4/conv1/conv2d/0" [dtype=float, shape="(1, 352, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer4.conv1.weight" -> "features/denseblock3/denselayer4/conv1/conv2d/0" [dtype=float, shape="(128, 352, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer4/conv1/conv2d/0" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer4.norm2.weight" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer4.norm2.bias" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer4.norm2.running_mean" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer4.norm2.running_var" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/norm2/batch_norm/0" -> "features/denseblock3/denselayer4/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer4/relu2/relu_/0" -> "features/denseblock3/denselayer4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer4.conv2.weight" -> "features/denseblock3/denselayer4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer5/cat/0" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer5.norm1.weight" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer5.norm1.bias" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer5.norm1.running_mean" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer5.norm1.running_var" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer5/norm1/batch_norm/0" -> "features/denseblock3/denselayer5/relu1/relu_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer5/relu1/relu_/0" -> "features/denseblock3/denselayer5/conv1/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer5.conv1.weight" -> "features/denseblock3/denselayer5/conv1/conv2d/0" [dtype=float, shape="(128, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer5/conv1/conv2d/0" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer5.norm2.weight" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer5.norm2.bias" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer5.norm2.running_mean" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer5.norm2.running_var" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer5/norm2/batch_norm/0" -> "features/denseblock3/denselayer5/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer5/relu2/relu_/0" -> "features/denseblock3/denselayer5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer5.conv2.weight" -> "features/denseblock3/denselayer5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; -"features/denseblock3/denselayer6/cat/0" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(1, 416, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer6.norm1.weight" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer6.norm1.bias" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer6.norm1.running_mean" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer6.norm1.running_var" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer6/norm1/batch_norm/0" -> "features/denseblock3/denselayer6/relu1/relu_/0" [dtype=float, shape="(1, 416, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer6/relu1/relu_/0" -> "features/denseblock3/denselayer6/conv1/conv2d/0" [dtype=float, shape="(1, 416, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer6.conv1.weight" -> "features/denseblock3/denselayer6/conv1/conv2d/0" [dtype=float, shape="(128, 416, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer6/conv1/conv2d/0" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer6.norm2.weight" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer6.norm2.bias" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer6.norm2.running_mean" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer6.norm2.running_var" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer6/norm2/batch_norm/0" -> "features/denseblock3/denselayer6/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer6/relu2/relu_/0" -> "features/denseblock3/denselayer6/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer6.conv2.weight" -> "features/denseblock3/denselayer6/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; -"features/denseblock3/denselayer7/cat/0" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(1, 448, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer7.norm1.weight" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer7.norm1.bias" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer7.norm1.running_mean" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer7.norm1.running_var" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer7/norm1/batch_norm/0" -> "features/denseblock3/denselayer7/relu1/relu_/0" [dtype=float, shape="(1, 448, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer7/relu1/relu_/0" -> "features/denseblock3/denselayer7/conv1/conv2d/0" [dtype=float, shape="(1, 448, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer7.conv1.weight" -> "features/denseblock3/denselayer7/conv1/conv2d/0" [dtype=float, shape="(128, 448, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer7/conv1/conv2d/0" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer7.norm2.weight" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer7.norm2.bias" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer7.norm2.running_mean" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer7.norm2.running_var" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer7/norm2/batch_norm/0" -> "features/denseblock3/denselayer7/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer7/relu2/relu_/0" -> "features/denseblock3/denselayer7/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer7.conv2.weight" -> "features/denseblock3/denselayer7/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; -"features/denseblock3/denselayer8/cat/0" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer8.norm1.weight" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer8.norm1.bias" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer8.norm1.running_mean" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer8.norm1.running_var" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer8/norm1/batch_norm/0" -> "features/denseblock3/denselayer8/relu1/relu_/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer8/relu1/relu_/0" -> "features/denseblock3/denselayer8/conv1/conv2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer8.conv1.weight" -> "features/denseblock3/denselayer8/conv1/conv2d/0" [dtype=float, shape="(128, 480, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer8/conv1/conv2d/0" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer8.norm2.weight" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer8.norm2.bias" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer8.norm2.running_mean" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer8.norm2.running_var" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer8/norm2/batch_norm/0" -> "features/denseblock3/denselayer8/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer8/relu2/relu_/0" -> "features/denseblock3/denselayer8/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer8.conv2.weight" -> "features/denseblock3/denselayer8/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; -"features/denseblock3/denselayer9/cat/0" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer9.norm1.weight" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer9.norm1.bias" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer9.norm1.running_mean" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer9.norm1.running_var" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer9/norm1/batch_norm/0" -> "features/denseblock3/denselayer9/relu1/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer9/relu1/relu_/0" -> "features/denseblock3/denselayer9/conv1/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer9.conv1.weight" -> "features/denseblock3/denselayer9/conv1/conv2d/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer9/conv1/conv2d/0" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer9.norm2.weight" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer9.norm2.bias" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer9.norm2.running_mean" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer9.norm2.running_var" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer9/norm2/batch_norm/0" -> "features/denseblock3/denselayer9/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer9/relu2/relu_/0" -> "features/denseblock3/denselayer9/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer9.conv2.weight" -> "features/denseblock3/denselayer9/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; -"features/denseblock3/denselayer10/cat/0" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer10.norm1.weight" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer10.norm1.bias" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer10.norm1.running_mean" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer10.norm1.running_var" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer10/norm1/batch_norm/0" -> "features/denseblock3/denselayer10/relu1/relu_/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer10/relu1/relu_/0" -> "features/denseblock3/denselayer10/conv1/conv2d/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer10.conv1.weight" -> "features/denseblock3/denselayer10/conv1/conv2d/0" [dtype=float, shape="(128, 544, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer10/conv1/conv2d/0" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer10.norm2.weight" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer10.norm2.bias" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer10.norm2.running_mean" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer10.norm2.running_var" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer10/norm2/batch_norm/0" -> "features/denseblock3/denselayer10/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer10/relu2/relu_/0" -> "features/denseblock3/denselayer10/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer10.conv2.weight" -> "features/denseblock3/denselayer10/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; -"features/denseblock3/denselayer11/cat/0" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer11.norm1.weight" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer11.norm1.bias" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer11.norm1.running_mean" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer11.norm1.running_var" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer11/norm1/batch_norm/0" -> "features/denseblock3/denselayer11/relu1/relu_/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer11/relu1/relu_/0" -> "features/denseblock3/denselayer11/conv1/conv2d/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer11.conv1.weight" -> "features/denseblock3/denselayer11/conv1/conv2d/0" [dtype=float, shape="(128, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer11/conv1/conv2d/0" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer11.norm2.weight" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer11.norm2.bias" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer11.norm2.running_mean" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer11.norm2.running_var" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer11/norm2/batch_norm/0" -> "features/denseblock3/denselayer11/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer11/relu2/relu_/0" -> "features/denseblock3/denselayer11/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer11.conv2.weight" -> "features/denseblock3/denselayer11/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; -"features/denseblock3/denselayer12/cat/0" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer12.norm1.weight" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer12.norm1.bias" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer12.norm1.running_mean" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer12.norm1.running_var" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer12/norm1/batch_norm/0" -> "features/denseblock3/denselayer12/relu1/relu_/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer12/relu1/relu_/0" -> "features/denseblock3/denselayer12/conv1/conv2d/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer12.conv1.weight" -> "features/denseblock3/denselayer12/conv1/conv2d/0" [dtype=float, shape="(128, 608, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer12/conv1/conv2d/0" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer12.norm2.weight" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer12.norm2.bias" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer12.norm2.running_mean" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer12.norm2.running_var" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer12/norm2/batch_norm/0" -> "features/denseblock3/denselayer12/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer12/relu2/relu_/0" -> "features/denseblock3/denselayer12/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer12.conv2.weight" -> "features/denseblock3/denselayer12/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; -"features/denseblock3/denselayer13/cat/0" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer13.norm1.weight" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer13.norm1.bias" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer13.norm1.running_mean" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer13.norm1.running_var" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer13/norm1/batch_norm/0" -> "features/denseblock3/denselayer13/relu1/relu_/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer13/relu1/relu_/0" -> "features/denseblock3/denselayer13/conv1/conv2d/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer13.conv1.weight" -> "features/denseblock3/denselayer13/conv1/conv2d/0" [dtype=float, shape="(128, 640, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer13/conv1/conv2d/0" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer13.norm2.weight" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer13.norm2.bias" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer13.norm2.running_mean" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer13.norm2.running_var" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer13/norm2/batch_norm/0" -> "features/denseblock3/denselayer13/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer13/relu2/relu_/0" -> "features/denseblock3/denselayer13/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer13.conv2.weight" -> "features/denseblock3/denselayer13/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; -"features/denseblock3/denselayer14/cat/0" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer14.norm1.weight" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer14.norm1.bias" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer14.norm1.running_mean" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer14.norm1.running_var" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer14/norm1/batch_norm/0" -> "features/denseblock3/denselayer14/relu1/relu_/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer14/relu1/relu_/0" -> "features/denseblock3/denselayer14/conv1/conv2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer14.conv1.weight" -> "features/denseblock3/denselayer14/conv1/conv2d/0" [dtype=float, shape="(128, 672, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer14/conv1/conv2d/0" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer14.norm2.weight" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer14.norm2.bias" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer14.norm2.running_mean" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer14.norm2.running_var" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer14/norm2/batch_norm/0" -> "features/denseblock3/denselayer14/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer14/relu2/relu_/0" -> "features/denseblock3/denselayer14/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer14.conv2.weight" -> "features/denseblock3/denselayer14/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; -"features/denseblock3/denselayer15/cat/0" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer15.norm1.weight" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer15.norm1.bias" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer15.norm1.running_mean" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer15.norm1.running_var" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer15/norm1/batch_norm/0" -> "features/denseblock3/denselayer15/relu1/relu_/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer15/relu1/relu_/0" -> "features/denseblock3/denselayer15/conv1/conv2d/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer15.conv1.weight" -> "features/denseblock3/denselayer15/conv1/conv2d/0" [dtype=float, shape="(128, 704, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer15/conv1/conv2d/0" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer15.norm2.weight" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer15.norm2.bias" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer15.norm2.running_mean" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer15.norm2.running_var" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer15/norm2/batch_norm/0" -> "features/denseblock3/denselayer15/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer15/relu2/relu_/0" -> "features/denseblock3/denselayer15/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer15.conv2.weight" -> "features/denseblock3/denselayer15/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; -"features/denseblock3/denselayer16/cat/0" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer16.norm1.weight" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer16.norm1.bias" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer16.norm1.running_mean" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer16.norm1.running_var" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer16/norm1/batch_norm/0" -> "features/denseblock3/denselayer16/relu1/relu_/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer16/relu1/relu_/0" -> "features/denseblock3/denselayer16/conv1/conv2d/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer16.conv1.weight" -> "features/denseblock3/denselayer16/conv1/conv2d/0" [dtype=float, shape="(128, 736, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer16/conv1/conv2d/0" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer16.norm2.weight" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer16.norm2.bias" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer16.norm2.running_mean" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer16.norm2.running_var" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer16/norm2/batch_norm/0" -> "features/denseblock3/denselayer16/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer16/relu2/relu_/0" -> "features/denseblock3/denselayer16/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer16.conv2.weight" -> "features/denseblock3/denselayer16/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; -"features/denseblock3/denselayer17/cat/0" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer17.norm1.weight" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer17.norm1.bias" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer17.norm1.running_mean" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer17.norm1.running_var" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer17/norm1/batch_norm/0" -> "features/denseblock3/denselayer17/relu1/relu_/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer17/relu1/relu_/0" -> "features/denseblock3/denselayer17/conv1/conv2d/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer17.conv1.weight" -> "features/denseblock3/denselayer17/conv1/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer17/conv1/conv2d/0" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer17.norm2.weight" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer17.norm2.bias" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer17.norm2.running_mean" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer17.norm2.running_var" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer17/norm2/batch_norm/0" -> "features/denseblock3/denselayer17/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer17/relu2/relu_/0" -> "features/denseblock3/denselayer17/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer17.conv2.weight" -> "features/denseblock3/denselayer17/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; -"features/denseblock3/denselayer18/cat/0" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer18.norm1.weight" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer18.norm1.bias" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer18.norm1.running_mean" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer18.norm1.running_var" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer18/norm1/batch_norm/0" -> "features/denseblock3/denselayer18/relu1/relu_/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer18/relu1/relu_/0" -> "features/denseblock3/denselayer18/conv1/conv2d/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer18.conv1.weight" -> "features/denseblock3/denselayer18/conv1/conv2d/0" [dtype=float, shape="(128, 800, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer18/conv1/conv2d/0" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer18.norm2.weight" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer18.norm2.bias" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer18.norm2.running_mean" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer18.norm2.running_var" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer18/norm2/batch_norm/0" -> "features/denseblock3/denselayer18/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer18/relu2/relu_/0" -> "features/denseblock3/denselayer18/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer18.conv2.weight" -> "features/denseblock3/denselayer18/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=18]; -"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=18]; -"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=18]; -"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=18]; -"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=18]; -"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=18]; -"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=18]; -"features/denseblock3/denselayer19/cat/0" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer19.norm1.weight" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer19.norm1.bias" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer19.norm1.running_mean" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer19.norm1.running_var" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer19/norm1/batch_norm/0" -> "features/denseblock3/denselayer19/relu1/relu_/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer19/relu1/relu_/0" -> "features/denseblock3/denselayer19/conv1/conv2d/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer19.conv1.weight" -> "features/denseblock3/denselayer19/conv1/conv2d/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer19/conv1/conv2d/0" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer19.norm2.weight" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer19.norm2.bias" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer19.norm2.running_mean" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer19.norm2.running_var" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer19/norm2/batch_norm/0" -> "features/denseblock3/denselayer19/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer19/relu2/relu_/0" -> "features/denseblock3/denselayer19/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer19.conv2.weight" -> "features/denseblock3/denselayer19/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=19]; -"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=19]; -"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=19]; -"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=19]; -"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=19]; -"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=19]; -"features/denseblock3/denselayer20/cat/0" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer20.norm1.weight" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer20.norm1.bias" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer20.norm1.running_mean" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer20.norm1.running_var" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer20/norm1/batch_norm/0" -> "features/denseblock3/denselayer20/relu1/relu_/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer20/relu1/relu_/0" -> "features/denseblock3/denselayer20/conv1/conv2d/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer20.conv1.weight" -> "features/denseblock3/denselayer20/conv1/conv2d/0" [dtype=float, shape="(128, 864, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer20/conv1/conv2d/0" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer20.norm2.weight" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer20.norm2.bias" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer20.norm2.running_mean" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer20.norm2.running_var" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer20/norm2/batch_norm/0" -> "features/denseblock3/denselayer20/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer20/relu2/relu_/0" -> "features/denseblock3/denselayer20/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer20.conv2.weight" -> "features/denseblock3/denselayer20/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=20]; -"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=20]; -"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=20]; -"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=20]; -"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=20]; -"features/denseblock3/denselayer21/cat/0" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer21.norm1.weight" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer21.norm1.bias" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer21.norm1.running_mean" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer21.norm1.running_var" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer21/norm1/batch_norm/0" -> "features/denseblock3/denselayer21/relu1/relu_/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer21/relu1/relu_/0" -> "features/denseblock3/denselayer21/conv1/conv2d/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer21.conv1.weight" -> "features/denseblock3/denselayer21/conv1/conv2d/0" [dtype=float, shape="(128, 896, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer21/conv1/conv2d/0" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer21.norm2.weight" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer21.norm2.bias" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer21.norm2.running_mean" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer21.norm2.running_var" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer21/norm2/batch_norm/0" -> "features/denseblock3/denselayer21/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer21/relu2/relu_/0" -> "features/denseblock3/denselayer21/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer21.conv2.weight" -> "features/denseblock3/denselayer21/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=21]; -"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=21]; -"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=21]; -"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=21]; -"features/denseblock3/denselayer22/cat/0" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer22.norm1.weight" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer22.norm1.bias" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer22.norm1.running_mean" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer22.norm1.running_var" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer22/norm1/batch_norm/0" -> "features/denseblock3/denselayer22/relu1/relu_/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer22/relu1/relu_/0" -> "features/denseblock3/denselayer22/conv1/conv2d/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer22.conv1.weight" -> "features/denseblock3/denselayer22/conv1/conv2d/0" [dtype=float, shape="(128, 928, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer22/conv1/conv2d/0" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer22.norm2.weight" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer22.norm2.bias" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer22.norm2.running_mean" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer22.norm2.running_var" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer22/norm2/batch_norm/0" -> "features/denseblock3/denselayer22/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer22/relu2/relu_/0" -> "features/denseblock3/denselayer22/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer22.conv2.weight" -> "features/denseblock3/denselayer22/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer22/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=22]; -"features/denseblock3/denselayer22/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=22]; -"features/denseblock3/denselayer22/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=22]; -"features/denseblock3/denselayer23/cat/0" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer23.norm1.weight" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer23.norm1.bias" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer23.norm1.running_mean" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer23.norm1.running_var" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer23/norm1/batch_norm/0" -> "features/denseblock3/denselayer23/relu1/relu_/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer23/relu1/relu_/0" -> "features/denseblock3/denselayer23/conv1/conv2d/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer23.conv1.weight" -> "features/denseblock3/denselayer23/conv1/conv2d/0" [dtype=float, shape="(128, 960, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer23/conv1/conv2d/0" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer23.norm2.weight" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer23.norm2.bias" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer23.norm2.running_mean" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer23.norm2.running_var" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer23/norm2/batch_norm/0" -> "features/denseblock3/denselayer23/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer23/relu2/relu_/0" -> "features/denseblock3/denselayer23/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer23.conv2.weight" -> "features/denseblock3/denselayer23/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer23/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=23]; -"features/denseblock3/denselayer23/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=23]; -"features/denseblock3/denselayer24/cat/0" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer24.norm1.weight" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer24.norm1.bias" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer24.norm1.running_mean" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer24.norm1.running_var" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer24/norm1/batch_norm/0" -> "features/denseblock3/denselayer24/relu1/relu_/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer24/relu1/relu_/0" -> "features/denseblock3/denselayer24/conv1/conv2d/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer24.conv1.weight" -> "features/denseblock3/denselayer24/conv1/conv2d/0" [dtype=float, shape="(128, 992, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer24/conv1/conv2d/0" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer24.norm2.weight" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock3.denselayer24.norm2.bias" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock3.denselayer24.norm2.running_mean" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock3.denselayer24.norm2.running_var" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock3/denselayer24/norm2/batch_norm/0" -> "features/denseblock3/denselayer24/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features/denseblock3/denselayer24/relu2/relu_/0" -> "features/denseblock3/denselayer24/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"features.denseblock3.denselayer24.conv2.weight" -> "features/denseblock3/denselayer24/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock3/denselayer24/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=24]; -"features/denseblock3/cat/0" -> "features/transition3/norm/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"features.transition3.norm.weight" -> "features/transition3/norm/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"features.transition3.norm.bias" -> "features/transition3/norm/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"features.transition3.norm.running_mean" -> "features/transition3/norm/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"features.transition3.norm.running_var" -> "features/transition3/norm/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"features/transition3/norm/batch_norm/0" -> "features/transition3/relu/relu_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition3/relu/relu_/0" -> "features/transition3/conv/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"features.transition3.conv.weight" -> "features/transition3/conv/conv2d/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=1]; -"features/transition3/conv/conv2d/0" -> "features/transition3/pool/avg_pool2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer1/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer2/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer3/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer1/cat/0" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer1.norm1.weight" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer1.norm1.bias" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer1.norm1.running_mean" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer1.norm1.running_var" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer1/norm1/batch_norm/0" -> "features/denseblock4/denselayer1/relu1/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer1/relu1/relu_/0" -> "features/denseblock4/denselayer1/conv1/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer1.conv1.weight" -> "features/denseblock4/denselayer1/conv1/conv2d/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv1/conv2d/0" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer1.norm2.weight" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer1.norm2.bias" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer1.norm2.running_mean" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer1.norm2.running_var" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer1/norm2/batch_norm/0" -> "features/denseblock4/denselayer1/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer1/relu2/relu_/0" -> "features/denseblock4/denselayer1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer1.conv2.weight" -> "features/denseblock4/denselayer1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer2/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer3/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer2/cat/0" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(1, 544, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer2.norm1.weight" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer2.norm1.bias" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer2.norm1.running_mean" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer2.norm1.running_var" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer2/norm1/batch_norm/0" -> "features/denseblock4/denselayer2/relu1/relu_/0" [dtype=float, shape="(1, 544, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer2/relu1/relu_/0" -> "features/denseblock4/denselayer2/conv1/conv2d/0" [dtype=float, shape="(1, 544, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer2.conv1.weight" -> "features/denseblock4/denselayer2/conv1/conv2d/0" [dtype=float, shape="(128, 544, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer2/conv1/conv2d/0" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer2.norm2.weight" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer2.norm2.bias" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer2.norm2.running_mean" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer2.norm2.running_var" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer2/norm2/batch_norm/0" -> "features/denseblock4/denselayer2/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer2/relu2/relu_/0" -> "features/denseblock4/denselayer2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer2.conv2.weight" -> "features/denseblock4/denselayer2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer3/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; -"features/denseblock4/denselayer3/cat/0" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer3.norm1.weight" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer3.norm1.bias" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer3.norm1.running_mean" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer3.norm1.running_var" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer3/norm1/batch_norm/0" -> "features/denseblock4/denselayer3/relu1/relu_/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer3/relu1/relu_/0" -> "features/denseblock4/denselayer3/conv1/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer3.conv1.weight" -> "features/denseblock4/denselayer3/conv1/conv2d/0" [dtype=float, shape="(128, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer3/conv1/conv2d/0" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer3.norm2.weight" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer3.norm2.bias" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer3.norm2.running_mean" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer3.norm2.running_var" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer3/norm2/batch_norm/0" -> "features/denseblock4/denselayer3/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer3/relu2/relu_/0" -> "features/denseblock4/denselayer3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer3.conv2.weight" -> "features/denseblock4/denselayer3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; -"features/denseblock4/denselayer4/cat/0" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(1, 608, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer4.norm1.weight" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer4.norm1.bias" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer4.norm1.running_mean" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer4.norm1.running_var" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer4/norm1/batch_norm/0" -> "features/denseblock4/denselayer4/relu1/relu_/0" [dtype=float, shape="(1, 608, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer4/relu1/relu_/0" -> "features/denseblock4/denselayer4/conv1/conv2d/0" [dtype=float, shape="(1, 608, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer4.conv1.weight" -> "features/denseblock4/denselayer4/conv1/conv2d/0" [dtype=float, shape="(128, 608, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer4/conv1/conv2d/0" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer4.norm2.weight" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer4.norm2.bias" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer4.norm2.running_mean" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer4.norm2.running_var" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer4/norm2/batch_norm/0" -> "features/denseblock4/denselayer4/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer4/relu2/relu_/0" -> "features/denseblock4/denselayer4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer4.conv2.weight" -> "features/denseblock4/denselayer4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer5/cat/0" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(1, 640, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer5.norm1.weight" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer5.norm1.bias" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer5.norm1.running_mean" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer5.norm1.running_var" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer5/norm1/batch_norm/0" -> "features/denseblock4/denselayer5/relu1/relu_/0" [dtype=float, shape="(1, 640, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer5/relu1/relu_/0" -> "features/denseblock4/denselayer5/conv1/conv2d/0" [dtype=float, shape="(1, 640, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer5.conv1.weight" -> "features/denseblock4/denselayer5/conv1/conv2d/0" [dtype=float, shape="(128, 640, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer5/conv1/conv2d/0" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer5.norm2.weight" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer5.norm2.bias" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer5.norm2.running_mean" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer5.norm2.running_var" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer5/norm2/batch_norm/0" -> "features/denseblock4/denselayer5/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer5/relu2/relu_/0" -> "features/denseblock4/denselayer5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer5.conv2.weight" -> "features/denseblock4/denselayer5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; -"features/denseblock4/denselayer6/cat/0" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer6.norm1.weight" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer6.norm1.bias" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer6.norm1.running_mean" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer6.norm1.running_var" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer6/norm1/batch_norm/0" -> "features/denseblock4/denselayer6/relu1/relu_/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer6/relu1/relu_/0" -> "features/denseblock4/denselayer6/conv1/conv2d/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer6.conv1.weight" -> "features/denseblock4/denselayer6/conv1/conv2d/0" [dtype=float, shape="(128, 672, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer6/conv1/conv2d/0" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer6.norm2.weight" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer6.norm2.bias" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer6.norm2.running_mean" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer6.norm2.running_var" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer6/norm2/batch_norm/0" -> "features/denseblock4/denselayer6/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer6/relu2/relu_/0" -> "features/denseblock4/denselayer6/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer6.conv2.weight" -> "features/denseblock4/denselayer6/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; -"features/denseblock4/denselayer7/cat/0" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(1, 704, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer7.norm1.weight" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer7.norm1.bias" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer7.norm1.running_mean" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer7.norm1.running_var" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer7/norm1/batch_norm/0" -> "features/denseblock4/denselayer7/relu1/relu_/0" [dtype=float, shape="(1, 704, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer7/relu1/relu_/0" -> "features/denseblock4/denselayer7/conv1/conv2d/0" [dtype=float, shape="(1, 704, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer7.conv1.weight" -> "features/denseblock4/denselayer7/conv1/conv2d/0" [dtype=float, shape="(128, 704, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer7/conv1/conv2d/0" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer7.norm2.weight" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer7.norm2.bias" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer7.norm2.running_mean" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer7.norm2.running_var" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer7/norm2/batch_norm/0" -> "features/denseblock4/denselayer7/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer7/relu2/relu_/0" -> "features/denseblock4/denselayer7/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer7.conv2.weight" -> "features/denseblock4/denselayer7/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; -"features/denseblock4/denselayer8/cat/0" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(1, 736, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer8.norm1.weight" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer8.norm1.bias" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer8.norm1.running_mean" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer8.norm1.running_var" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer8/norm1/batch_norm/0" -> "features/denseblock4/denselayer8/relu1/relu_/0" [dtype=float, shape="(1, 736, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer8/relu1/relu_/0" -> "features/denseblock4/denselayer8/conv1/conv2d/0" [dtype=float, shape="(1, 736, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer8.conv1.weight" -> "features/denseblock4/denselayer8/conv1/conv2d/0" [dtype=float, shape="(128, 736, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer8/conv1/conv2d/0" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer8.norm2.weight" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer8.norm2.bias" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer8.norm2.running_mean" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer8.norm2.running_var" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer8/norm2/batch_norm/0" -> "features/denseblock4/denselayer8/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer8/relu2/relu_/0" -> "features/denseblock4/denselayer8/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer8.conv2.weight" -> "features/denseblock4/denselayer8/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; -"features/denseblock4/denselayer9/cat/0" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer9.norm1.weight" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer9.norm1.bias" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer9.norm1.running_mean" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer9.norm1.running_var" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer9/norm1/batch_norm/0" -> "features/denseblock4/denselayer9/relu1/relu_/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer9/relu1/relu_/0" -> "features/denseblock4/denselayer9/conv1/conv2d/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer9.conv1.weight" -> "features/denseblock4/denselayer9/conv1/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer9/conv1/conv2d/0" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer9.norm2.weight" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer9.norm2.bias" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer9.norm2.running_mean" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer9.norm2.running_var" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer9/norm2/batch_norm/0" -> "features/denseblock4/denselayer9/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer9/relu2/relu_/0" -> "features/denseblock4/denselayer9/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer9.conv2.weight" -> "features/denseblock4/denselayer9/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; -"features/denseblock4/denselayer10/cat/0" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(1, 800, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer10.norm1.weight" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer10.norm1.bias" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer10.norm1.running_mean" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer10.norm1.running_var" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer10/norm1/batch_norm/0" -> "features/denseblock4/denselayer10/relu1/relu_/0" [dtype=float, shape="(1, 800, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer10/relu1/relu_/0" -> "features/denseblock4/denselayer10/conv1/conv2d/0" [dtype=float, shape="(1, 800, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer10.conv1.weight" -> "features/denseblock4/denselayer10/conv1/conv2d/0" [dtype=float, shape="(128, 800, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer10/conv1/conv2d/0" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer10.norm2.weight" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer10.norm2.bias" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer10.norm2.running_mean" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer10.norm2.running_var" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer10/norm2/batch_norm/0" -> "features/denseblock4/denselayer10/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer10/relu2/relu_/0" -> "features/denseblock4/denselayer10/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer10.conv2.weight" -> "features/denseblock4/denselayer10/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=10]; -"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=10]; -"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=10]; -"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=10]; -"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=10]; -"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=10]; -"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=10]; -"features/denseblock4/denselayer11/cat/0" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(1, 832, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer11.norm1.weight" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer11.norm1.bias" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer11.norm1.running_mean" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer11.norm1.running_var" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer11/norm1/batch_norm/0" -> "features/denseblock4/denselayer11/relu1/relu_/0" [dtype=float, shape="(1, 832, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer11/relu1/relu_/0" -> "features/denseblock4/denselayer11/conv1/conv2d/0" [dtype=float, shape="(1, 832, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer11.conv1.weight" -> "features/denseblock4/denselayer11/conv1/conv2d/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer11/conv1/conv2d/0" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer11.norm2.weight" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer11.norm2.bias" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer11.norm2.running_mean" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer11.norm2.running_var" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer11/norm2/batch_norm/0" -> "features/denseblock4/denselayer11/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer11/relu2/relu_/0" -> "features/denseblock4/denselayer11/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer11.conv2.weight" -> "features/denseblock4/denselayer11/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=11]; -"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=11]; -"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=11]; -"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=11]; -"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=11]; -"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=11]; -"features/denseblock4/denselayer12/cat/0" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(1, 864, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer12.norm1.weight" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer12.norm1.bias" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer12.norm1.running_mean" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer12.norm1.running_var" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer12/norm1/batch_norm/0" -> "features/denseblock4/denselayer12/relu1/relu_/0" [dtype=float, shape="(1, 864, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer12/relu1/relu_/0" -> "features/denseblock4/denselayer12/conv1/conv2d/0" [dtype=float, shape="(1, 864, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer12.conv1.weight" -> "features/denseblock4/denselayer12/conv1/conv2d/0" [dtype=float, shape="(128, 864, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer12/conv1/conv2d/0" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer12.norm2.weight" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer12.norm2.bias" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer12.norm2.running_mean" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer12.norm2.running_var" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer12/norm2/batch_norm/0" -> "features/denseblock4/denselayer12/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer12/relu2/relu_/0" -> "features/denseblock4/denselayer12/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer12.conv2.weight" -> "features/denseblock4/denselayer12/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=12]; -"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=12]; -"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=12]; -"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=12]; -"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=12]; -"features/denseblock4/denselayer13/cat/0" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(1, 896, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer13.norm1.weight" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer13.norm1.bias" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer13.norm1.running_mean" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer13.norm1.running_var" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer13/norm1/batch_norm/0" -> "features/denseblock4/denselayer13/relu1/relu_/0" [dtype=float, shape="(1, 896, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer13/relu1/relu_/0" -> "features/denseblock4/denselayer13/conv1/conv2d/0" [dtype=float, shape="(1, 896, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer13.conv1.weight" -> "features/denseblock4/denselayer13/conv1/conv2d/0" [dtype=float, shape="(128, 896, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer13/conv1/conv2d/0" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer13.norm2.weight" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer13.norm2.bias" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer13.norm2.running_mean" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer13.norm2.running_var" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer13/norm2/batch_norm/0" -> "features/denseblock4/denselayer13/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer13/relu2/relu_/0" -> "features/denseblock4/denselayer13/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer13.conv2.weight" -> "features/denseblock4/denselayer13/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=13]; -"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=13]; -"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=13]; -"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=13]; -"features/denseblock4/denselayer14/cat/0" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(1, 928, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer14.norm1.weight" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer14.norm1.bias" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer14.norm1.running_mean" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer14.norm1.running_var" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer14/norm1/batch_norm/0" -> "features/denseblock4/denselayer14/relu1/relu_/0" [dtype=float, shape="(1, 928, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer14/relu1/relu_/0" -> "features/denseblock4/denselayer14/conv1/conv2d/0" [dtype=float, shape="(1, 928, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer14.conv1.weight" -> "features/denseblock4/denselayer14/conv1/conv2d/0" [dtype=float, shape="(128, 928, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer14/conv1/conv2d/0" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer14.norm2.weight" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer14.norm2.bias" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer14.norm2.running_mean" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer14.norm2.running_var" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer14/norm2/batch_norm/0" -> "features/denseblock4/denselayer14/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer14/relu2/relu_/0" -> "features/denseblock4/denselayer14/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer14.conv2.weight" -> "features/denseblock4/denselayer14/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer14/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=14]; -"features/denseblock4/denselayer14/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=14]; -"features/denseblock4/denselayer14/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=14]; -"features/denseblock4/denselayer15/cat/0" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer15.norm1.weight" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer15.norm1.bias" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer15.norm1.running_mean" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer15.norm1.running_var" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer15/norm1/batch_norm/0" -> "features/denseblock4/denselayer15/relu1/relu_/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer15/relu1/relu_/0" -> "features/denseblock4/denselayer15/conv1/conv2d/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer15.conv1.weight" -> "features/denseblock4/denselayer15/conv1/conv2d/0" [dtype=float, shape="(128, 960, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer15/conv1/conv2d/0" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer15.norm2.weight" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer15.norm2.bias" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer15.norm2.running_mean" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer15.norm2.running_var" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer15/norm2/batch_norm/0" -> "features/denseblock4/denselayer15/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer15/relu2/relu_/0" -> "features/denseblock4/denselayer15/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer15.conv2.weight" -> "features/denseblock4/denselayer15/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer15/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=15]; -"features/denseblock4/denselayer15/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=15]; -"features/denseblock4/denselayer16/cat/0" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(1, 992, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer16.norm1.weight" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer16.norm1.bias" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer16.norm1.running_mean" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer16.norm1.running_var" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer16/norm1/batch_norm/0" -> "features/denseblock4/denselayer16/relu1/relu_/0" [dtype=float, shape="(1, 992, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer16/relu1/relu_/0" -> "features/denseblock4/denselayer16/conv1/conv2d/0" [dtype=float, shape="(1, 992, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer16.conv1.weight" -> "features/denseblock4/denselayer16/conv1/conv2d/0" [dtype=float, shape="(128, 992, 1, 1)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer16/conv1/conv2d/0" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer16.norm2.weight" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.denseblock4.denselayer16.norm2.bias" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.denseblock4.denselayer16.norm2.running_mean" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.denseblock4.denselayer16.norm2.running_var" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/denseblock4/denselayer16/norm2/batch_norm/0" -> "features/denseblock4/denselayer16/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features/denseblock4/denselayer16/relu2/relu_/0" -> "features/denseblock4/denselayer16/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"features.denseblock4.denselayer16.conv2.weight" -> "features/denseblock4/denselayer16/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/denseblock4/denselayer16/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=16]; -"features/denseblock4/cat/0" -> "features/norm5/batch_norm/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"features.norm5.weight" -> "features/norm5/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"features.norm5.bias" -> "features/norm5/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"features.norm5.running_mean" -> "features/norm5/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"features.norm5.running_var" -> "features/norm5/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"features/norm5/batch_norm/0" -> "/relu_/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"/relu_/0" -> "/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; -"/flatten/0" -> "classifier/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"classifier.weight" -> "classifier/linear/0" [dtype=float, shape="(1000, 1024)", out_port_id=0, in_port_id=1]; -"classifier.bias" -> "classifier/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"classifier/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"features.conv0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/conv0/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; +"features.norm0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.norm0.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.norm0.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.norm0.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/norm0/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/relu0/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; +"features/pool0/max_pool2d/0" [id=9, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features/denseblock1/denselayer1/cat/0" [id=10, metatype=PTCatMetatype, type=cat]; +"features.denseblock1.denselayer1.norm1.weight" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer1.norm1.bias" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer1.norm1.running_mean" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer1.norm1.running_var" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer1/norm1/batch_norm/0" [id=15, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock1/denselayer1/relu1/relu_/0" [id=16, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock1.denselayer1.conv1.weight" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer1/conv1/conv2d/0" [id=18, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock1.denselayer1.norm2.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer1.norm2.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer1.norm2.running_mean" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer1.norm2.running_var" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer1/norm2/batch_norm/0" [id=23, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock1/denselayer1/relu2/relu_/0" [id=24, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock1.denselayer1.conv2.weight" [id=25, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer1/conv2/conv2d/0" [id=26, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock1/denselayer2/cat/0" [id=27, metatype=PTCatMetatype, type=cat]; +"features.denseblock1.denselayer2.norm1.weight" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer2.norm1.bias" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer2.norm1.running_mean" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer2.norm1.running_var" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer2/norm1/batch_norm/0" [id=32, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock1/denselayer2/relu1/relu_/0" [id=33, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock1.denselayer2.conv1.weight" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer2/conv1/conv2d/0" [id=35, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock1.denselayer2.norm2.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer2.norm2.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer2.norm2.running_mean" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer2.norm2.running_var" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer2/norm2/batch_norm/0" [id=40, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock1/denselayer2/relu2/relu_/0" [id=41, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock1.denselayer2.conv2.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer2/conv2/conv2d/0" [id=43, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock1/denselayer3/cat/0" [id=44, metatype=PTCatMetatype, type=cat]; +"features.denseblock1.denselayer3.norm1.weight" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer3.norm1.bias" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer3.norm1.running_mean" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer3.norm1.running_var" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer3/norm1/batch_norm/0" [id=49, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock1/denselayer3/relu1/relu_/0" [id=50, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock1.denselayer3.conv1.weight" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer3/conv1/conv2d/0" [id=52, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock1.denselayer3.norm2.weight" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer3.norm2.bias" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer3.norm2.running_mean" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer3.norm2.running_var" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer3/norm2/batch_norm/0" [id=57, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock1/denselayer3/relu2/relu_/0" [id=58, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock1.denselayer3.conv2.weight" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer3/conv2/conv2d/0" [id=60, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock1/denselayer4/cat/0" [id=61, metatype=PTCatMetatype, type=cat]; +"features.denseblock1.denselayer4.norm1.weight" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer4.norm1.bias" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer4.norm1.running_mean" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer4.norm1.running_var" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer4/norm1/batch_norm/0" [id=66, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock1/denselayer4/relu1/relu_/0" [id=67, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock1.denselayer4.conv1.weight" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer4/conv1/conv2d/0" [id=69, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock1.denselayer4.norm2.weight" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer4.norm2.bias" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer4.norm2.running_mean" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer4.norm2.running_var" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer4/norm2/batch_norm/0" [id=74, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock1/denselayer4/relu2/relu_/0" [id=75, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock1.denselayer4.conv2.weight" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer4/conv2/conv2d/0" [id=77, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock1/denselayer5/cat/0" [id=78, metatype=PTCatMetatype, type=cat]; +"features.denseblock1.denselayer5.norm1.weight" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer5.norm1.bias" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer5.norm1.running_mean" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer5.norm1.running_var" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer5/norm1/batch_norm/0" [id=83, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock1/denselayer5/relu1/relu_/0" [id=84, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock1.denselayer5.conv1.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer5/conv1/conv2d/0" [id=86, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock1.denselayer5.norm2.weight" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer5.norm2.bias" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer5.norm2.running_mean" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer5.norm2.running_var" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer5/norm2/batch_norm/0" [id=91, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock1/denselayer5/relu2/relu_/0" [id=92, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock1.denselayer5.conv2.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer5/conv2/conv2d/0" [id=94, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock1/denselayer6/cat/0" [id=95, metatype=PTCatMetatype, type=cat]; +"features.denseblock1.denselayer6.norm1.weight" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer6.norm1.bias" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer6.norm1.running_mean" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer6.norm1.running_var" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer6/norm1/batch_norm/0" [id=100, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock1/denselayer6/relu1/relu_/0" [id=101, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock1.denselayer6.conv1.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer6/conv1/conv2d/0" [id=103, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock1.denselayer6.norm2.weight" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer6.norm2.bias" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer6.norm2.running_mean" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock1.denselayer6.norm2.running_var" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer6/norm2/batch_norm/0" [id=108, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock1/denselayer6/relu2/relu_/0" [id=109, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock1.denselayer6.conv2.weight" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock1/denselayer6/conv2/conv2d/0" [id=111, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock1/cat/0" [id=112, metatype=PTCatMetatype, type=cat]; +"features.transition1.norm.weight" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.transition1.norm.bias" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.transition1.norm.running_mean" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.transition1.norm.running_var" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/transition1/norm/batch_norm/0" [id=117, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/transition1/relu/relu_/0" [id=118, metatype=PTRELUMetatype, type=relu_]; +"features.transition1.conv.weight" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/transition1/conv/conv2d/0" [id=120, metatype=PTConv2dMetatype, type=conv2d]; +"features/transition1/pool/avg_pool2d/0" [id=121, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"features/denseblock2/denselayer1/cat/0" [id=122, metatype=PTCatMetatype, type=cat]; +"features.denseblock2.denselayer1.norm1.weight" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer1.norm1.bias" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer1.norm1.running_mean" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer1.norm1.running_var" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer1/norm1/batch_norm/0" [id=127, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer1/relu1/relu_/0" [id=128, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer1.conv1.weight" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer1/conv1/conv2d/0" [id=130, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock2.denselayer1.norm2.weight" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer1.norm2.bias" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer1.norm2.running_mean" [id=133, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer1.norm2.running_var" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer1/norm2/batch_norm/0" [id=135, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer1/relu2/relu_/0" [id=136, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer1.conv2.weight" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer1/conv2/conv2d/0" [id=138, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock2/denselayer2/cat/0" [id=139, metatype=PTCatMetatype, type=cat]; +"features.denseblock2.denselayer2.norm1.weight" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer2.norm1.bias" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer2.norm1.running_mean" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer2.norm1.running_var" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer2/norm1/batch_norm/0" [id=144, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer2/relu1/relu_/0" [id=145, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer2.conv1.weight" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer2/conv1/conv2d/0" [id=147, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock2.denselayer2.norm2.weight" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer2.norm2.bias" [id=149, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer2.norm2.running_mean" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer2.norm2.running_var" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer2/norm2/batch_norm/0" [id=152, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer2/relu2/relu_/0" [id=153, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer2.conv2.weight" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer2/conv2/conv2d/0" [id=155, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock2/denselayer3/cat/0" [id=156, metatype=PTCatMetatype, type=cat]; +"features.denseblock2.denselayer3.norm1.weight" [id=157, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer3.norm1.bias" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer3.norm1.running_mean" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer3.norm1.running_var" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer3/norm1/batch_norm/0" [id=161, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer3/relu1/relu_/0" [id=162, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer3.conv1.weight" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer3/conv1/conv2d/0" [id=164, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock2.denselayer3.norm2.weight" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer3.norm2.bias" [id=166, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer3.norm2.running_mean" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer3.norm2.running_var" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer3/norm2/batch_norm/0" [id=169, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer3/relu2/relu_/0" [id=170, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer3.conv2.weight" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer3/conv2/conv2d/0" [id=172, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock2/denselayer4/cat/0" [id=173, metatype=PTCatMetatype, type=cat]; +"features.denseblock2.denselayer4.norm1.weight" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer4.norm1.bias" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer4.norm1.running_mean" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer4.norm1.running_var" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer4/norm1/batch_norm/0" [id=178, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer4/relu1/relu_/0" [id=179, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer4.conv1.weight" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer4/conv1/conv2d/0" [id=181, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock2.denselayer4.norm2.weight" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer4.norm2.bias" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer4.norm2.running_mean" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer4.norm2.running_var" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer4/norm2/batch_norm/0" [id=186, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer4/relu2/relu_/0" [id=187, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer4.conv2.weight" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer4/conv2/conv2d/0" [id=189, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock2/denselayer5/cat/0" [id=190, metatype=PTCatMetatype, type=cat]; +"features.denseblock2.denselayer5.norm1.weight" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer5.norm1.bias" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer5.norm1.running_mean" [id=193, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer5.norm1.running_var" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer5/norm1/batch_norm/0" [id=195, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer5/relu1/relu_/0" [id=196, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer5.conv1.weight" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer5/conv1/conv2d/0" [id=198, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock2.denselayer5.norm2.weight" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer5.norm2.bias" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer5.norm2.running_mean" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer5.norm2.running_var" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer5/norm2/batch_norm/0" [id=203, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer5/relu2/relu_/0" [id=204, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer5.conv2.weight" [id=205, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer5/conv2/conv2d/0" [id=206, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock2/denselayer6/cat/0" [id=207, metatype=PTCatMetatype, type=cat]; +"features.denseblock2.denselayer6.norm1.weight" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer6.norm1.bias" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer6.norm1.running_mean" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer6.norm1.running_var" [id=211, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer6/norm1/batch_norm/0" [id=212, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer6/relu1/relu_/0" [id=213, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer6.conv1.weight" [id=214, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer6/conv1/conv2d/0" [id=215, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock2.denselayer6.norm2.weight" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer6.norm2.bias" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer6.norm2.running_mean" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer6.norm2.running_var" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer6/norm2/batch_norm/0" [id=220, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer6/relu2/relu_/0" [id=221, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer6.conv2.weight" [id=222, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer6/conv2/conv2d/0" [id=223, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock2/denselayer7/cat/0" [id=224, metatype=PTCatMetatype, type=cat]; +"features.denseblock2.denselayer7.norm1.weight" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer7.norm1.bias" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer7.norm1.running_mean" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer7.norm1.running_var" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer7/norm1/batch_norm/0" [id=229, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer7/relu1/relu_/0" [id=230, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer7.conv1.weight" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer7/conv1/conv2d/0" [id=232, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock2.denselayer7.norm2.weight" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer7.norm2.bias" [id=234, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer7.norm2.running_mean" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer7.norm2.running_var" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer7/norm2/batch_norm/0" [id=237, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer7/relu2/relu_/0" [id=238, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer7.conv2.weight" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer7/conv2/conv2d/0" [id=240, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock2/denselayer8/cat/0" [id=241, metatype=PTCatMetatype, type=cat]; +"features.denseblock2.denselayer8.norm1.weight" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer8.norm1.bias" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer8.norm1.running_mean" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer8.norm1.running_var" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer8/norm1/batch_norm/0" [id=246, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer8/relu1/relu_/0" [id=247, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer8.conv1.weight" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer8/conv1/conv2d/0" [id=249, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock2.denselayer8.norm2.weight" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer8.norm2.bias" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer8.norm2.running_mean" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer8.norm2.running_var" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer8/norm2/batch_norm/0" [id=254, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer8/relu2/relu_/0" [id=255, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer8.conv2.weight" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer8/conv2/conv2d/0" [id=257, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock2/denselayer9/cat/0" [id=258, metatype=PTCatMetatype, type=cat]; +"features.denseblock2.denselayer9.norm1.weight" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer9.norm1.bias" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer9.norm1.running_mean" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer9.norm1.running_var" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer9/norm1/batch_norm/0" [id=263, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer9/relu1/relu_/0" [id=264, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer9.conv1.weight" [id=265, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer9/conv1/conv2d/0" [id=266, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock2.denselayer9.norm2.weight" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer9.norm2.bias" [id=268, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer9.norm2.running_mean" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer9.norm2.running_var" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer9/norm2/batch_norm/0" [id=271, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer9/relu2/relu_/0" [id=272, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer9.conv2.weight" [id=273, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer9/conv2/conv2d/0" [id=274, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock2/denselayer10/cat/0" [id=275, metatype=PTCatMetatype, type=cat]; +"features.denseblock2.denselayer10.norm1.weight" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer10.norm1.bias" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer10.norm1.running_mean" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer10.norm1.running_var" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer10/norm1/batch_norm/0" [id=280, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer10/relu1/relu_/0" [id=281, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer10.conv1.weight" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer10/conv1/conv2d/0" [id=283, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock2.denselayer10.norm2.weight" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer10.norm2.bias" [id=285, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer10.norm2.running_mean" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer10.norm2.running_var" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer10/norm2/batch_norm/0" [id=288, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer10/relu2/relu_/0" [id=289, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer10.conv2.weight" [id=290, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer10/conv2/conv2d/0" [id=291, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock2/denselayer11/cat/0" [id=292, metatype=PTCatMetatype, type=cat]; +"features.denseblock2.denselayer11.norm1.weight" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer11.norm1.bias" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer11.norm1.running_mean" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer11.norm1.running_var" [id=296, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer11/norm1/batch_norm/0" [id=297, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer11/relu1/relu_/0" [id=298, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer11.conv1.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer11/conv1/conv2d/0" [id=300, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock2.denselayer11.norm2.weight" [id=301, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer11.norm2.bias" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer11.norm2.running_mean" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer11.norm2.running_var" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer11/norm2/batch_norm/0" [id=305, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer11/relu2/relu_/0" [id=306, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer11.conv2.weight" [id=307, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer11/conv2/conv2d/0" [id=308, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock2/denselayer12/cat/0" [id=309, metatype=PTCatMetatype, type=cat]; +"features.denseblock2.denselayer12.norm1.weight" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer12.norm1.bias" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer12.norm1.running_mean" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer12.norm1.running_var" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer12/norm1/batch_norm/0" [id=314, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer12/relu1/relu_/0" [id=315, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer12.conv1.weight" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer12/conv1/conv2d/0" [id=317, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock2.denselayer12.norm2.weight" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer12.norm2.bias" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer12.norm2.running_mean" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock2.denselayer12.norm2.running_var" [id=321, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer12/norm2/batch_norm/0" [id=322, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock2/denselayer12/relu2/relu_/0" [id=323, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock2.denselayer12.conv2.weight" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock2/denselayer12/conv2/conv2d/0" [id=325, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock2/cat/0" [id=326, metatype=PTCatMetatype, type=cat]; +"features.transition2.norm.weight" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.transition2.norm.bias" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.transition2.norm.running_mean" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.transition2.norm.running_var" [id=330, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/transition2/norm/batch_norm/0" [id=331, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/transition2/relu/relu_/0" [id=332, metatype=PTRELUMetatype, type=relu_]; +"features.transition2.conv.weight" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/transition2/conv/conv2d/0" [id=334, metatype=PTConv2dMetatype, type=conv2d]; +"features/transition2/pool/avg_pool2d/0" [id=335, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"features/denseblock3/denselayer1/cat/0" [id=336, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer1.norm1.weight" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer1.norm1.bias" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer1.norm1.running_mean" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer1.norm1.running_var" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer1/norm1/batch_norm/0" [id=341, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer1/relu1/relu_/0" [id=342, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer1.conv1.weight" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer1/conv1/conv2d/0" [id=344, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer1.norm2.weight" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer1.norm2.bias" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer1.norm2.running_mean" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer1.norm2.running_var" [id=348, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer1/norm2/batch_norm/0" [id=349, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer1/relu2/relu_/0" [id=350, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer1.conv2.weight" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer1/conv2/conv2d/0" [id=352, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer2/cat/0" [id=353, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer2.norm1.weight" [id=354, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer2.norm1.bias" [id=355, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer2.norm1.running_mean" [id=356, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer2.norm1.running_var" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer2/norm1/batch_norm/0" [id=358, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer2/relu1/relu_/0" [id=359, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer2.conv1.weight" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer2/conv1/conv2d/0" [id=361, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer2.norm2.weight" [id=362, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer2.norm2.bias" [id=363, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer2.norm2.running_mean" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer2.norm2.running_var" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer2/norm2/batch_norm/0" [id=366, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer2/relu2/relu_/0" [id=367, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer2.conv2.weight" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer2/conv2/conv2d/0" [id=369, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer3/cat/0" [id=370, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer3.norm1.weight" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer3.norm1.bias" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer3.norm1.running_mean" [id=373, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer3.norm1.running_var" [id=374, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer3/norm1/batch_norm/0" [id=375, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer3/relu1/relu_/0" [id=376, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer3.conv1.weight" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer3/conv1/conv2d/0" [id=378, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer3.norm2.weight" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer3.norm2.bias" [id=380, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer3.norm2.running_mean" [id=381, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer3.norm2.running_var" [id=382, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer3/norm2/batch_norm/0" [id=383, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer3/relu2/relu_/0" [id=384, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer3.conv2.weight" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer3/conv2/conv2d/0" [id=386, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer4/cat/0" [id=387, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer4.norm1.weight" [id=388, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer4.norm1.bias" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer4.norm1.running_mean" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer4.norm1.running_var" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer4/norm1/batch_norm/0" [id=392, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer4/relu1/relu_/0" [id=393, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer4.conv1.weight" [id=394, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer4/conv1/conv2d/0" [id=395, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer4.norm2.weight" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer4.norm2.bias" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer4.norm2.running_mean" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer4.norm2.running_var" [id=399, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer4/norm2/batch_norm/0" [id=400, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer4/relu2/relu_/0" [id=401, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer4.conv2.weight" [id=402, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer4/conv2/conv2d/0" [id=403, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer5/cat/0" [id=404, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer5.norm1.weight" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer5.norm1.bias" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer5.norm1.running_mean" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer5.norm1.running_var" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer5/norm1/batch_norm/0" [id=409, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer5/relu1/relu_/0" [id=410, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer5.conv1.weight" [id=411, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer5/conv1/conv2d/0" [id=412, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer5.norm2.weight" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer5.norm2.bias" [id=414, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer5.norm2.running_mean" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer5.norm2.running_var" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer5/norm2/batch_norm/0" [id=417, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer5/relu2/relu_/0" [id=418, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer5.conv2.weight" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer5/conv2/conv2d/0" [id=420, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer6/cat/0" [id=421, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer6.norm1.weight" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer6.norm1.bias" [id=423, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer6.norm1.running_mean" [id=424, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer6.norm1.running_var" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer6/norm1/batch_norm/0" [id=426, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer6/relu1/relu_/0" [id=427, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer6.conv1.weight" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer6/conv1/conv2d/0" [id=429, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer6.norm2.weight" [id=430, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer6.norm2.bias" [id=431, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer6.norm2.running_mean" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer6.norm2.running_var" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer6/norm2/batch_norm/0" [id=434, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer6/relu2/relu_/0" [id=435, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer6.conv2.weight" [id=436, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer6/conv2/conv2d/0" [id=437, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer7/cat/0" [id=438, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer7.norm1.weight" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer7.norm1.bias" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer7.norm1.running_mean" [id=441, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer7.norm1.running_var" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer7/norm1/batch_norm/0" [id=443, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer7/relu1/relu_/0" [id=444, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer7.conv1.weight" [id=445, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer7/conv1/conv2d/0" [id=446, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer7.norm2.weight" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer7.norm2.bias" [id=448, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer7.norm2.running_mean" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer7.norm2.running_var" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer7/norm2/batch_norm/0" [id=451, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer7/relu2/relu_/0" [id=452, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer7.conv2.weight" [id=453, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer7/conv2/conv2d/0" [id=454, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer8/cat/0" [id=455, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer8.norm1.weight" [id=456, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer8.norm1.bias" [id=457, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer8.norm1.running_mean" [id=458, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer8.norm1.running_var" [id=459, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer8/norm1/batch_norm/0" [id=460, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer8/relu1/relu_/0" [id=461, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer8.conv1.weight" [id=462, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer8/conv1/conv2d/0" [id=463, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer8.norm2.weight" [id=464, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer8.norm2.bias" [id=465, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer8.norm2.running_mean" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer8.norm2.running_var" [id=467, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer8/norm2/batch_norm/0" [id=468, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer8/relu2/relu_/0" [id=469, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer8.conv2.weight" [id=470, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer8/conv2/conv2d/0" [id=471, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer9/cat/0" [id=472, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer9.norm1.weight" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer9.norm1.bias" [id=474, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer9.norm1.running_mean" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer9.norm1.running_var" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer9/norm1/batch_norm/0" [id=477, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer9/relu1/relu_/0" [id=478, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer9.conv1.weight" [id=479, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer9/conv1/conv2d/0" [id=480, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer9.norm2.weight" [id=481, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer9.norm2.bias" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer9.norm2.running_mean" [id=483, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer9.norm2.running_var" [id=484, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer9/norm2/batch_norm/0" [id=485, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer9/relu2/relu_/0" [id=486, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer9.conv2.weight" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer9/conv2/conv2d/0" [id=488, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer10/cat/0" [id=489, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer10.norm1.weight" [id=490, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer10.norm1.bias" [id=491, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer10.norm1.running_mean" [id=492, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer10.norm1.running_var" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer10/norm1/batch_norm/0" [id=494, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer10/relu1/relu_/0" [id=495, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer10.conv1.weight" [id=496, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer10/conv1/conv2d/0" [id=497, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer10.norm2.weight" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer10.norm2.bias" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer10.norm2.running_mean" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer10.norm2.running_var" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer10/norm2/batch_norm/0" [id=502, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer10/relu2/relu_/0" [id=503, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer10.conv2.weight" [id=504, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer10/conv2/conv2d/0" [id=505, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer11/cat/0" [id=506, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer11.norm1.weight" [id=507, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer11.norm1.bias" [id=508, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer11.norm1.running_mean" [id=509, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer11.norm1.running_var" [id=510, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer11/norm1/batch_norm/0" [id=511, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer11/relu1/relu_/0" [id=512, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer11.conv1.weight" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer11/conv1/conv2d/0" [id=514, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer11.norm2.weight" [id=515, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer11.norm2.bias" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer11.norm2.running_mean" [id=517, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer11.norm2.running_var" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer11/norm2/batch_norm/0" [id=519, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer11/relu2/relu_/0" [id=520, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer11.conv2.weight" [id=521, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer11/conv2/conv2d/0" [id=522, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer12/cat/0" [id=523, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer12.norm1.weight" [id=524, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer12.norm1.bias" [id=525, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer12.norm1.running_mean" [id=526, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer12.norm1.running_var" [id=527, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer12/norm1/batch_norm/0" [id=528, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer12/relu1/relu_/0" [id=529, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer12.conv1.weight" [id=530, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer12/conv1/conv2d/0" [id=531, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer12.norm2.weight" [id=532, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer12.norm2.bias" [id=533, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer12.norm2.running_mean" [id=534, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer12.norm2.running_var" [id=535, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer12/norm2/batch_norm/0" [id=536, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer12/relu2/relu_/0" [id=537, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer12.conv2.weight" [id=538, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer12/conv2/conv2d/0" [id=539, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer13/cat/0" [id=540, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer13.norm1.weight" [id=541, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer13.norm1.bias" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer13.norm1.running_mean" [id=543, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer13.norm1.running_var" [id=544, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer13/norm1/batch_norm/0" [id=545, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer13/relu1/relu_/0" [id=546, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer13.conv1.weight" [id=547, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer13/conv1/conv2d/0" [id=548, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer13.norm2.weight" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer13.norm2.bias" [id=550, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer13.norm2.running_mean" [id=551, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer13.norm2.running_var" [id=552, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer13/norm2/batch_norm/0" [id=553, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer13/relu2/relu_/0" [id=554, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer13.conv2.weight" [id=555, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer13/conv2/conv2d/0" [id=556, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer14/cat/0" [id=557, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer14.norm1.weight" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer14.norm1.bias" [id=559, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer14.norm1.running_mean" [id=560, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer14.norm1.running_var" [id=561, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer14/norm1/batch_norm/0" [id=562, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer14/relu1/relu_/0" [id=563, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer14.conv1.weight" [id=564, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer14/conv1/conv2d/0" [id=565, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer14.norm2.weight" [id=566, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer14.norm2.bias" [id=567, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer14.norm2.running_mean" [id=568, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer14.norm2.running_var" [id=569, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer14/norm2/batch_norm/0" [id=570, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer14/relu2/relu_/0" [id=571, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer14.conv2.weight" [id=572, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer14/conv2/conv2d/0" [id=573, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer15/cat/0" [id=574, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer15.norm1.weight" [id=575, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer15.norm1.bias" [id=576, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer15.norm1.running_mean" [id=577, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer15.norm1.running_var" [id=578, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer15/norm1/batch_norm/0" [id=579, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer15/relu1/relu_/0" [id=580, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer15.conv1.weight" [id=581, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer15/conv1/conv2d/0" [id=582, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer15.norm2.weight" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer15.norm2.bias" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer15.norm2.running_mean" [id=585, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer15.norm2.running_var" [id=586, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer15/norm2/batch_norm/0" [id=587, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer15/relu2/relu_/0" [id=588, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer15.conv2.weight" [id=589, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer15/conv2/conv2d/0" [id=590, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer16/cat/0" [id=591, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer16.norm1.weight" [id=592, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer16.norm1.bias" [id=593, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer16.norm1.running_mean" [id=594, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer16.norm1.running_var" [id=595, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer16/norm1/batch_norm/0" [id=596, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer16/relu1/relu_/0" [id=597, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer16.conv1.weight" [id=598, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer16/conv1/conv2d/0" [id=599, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer16.norm2.weight" [id=600, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer16.norm2.bias" [id=601, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer16.norm2.running_mean" [id=602, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer16.norm2.running_var" [id=603, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer16/norm2/batch_norm/0" [id=604, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer16/relu2/relu_/0" [id=605, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer16.conv2.weight" [id=606, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer16/conv2/conv2d/0" [id=607, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer17/cat/0" [id=608, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer17.norm1.weight" [id=609, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer17.norm1.bias" [id=610, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer17.norm1.running_mean" [id=611, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer17.norm1.running_var" [id=612, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer17/norm1/batch_norm/0" [id=613, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer17/relu1/relu_/0" [id=614, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer17.conv1.weight" [id=615, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer17/conv1/conv2d/0" [id=616, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer17.norm2.weight" [id=617, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer17.norm2.bias" [id=618, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer17.norm2.running_mean" [id=619, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer17.norm2.running_var" [id=620, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer17/norm2/batch_norm/0" [id=621, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer17/relu2/relu_/0" [id=622, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer17.conv2.weight" [id=623, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer17/conv2/conv2d/0" [id=624, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer18/cat/0" [id=625, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer18.norm1.weight" [id=626, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer18.norm1.bias" [id=627, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer18.norm1.running_mean" [id=628, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer18.norm1.running_var" [id=629, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer18/norm1/batch_norm/0" [id=630, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer18/relu1/relu_/0" [id=631, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer18.conv1.weight" [id=632, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer18/conv1/conv2d/0" [id=633, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer18.norm2.weight" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer18.norm2.bias" [id=635, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer18.norm2.running_mean" [id=636, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer18.norm2.running_var" [id=637, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer18/norm2/batch_norm/0" [id=638, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer18/relu2/relu_/0" [id=639, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer18.conv2.weight" [id=640, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer18/conv2/conv2d/0" [id=641, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer19/cat/0" [id=642, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer19.norm1.weight" [id=643, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer19.norm1.bias" [id=644, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer19.norm1.running_mean" [id=645, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer19.norm1.running_var" [id=646, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer19/norm1/batch_norm/0" [id=647, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer19/relu1/relu_/0" [id=648, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer19.conv1.weight" [id=649, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer19/conv1/conv2d/0" [id=650, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer19.norm2.weight" [id=651, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer19.norm2.bias" [id=652, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer19.norm2.running_mean" [id=653, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer19.norm2.running_var" [id=654, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer19/norm2/batch_norm/0" [id=655, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer19/relu2/relu_/0" [id=656, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer19.conv2.weight" [id=657, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer19/conv2/conv2d/0" [id=658, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer20/cat/0" [id=659, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer20.norm1.weight" [id=660, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer20.norm1.bias" [id=661, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer20.norm1.running_mean" [id=662, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer20.norm1.running_var" [id=663, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer20/norm1/batch_norm/0" [id=664, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer20/relu1/relu_/0" [id=665, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer20.conv1.weight" [id=666, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer20/conv1/conv2d/0" [id=667, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer20.norm2.weight" [id=668, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer20.norm2.bias" [id=669, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer20.norm2.running_mean" [id=670, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer20.norm2.running_var" [id=671, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer20/norm2/batch_norm/0" [id=672, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer20/relu2/relu_/0" [id=673, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer20.conv2.weight" [id=674, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer20/conv2/conv2d/0" [id=675, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer21/cat/0" [id=676, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer21.norm1.weight" [id=677, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer21.norm1.bias" [id=678, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer21.norm1.running_mean" [id=679, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer21.norm1.running_var" [id=680, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer21/norm1/batch_norm/0" [id=681, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer21/relu1/relu_/0" [id=682, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer21.conv1.weight" [id=683, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer21/conv1/conv2d/0" [id=684, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer21.norm2.weight" [id=685, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer21.norm2.bias" [id=686, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer21.norm2.running_mean" [id=687, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer21.norm2.running_var" [id=688, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer21/norm2/batch_norm/0" [id=689, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer21/relu2/relu_/0" [id=690, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer21.conv2.weight" [id=691, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer21/conv2/conv2d/0" [id=692, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer22/cat/0" [id=693, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer22.norm1.weight" [id=694, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer22.norm1.bias" [id=695, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer22.norm1.running_mean" [id=696, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer22.norm1.running_var" [id=697, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer22/norm1/batch_norm/0" [id=698, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer22/relu1/relu_/0" [id=699, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer22.conv1.weight" [id=700, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer22/conv1/conv2d/0" [id=701, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer22.norm2.weight" [id=702, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer22.norm2.bias" [id=703, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer22.norm2.running_mean" [id=704, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer22.norm2.running_var" [id=705, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer22/norm2/batch_norm/0" [id=706, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer22/relu2/relu_/0" [id=707, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer22.conv2.weight" [id=708, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer22/conv2/conv2d/0" [id=709, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer23/cat/0" [id=710, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer23.norm1.weight" [id=711, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer23.norm1.bias" [id=712, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer23.norm1.running_mean" [id=713, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer23.norm1.running_var" [id=714, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer23/norm1/batch_norm/0" [id=715, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer23/relu1/relu_/0" [id=716, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer23.conv1.weight" [id=717, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer23/conv1/conv2d/0" [id=718, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer23.norm2.weight" [id=719, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer23.norm2.bias" [id=720, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer23.norm2.running_mean" [id=721, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer23.norm2.running_var" [id=722, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer23/norm2/batch_norm/0" [id=723, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer23/relu2/relu_/0" [id=724, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer23.conv2.weight" [id=725, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer23/conv2/conv2d/0" [id=726, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/denselayer24/cat/0" [id=727, metatype=PTCatMetatype, type=cat]; +"features.denseblock3.denselayer24.norm1.weight" [id=728, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer24.norm1.bias" [id=729, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer24.norm1.running_mean" [id=730, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer24.norm1.running_var" [id=731, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer24/norm1/batch_norm/0" [id=732, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer24/relu1/relu_/0" [id=733, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer24.conv1.weight" [id=734, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer24/conv1/conv2d/0" [id=735, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock3.denselayer24.norm2.weight" [id=736, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer24.norm2.bias" [id=737, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer24.norm2.running_mean" [id=738, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock3.denselayer24.norm2.running_var" [id=739, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer24/norm2/batch_norm/0" [id=740, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock3/denselayer24/relu2/relu_/0" [id=741, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock3.denselayer24.conv2.weight" [id=742, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock3/denselayer24/conv2/conv2d/0" [id=743, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock3/cat/0" [id=744, metatype=PTCatMetatype, type=cat]; +"features.transition3.norm.weight" [id=745, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.transition3.norm.bias" [id=746, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.transition3.norm.running_mean" [id=747, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.transition3.norm.running_var" [id=748, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/transition3/norm/batch_norm/0" [id=749, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/transition3/relu/relu_/0" [id=750, metatype=PTRELUMetatype, type=relu_]; +"features.transition3.conv.weight" [id=751, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/transition3/conv/conv2d/0" [id=752, metatype=PTConv2dMetatype, type=conv2d]; +"features/transition3/pool/avg_pool2d/0" [id=753, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"features/denseblock4/denselayer1/cat/0" [id=754, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer1.norm1.weight" [id=755, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer1.norm1.bias" [id=756, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer1.norm1.running_mean" [id=757, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer1.norm1.running_var" [id=758, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer1/norm1/batch_norm/0" [id=759, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer1/relu1/relu_/0" [id=760, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer1.conv1.weight" [id=761, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer1/conv1/conv2d/0" [id=762, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer1.norm2.weight" [id=763, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer1.norm2.bias" [id=764, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer1.norm2.running_mean" [id=765, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer1.norm2.running_var" [id=766, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer1/norm2/batch_norm/0" [id=767, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer1/relu2/relu_/0" [id=768, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer1.conv2.weight" [id=769, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer1/conv2/conv2d/0" [id=770, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer2/cat/0" [id=771, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer2.norm1.weight" [id=772, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer2.norm1.bias" [id=773, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer2.norm1.running_mean" [id=774, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer2.norm1.running_var" [id=775, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer2/norm1/batch_norm/0" [id=776, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer2/relu1/relu_/0" [id=777, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer2.conv1.weight" [id=778, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer2/conv1/conv2d/0" [id=779, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer2.norm2.weight" [id=780, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer2.norm2.bias" [id=781, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer2.norm2.running_mean" [id=782, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer2.norm2.running_var" [id=783, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer2/norm2/batch_norm/0" [id=784, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer2/relu2/relu_/0" [id=785, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer2.conv2.weight" [id=786, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer2/conv2/conv2d/0" [id=787, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer3/cat/0" [id=788, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer3.norm1.weight" [id=789, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer3.norm1.bias" [id=790, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer3.norm1.running_mean" [id=791, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer3.norm1.running_var" [id=792, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer3/norm1/batch_norm/0" [id=793, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer3/relu1/relu_/0" [id=794, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer3.conv1.weight" [id=795, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer3/conv1/conv2d/0" [id=796, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer3.norm2.weight" [id=797, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer3.norm2.bias" [id=798, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer3.norm2.running_mean" [id=799, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer3.norm2.running_var" [id=800, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer3/norm2/batch_norm/0" [id=801, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer3/relu2/relu_/0" [id=802, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer3.conv2.weight" [id=803, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer3/conv2/conv2d/0" [id=804, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer4/cat/0" [id=805, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer4.norm1.weight" [id=806, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer4.norm1.bias" [id=807, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer4.norm1.running_mean" [id=808, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer4.norm1.running_var" [id=809, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer4/norm1/batch_norm/0" [id=810, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer4/relu1/relu_/0" [id=811, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer4.conv1.weight" [id=812, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer4/conv1/conv2d/0" [id=813, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer4.norm2.weight" [id=814, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer4.norm2.bias" [id=815, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer4.norm2.running_mean" [id=816, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer4.norm2.running_var" [id=817, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer4/norm2/batch_norm/0" [id=818, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer4/relu2/relu_/0" [id=819, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer4.conv2.weight" [id=820, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer4/conv2/conv2d/0" [id=821, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer5/cat/0" [id=822, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer5.norm1.weight" [id=823, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer5.norm1.bias" [id=824, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer5.norm1.running_mean" [id=825, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer5.norm1.running_var" [id=826, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer5/norm1/batch_norm/0" [id=827, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer5/relu1/relu_/0" [id=828, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer5.conv1.weight" [id=829, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer5/conv1/conv2d/0" [id=830, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer5.norm2.weight" [id=831, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer5.norm2.bias" [id=832, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer5.norm2.running_mean" [id=833, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer5.norm2.running_var" [id=834, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer5/norm2/batch_norm/0" [id=835, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer5/relu2/relu_/0" [id=836, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer5.conv2.weight" [id=837, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer5/conv2/conv2d/0" [id=838, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer6/cat/0" [id=839, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer6.norm1.weight" [id=840, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer6.norm1.bias" [id=841, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer6.norm1.running_mean" [id=842, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer6.norm1.running_var" [id=843, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer6/norm1/batch_norm/0" [id=844, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer6/relu1/relu_/0" [id=845, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer6.conv1.weight" [id=846, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer6/conv1/conv2d/0" [id=847, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer6.norm2.weight" [id=848, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer6.norm2.bias" [id=849, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer6.norm2.running_mean" [id=850, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer6.norm2.running_var" [id=851, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer6/norm2/batch_norm/0" [id=852, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer6/relu2/relu_/0" [id=853, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer6.conv2.weight" [id=854, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer6/conv2/conv2d/0" [id=855, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer7/cat/0" [id=856, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer7.norm1.weight" [id=857, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer7.norm1.bias" [id=858, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer7.norm1.running_mean" [id=859, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer7.norm1.running_var" [id=860, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer7/norm1/batch_norm/0" [id=861, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer7/relu1/relu_/0" [id=862, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer7.conv1.weight" [id=863, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer7/conv1/conv2d/0" [id=864, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer7.norm2.weight" [id=865, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer7.norm2.bias" [id=866, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer7.norm2.running_mean" [id=867, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer7.norm2.running_var" [id=868, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer7/norm2/batch_norm/0" [id=869, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer7/relu2/relu_/0" [id=870, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer7.conv2.weight" [id=871, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer7/conv2/conv2d/0" [id=872, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer8/cat/0" [id=873, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer8.norm1.weight" [id=874, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer8.norm1.bias" [id=875, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer8.norm1.running_mean" [id=876, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer8.norm1.running_var" [id=877, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer8/norm1/batch_norm/0" [id=878, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer8/relu1/relu_/0" [id=879, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer8.conv1.weight" [id=880, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer8/conv1/conv2d/0" [id=881, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer8.norm2.weight" [id=882, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer8.norm2.bias" [id=883, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer8.norm2.running_mean" [id=884, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer8.norm2.running_var" [id=885, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer8/norm2/batch_norm/0" [id=886, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer8/relu2/relu_/0" [id=887, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer8.conv2.weight" [id=888, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer8/conv2/conv2d/0" [id=889, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer9/cat/0" [id=890, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer9.norm1.weight" [id=891, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer9.norm1.bias" [id=892, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer9.norm1.running_mean" [id=893, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer9.norm1.running_var" [id=894, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer9/norm1/batch_norm/0" [id=895, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer9/relu1/relu_/0" [id=896, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer9.conv1.weight" [id=897, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer9/conv1/conv2d/0" [id=898, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer9.norm2.weight" [id=899, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer9.norm2.bias" [id=900, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer9.norm2.running_mean" [id=901, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer9.norm2.running_var" [id=902, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer9/norm2/batch_norm/0" [id=903, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer9/relu2/relu_/0" [id=904, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer9.conv2.weight" [id=905, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer9/conv2/conv2d/0" [id=906, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer10/cat/0" [id=907, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer10.norm1.weight" [id=908, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer10.norm1.bias" [id=909, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer10.norm1.running_mean" [id=910, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer10.norm1.running_var" [id=911, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer10/norm1/batch_norm/0" [id=912, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer10/relu1/relu_/0" [id=913, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer10.conv1.weight" [id=914, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer10/conv1/conv2d/0" [id=915, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer10.norm2.weight" [id=916, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer10.norm2.bias" [id=917, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer10.norm2.running_mean" [id=918, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer10.norm2.running_var" [id=919, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer10/norm2/batch_norm/0" [id=920, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer10/relu2/relu_/0" [id=921, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer10.conv2.weight" [id=922, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer10/conv2/conv2d/0" [id=923, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer11/cat/0" [id=924, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer11.norm1.weight" [id=925, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer11.norm1.bias" [id=926, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer11.norm1.running_mean" [id=927, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer11.norm1.running_var" [id=928, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer11/norm1/batch_norm/0" [id=929, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer11/relu1/relu_/0" [id=930, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer11.conv1.weight" [id=931, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer11/conv1/conv2d/0" [id=932, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer11.norm2.weight" [id=933, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer11.norm2.bias" [id=934, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer11.norm2.running_mean" [id=935, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer11.norm2.running_var" [id=936, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer11/norm2/batch_norm/0" [id=937, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer11/relu2/relu_/0" [id=938, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer11.conv2.weight" [id=939, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer11/conv2/conv2d/0" [id=940, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer12/cat/0" [id=941, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer12.norm1.weight" [id=942, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer12.norm1.bias" [id=943, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer12.norm1.running_mean" [id=944, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer12.norm1.running_var" [id=945, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer12/norm1/batch_norm/0" [id=946, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer12/relu1/relu_/0" [id=947, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer12.conv1.weight" [id=948, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer12/conv1/conv2d/0" [id=949, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer12.norm2.weight" [id=950, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer12.norm2.bias" [id=951, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer12.norm2.running_mean" [id=952, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer12.norm2.running_var" [id=953, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer12/norm2/batch_norm/0" [id=954, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer12/relu2/relu_/0" [id=955, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer12.conv2.weight" [id=956, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer12/conv2/conv2d/0" [id=957, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer13/cat/0" [id=958, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer13.norm1.weight" [id=959, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer13.norm1.bias" [id=960, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer13.norm1.running_mean" [id=961, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer13.norm1.running_var" [id=962, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer13/norm1/batch_norm/0" [id=963, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer13/relu1/relu_/0" [id=964, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer13.conv1.weight" [id=965, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer13/conv1/conv2d/0" [id=966, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer13.norm2.weight" [id=967, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer13.norm2.bias" [id=968, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer13.norm2.running_mean" [id=969, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer13.norm2.running_var" [id=970, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer13/norm2/batch_norm/0" [id=971, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer13/relu2/relu_/0" [id=972, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer13.conv2.weight" [id=973, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer13/conv2/conv2d/0" [id=974, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer14/cat/0" [id=975, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer14.norm1.weight" [id=976, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer14.norm1.bias" [id=977, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer14.norm1.running_mean" [id=978, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer14.norm1.running_var" [id=979, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer14/norm1/batch_norm/0" [id=980, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer14/relu1/relu_/0" [id=981, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer14.conv1.weight" [id=982, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer14/conv1/conv2d/0" [id=983, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer14.norm2.weight" [id=984, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer14.norm2.bias" [id=985, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer14.norm2.running_mean" [id=986, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer14.norm2.running_var" [id=987, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer14/norm2/batch_norm/0" [id=988, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer14/relu2/relu_/0" [id=989, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer14.conv2.weight" [id=990, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer14/conv2/conv2d/0" [id=991, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer15/cat/0" [id=992, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer15.norm1.weight" [id=993, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer15.norm1.bias" [id=994, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer15.norm1.running_mean" [id=995, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer15.norm1.running_var" [id=996, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer15/norm1/batch_norm/0" [id=997, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer15/relu1/relu_/0" [id=998, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer15.conv1.weight" [id=999, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer15/conv1/conv2d/0" [id=1000, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer15.norm2.weight" [id=1001, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer15.norm2.bias" [id=1002, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer15.norm2.running_mean" [id=1003, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer15.norm2.running_var" [id=1004, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer15/norm2/batch_norm/0" [id=1005, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer15/relu2/relu_/0" [id=1006, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer15.conv2.weight" [id=1007, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer15/conv2/conv2d/0" [id=1008, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/denselayer16/cat/0" [id=1009, metatype=PTCatMetatype, type=cat]; +"features.denseblock4.denselayer16.norm1.weight" [id=1010, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer16.norm1.bias" [id=1011, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer16.norm1.running_mean" [id=1012, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer16.norm1.running_var" [id=1013, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer16/norm1/batch_norm/0" [id=1014, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer16/relu1/relu_/0" [id=1015, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer16.conv1.weight" [id=1016, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer16/conv1/conv2d/0" [id=1017, metatype=PTConv2dMetatype, type=conv2d]; +"features.denseblock4.denselayer16.norm2.weight" [id=1018, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer16.norm2.bias" [id=1019, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer16.norm2.running_mean" [id=1020, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.denseblock4.denselayer16.norm2.running_var" [id=1021, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer16/norm2/batch_norm/0" [id=1022, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/denseblock4/denselayer16/relu2/relu_/0" [id=1023, metatype=PTRELUMetatype, type=relu_]; +"features.denseblock4.denselayer16.conv2.weight" [id=1024, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/denseblock4/denselayer16/conv2/conv2d/0" [id=1025, metatype=PTConv2dMetatype, type=conv2d]; +"features/denseblock4/cat/0" [id=1026, metatype=PTCatMetatype, type=cat]; +"features.norm5.weight" [id=1027, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.norm5.bias" [id=1028, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.norm5.running_mean" [id=1029, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.norm5.running_var" [id=1030, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/norm5/batch_norm/0" [id=1031, metatype=PT2BatchNormMetatype, type=batch_norm]; +"/relu_/0" [id=1032, metatype=PTRELUMetatype, type=relu_]; +"/adaptive_avg_pool2d/0" [id=1033, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"/flatten/0" [id=1034, metatype=PTReshapeMetatype, type=flatten]; +"classifier.weight" [id=1035, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.bias" [id=1036, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/linear/0" [id=1037, metatype=PTLinearMetatype, type=linear]; +output [id=1038, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "features/conv0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; +"features.conv0.weight" -> "features/conv0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 7, 7)"]; +"features/conv0/conv2d/0" -> "features/norm0/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features.norm0.weight" -> "features/norm0/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"features.norm0.bias" -> "features/norm0/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features.norm0.running_mean" -> "features/norm0/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"features.norm0.running_var" -> "features/norm0/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"features/norm0/batch_norm/0" -> "features/relu0/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features/relu0/relu_/0" -> "features/pool0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"features/pool0/max_pool2d/0" -> "features/denseblock1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"features/denseblock1/denselayer1/cat/0" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"features.denseblock1.denselayer1.norm1.weight" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"features.denseblock1.denselayer1.norm1.bias" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features.denseblock1.denselayer1.norm1.running_mean" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"features.denseblock1.denselayer1.norm1.running_var" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"features/denseblock1/denselayer1/norm1/batch_norm/0" -> "features/denseblock1/denselayer1/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"features/denseblock1/denselayer1/relu1/relu_/0" -> "features/denseblock1/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"features.denseblock1.denselayer1.conv1.weight" -> "features/denseblock1/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 1, 1)"]; +"features/denseblock1/denselayer1/conv1/conv2d/0" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.denseblock1.denselayer1.norm2.weight" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer1.norm2.bias" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer1.norm2.running_mean" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer1.norm2.running_var" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock1/denselayer1/norm2/batch_norm/0" -> "features/denseblock1/denselayer1/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/denseblock1/denselayer1/relu2/relu_/0" -> "features/denseblock1/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.denseblock1.denselayer1.conv2.weight" -> "features/denseblock1/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer2/cat/0" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.denseblock1.denselayer2.norm1.weight" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.denseblock1.denselayer2.norm1.bias" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.denseblock1.denselayer2.norm1.running_mean" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.denseblock1.denselayer2.norm1.running_var" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/denseblock1/denselayer2/norm1/batch_norm/0" -> "features/denseblock1/denselayer2/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/denseblock1/denselayer2/relu1/relu_/0" -> "features/denseblock1/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.denseblock1.denselayer2.conv1.weight" -> "features/denseblock1/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 96, 1, 1)"]; +"features/denseblock1/denselayer2/conv1/conv2d/0" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.denseblock1.denselayer2.norm2.weight" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer2.norm2.bias" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer2.norm2.running_mean" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer2.norm2.running_var" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock1/denselayer2/norm2/batch_norm/0" -> "features/denseblock1/denselayer2/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/denseblock1/denselayer2/relu2/relu_/0" -> "features/denseblock1/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.denseblock1.denselayer2.conv2.weight" -> "features/denseblock1/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer3/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer3/cat/0" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.denseblock1.denselayer3.norm1.weight" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer3.norm1.bias" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer3.norm1.running_mean" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer3.norm1.running_var" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock1/denselayer3/norm1/batch_norm/0" -> "features/denseblock1/denselayer3/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/denseblock1/denselayer3/relu1/relu_/0" -> "features/denseblock1/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.denseblock1.denselayer3.conv1.weight" -> "features/denseblock1/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 1)"]; +"features/denseblock1/denselayer3/conv1/conv2d/0" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.denseblock1.denselayer3.norm2.weight" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer3.norm2.bias" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer3.norm2.running_mean" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer3.norm2.running_var" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock1/denselayer3/norm2/batch_norm/0" -> "features/denseblock1/denselayer3/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/denseblock1/denselayer3/relu2/relu_/0" -> "features/denseblock1/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.denseblock1.denselayer3.conv2.weight" -> "features/denseblock1/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer4/cat/0" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"features.denseblock1.denselayer4.norm1.weight" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"features.denseblock1.denselayer4.norm1.bias" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"features.denseblock1.denselayer4.norm1.running_mean" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"features.denseblock1.denselayer4.norm1.running_var" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"features/denseblock1/denselayer4/norm1/batch_norm/0" -> "features/denseblock1/denselayer4/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"features/denseblock1/denselayer4/relu1/relu_/0" -> "features/denseblock1/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"features.denseblock1.denselayer4.conv1.weight" -> "features/denseblock1/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 160, 1, 1)"]; +"features/denseblock1/denselayer4/conv1/conv2d/0" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.denseblock1.denselayer4.norm2.weight" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer4.norm2.bias" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer4.norm2.running_mean" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer4.norm2.running_var" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock1/denselayer4/norm2/batch_norm/0" -> "features/denseblock1/denselayer4/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/denseblock1/denselayer4/relu2/relu_/0" -> "features/denseblock1/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.denseblock1.denselayer4.conv2.weight" -> "features/denseblock1/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock1/denselayer4/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer4/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer4/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer5/cat/0" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; +"features.denseblock1.denselayer5.norm1.weight" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.denseblock1.denselayer5.norm1.bias" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.denseblock1.denselayer5.norm1.running_mean" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.denseblock1.denselayer5.norm1.running_var" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/denseblock1/denselayer5/norm1/batch_norm/0" -> "features/denseblock1/denselayer5/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; +"features/denseblock1/denselayer5/relu1/relu_/0" -> "features/denseblock1/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; +"features.denseblock1.denselayer5.conv1.weight" -> "features/denseblock1/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 192, 1, 1)"]; +"features/denseblock1/denselayer5/conv1/conv2d/0" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.denseblock1.denselayer5.norm2.weight" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer5.norm2.bias" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer5.norm2.running_mean" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer5.norm2.running_var" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock1/denselayer5/norm2/batch_norm/0" -> "features/denseblock1/denselayer5/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/denseblock1/denselayer5/relu2/relu_/0" -> "features/denseblock1/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.denseblock1.denselayer5.conv2.weight" -> "features/denseblock1/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock1/denselayer5/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer5/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/denselayer6/cat/0" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; +"features.denseblock1.denselayer6.norm1.weight" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(224,)"]; +"features.denseblock1.denselayer6.norm1.bias" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(224,)"]; +"features.denseblock1.denselayer6.norm1.running_mean" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(224,)"]; +"features.denseblock1.denselayer6.norm1.running_var" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(224,)"]; +"features/denseblock1/denselayer6/norm1/batch_norm/0" -> "features/denseblock1/denselayer6/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; +"features/denseblock1/denselayer6/relu1/relu_/0" -> "features/denseblock1/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; +"features.denseblock1.denselayer6.conv1.weight" -> "features/denseblock1/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 224, 1, 1)"]; +"features/denseblock1/denselayer6/conv1/conv2d/0" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.denseblock1.denselayer6.norm2.weight" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer6.norm2.bias" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer6.norm2.running_mean" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock1.denselayer6.norm2.running_var" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock1/denselayer6/norm2/batch_norm/0" -> "features/denseblock1/denselayer6/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/denseblock1/denselayer6/relu2/relu_/0" -> "features/denseblock1/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.denseblock1.denselayer6.conv2.weight" -> "features/denseblock1/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock1/denselayer6/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/denseblock1/cat/0" -> "features/transition1/norm/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"features.transition1.norm.weight" -> "features/transition1/norm/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"features.transition1.norm.bias" -> "features/transition1/norm/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features.transition1.norm.running_mean" -> "features/transition1/norm/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"features.transition1.norm.running_var" -> "features/transition1/norm/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"features/transition1/norm/batch_norm/0" -> "features/transition1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"features/transition1/relu/relu_/0" -> "features/transition1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"features.transition1.conv.weight" -> "features/transition1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; +"features/transition1/conv/conv2d/0" -> "features/transition1/pool/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/denseblock2/denselayer1/cat/0" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer1.norm1.weight" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer1.norm1.bias" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer1.norm1.running_mean" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer1.norm1.running_var" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock2/denselayer1/norm1/batch_norm/0" -> "features/denseblock2/denselayer1/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/denseblock2/denselayer1/relu1/relu_/0" -> "features/denseblock2/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer1.conv1.weight" -> "features/denseblock2/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 1)"]; +"features/denseblock2/denselayer1/conv1/conv2d/0" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer1.norm2.weight" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer1.norm2.bias" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer1.norm2.running_mean" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer1.norm2.running_var" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock2/denselayer1/norm2/batch_norm/0" -> "features/denseblock2/denselayer1/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/denseblock2/denselayer1/relu2/relu_/0" -> "features/denseblock2/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer1.conv2.weight" -> "features/denseblock2/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer2/cat/0" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 8, 8)"]; +"features.denseblock2.denselayer2.norm1.weight" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"features.denseblock2.denselayer2.norm1.bias" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"features.denseblock2.denselayer2.norm1.running_mean" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"features.denseblock2.denselayer2.norm1.running_var" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"features/denseblock2/denselayer2/norm1/batch_norm/0" -> "features/denseblock2/denselayer2/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 8, 8)"]; +"features/denseblock2/denselayer2/relu1/relu_/0" -> "features/denseblock2/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 8, 8)"]; +"features.denseblock2.denselayer2.conv1.weight" -> "features/denseblock2/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 160, 1, 1)"]; +"features/denseblock2/denselayer2/conv1/conv2d/0" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer2.norm2.weight" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer2.norm2.bias" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer2.norm2.running_mean" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer2.norm2.running_var" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock2/denselayer2/norm2/batch_norm/0" -> "features/denseblock2/denselayer2/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/denseblock2/denselayer2/relu2/relu_/0" -> "features/denseblock2/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer2.conv2.weight" -> "features/denseblock2/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer3/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer3/cat/0" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.denseblock2.denselayer3.norm1.weight" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.denseblock2.denselayer3.norm1.bias" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.denseblock2.denselayer3.norm1.running_mean" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.denseblock2.denselayer3.norm1.running_var" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/denseblock2/denselayer3/norm1/batch_norm/0" -> "features/denseblock2/denselayer3/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/denseblock2/denselayer3/relu1/relu_/0" -> "features/denseblock2/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.denseblock2.denselayer3.conv1.weight" -> "features/denseblock2/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 192, 1, 1)"]; +"features/denseblock2/denselayer3/conv1/conv2d/0" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer3.norm2.weight" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer3.norm2.bias" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer3.norm2.running_mean" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer3.norm2.running_var" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock2/denselayer3/norm2/batch_norm/0" -> "features/denseblock2/denselayer3/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/denseblock2/denselayer3/relu2/relu_/0" -> "features/denseblock2/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer3.conv2.weight" -> "features/denseblock2/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer4/cat/0" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 8, 8)"]; +"features.denseblock2.denselayer4.norm1.weight" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(224,)"]; +"features.denseblock2.denselayer4.norm1.bias" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(224,)"]; +"features.denseblock2.denselayer4.norm1.running_mean" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(224,)"]; +"features.denseblock2.denselayer4.norm1.running_var" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(224,)"]; +"features/denseblock2/denselayer4/norm1/batch_norm/0" -> "features/denseblock2/denselayer4/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 8, 8)"]; +"features/denseblock2/denselayer4/relu1/relu_/0" -> "features/denseblock2/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 8, 8)"]; +"features.denseblock2.denselayer4.conv1.weight" -> "features/denseblock2/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 224, 1, 1)"]; +"features/denseblock2/denselayer4/conv1/conv2d/0" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer4.norm2.weight" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer4.norm2.bias" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer4.norm2.running_mean" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer4.norm2.running_var" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock2/denselayer4/norm2/batch_norm/0" -> "features/denseblock2/denselayer4/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/denseblock2/denselayer4/relu2/relu_/0" -> "features/denseblock2/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer4.conv2.weight" -> "features/denseblock2/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer5/cat/0" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features.denseblock2.denselayer5.norm1.weight" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"features.denseblock2.denselayer5.norm1.bias" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features.denseblock2.denselayer5.norm1.running_mean" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"features.denseblock2.denselayer5.norm1.running_var" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"features/denseblock2/denselayer5/norm1/batch_norm/0" -> "features/denseblock2/denselayer5/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features/denseblock2/denselayer5/relu1/relu_/0" -> "features/denseblock2/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features.denseblock2.denselayer5.conv1.weight" -> "features/denseblock2/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; +"features/denseblock2/denselayer5/conv1/conv2d/0" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer5.norm2.weight" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer5.norm2.bias" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer5.norm2.running_mean" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer5.norm2.running_var" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock2/denselayer5/norm2/batch_norm/0" -> "features/denseblock2/denselayer5/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/denseblock2/denselayer5/relu2/relu_/0" -> "features/denseblock2/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer5.conv2.weight" -> "features/denseblock2/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer6/cat/0" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 8, 8)"]; +"features.denseblock2.denselayer6.norm1.weight" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; +"features.denseblock2.denselayer6.norm1.bias" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; +"features.denseblock2.denselayer6.norm1.running_mean" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; +"features.denseblock2.denselayer6.norm1.running_var" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; +"features/denseblock2/denselayer6/norm1/batch_norm/0" -> "features/denseblock2/denselayer6/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 8, 8)"]; +"features/denseblock2/denselayer6/relu1/relu_/0" -> "features/denseblock2/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 8, 8)"]; +"features.denseblock2.denselayer6.conv1.weight" -> "features/denseblock2/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 288, 1, 1)"]; +"features/denseblock2/denselayer6/conv1/conv2d/0" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer6.norm2.weight" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer6.norm2.bias" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer6.norm2.running_mean" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer6.norm2.running_var" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock2/denselayer6/norm2/batch_norm/0" -> "features/denseblock2/denselayer6/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/denseblock2/denselayer6/relu2/relu_/0" -> "features/denseblock2/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer6.conv2.weight" -> "features/denseblock2/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer7/cat/0" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"features.denseblock2.denselayer7.norm1.weight" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"features.denseblock2.denselayer7.norm1.bias" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"features.denseblock2.denselayer7.norm1.running_mean" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"features.denseblock2.denselayer7.norm1.running_var" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"features/denseblock2/denselayer7/norm1/batch_norm/0" -> "features/denseblock2/denselayer7/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"features/denseblock2/denselayer7/relu1/relu_/0" -> "features/denseblock2/denselayer7/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"features.denseblock2.denselayer7.conv1.weight" -> "features/denseblock2/denselayer7/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 320, 1, 1)"]; +"features/denseblock2/denselayer7/conv1/conv2d/0" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer7.norm2.weight" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer7.norm2.bias" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer7.norm2.running_mean" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer7.norm2.running_var" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock2/denselayer7/norm2/batch_norm/0" -> "features/denseblock2/denselayer7/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/denseblock2/denselayer7/relu2/relu_/0" -> "features/denseblock2/denselayer7/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer7.conv2.weight" -> "features/denseblock2/denselayer7/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer8/cat/0" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 8, 8)"]; +"features.denseblock2.denselayer8.norm1.weight" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(352,)"]; +"features.denseblock2.denselayer8.norm1.bias" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(352,)"]; +"features.denseblock2.denselayer8.norm1.running_mean" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(352,)"]; +"features.denseblock2.denselayer8.norm1.running_var" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(352,)"]; +"features/denseblock2/denselayer8/norm1/batch_norm/0" -> "features/denseblock2/denselayer8/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 8, 8)"]; +"features/denseblock2/denselayer8/relu1/relu_/0" -> "features/denseblock2/denselayer8/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 8, 8)"]; +"features.denseblock2.denselayer8.conv1.weight" -> "features/denseblock2/denselayer8/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 352, 1, 1)"]; +"features/denseblock2/denselayer8/conv1/conv2d/0" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer8.norm2.weight" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer8.norm2.bias" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer8.norm2.running_mean" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer8.norm2.running_var" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock2/denselayer8/norm2/batch_norm/0" -> "features/denseblock2/denselayer8/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/denseblock2/denselayer8/relu2/relu_/0" -> "features/denseblock2/denselayer8/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer8.conv2.weight" -> "features/denseblock2/denselayer8/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer9/cat/0" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"features.denseblock2.denselayer9.norm1.weight" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.denseblock2.denselayer9.norm1.bias" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.denseblock2.denselayer9.norm1.running_mean" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.denseblock2.denselayer9.norm1.running_var" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/denseblock2/denselayer9/norm1/batch_norm/0" -> "features/denseblock2/denselayer9/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"features/denseblock2/denselayer9/relu1/relu_/0" -> "features/denseblock2/denselayer9/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"features.denseblock2.denselayer9.conv1.weight" -> "features/denseblock2/denselayer9/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 384, 1, 1)"]; +"features/denseblock2/denselayer9/conv1/conv2d/0" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer9.norm2.weight" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer9.norm2.bias" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer9.norm2.running_mean" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer9.norm2.running_var" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock2/denselayer9/norm2/batch_norm/0" -> "features/denseblock2/denselayer9/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/denseblock2/denselayer9/relu2/relu_/0" -> "features/denseblock2/denselayer9/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer9.conv2.weight" -> "features/denseblock2/denselayer9/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer10/cat/0" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 8, 8)"]; +"features.denseblock2.denselayer10.norm1.weight" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(416,)"]; +"features.denseblock2.denselayer10.norm1.bias" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(416,)"]; +"features.denseblock2.denselayer10.norm1.running_mean" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(416,)"]; +"features.denseblock2.denselayer10.norm1.running_var" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(416,)"]; +"features/denseblock2/denselayer10/norm1/batch_norm/0" -> "features/denseblock2/denselayer10/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 8, 8)"]; +"features/denseblock2/denselayer10/relu1/relu_/0" -> "features/denseblock2/denselayer10/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 8, 8)"]; +"features.denseblock2.denselayer10.conv1.weight" -> "features/denseblock2/denselayer10/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 416, 1, 1)"]; +"features/denseblock2/denselayer10/conv1/conv2d/0" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer10.norm2.weight" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer10.norm2.bias" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer10.norm2.running_mean" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer10.norm2.running_var" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock2/denselayer10/norm2/batch_norm/0" -> "features/denseblock2/denselayer10/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/denseblock2/denselayer10/relu2/relu_/0" -> "features/denseblock2/denselayer10/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer10.conv2.weight" -> "features/denseblock2/denselayer10/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock2/denselayer10/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer10/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer10/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer11/cat/0" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; +"features.denseblock2.denselayer11.norm1.weight" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; +"features.denseblock2.denselayer11.norm1.bias" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; +"features.denseblock2.denselayer11.norm1.running_mean" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; +"features.denseblock2.denselayer11.norm1.running_var" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; +"features/denseblock2/denselayer11/norm1/batch_norm/0" -> "features/denseblock2/denselayer11/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; +"features/denseblock2/denselayer11/relu1/relu_/0" -> "features/denseblock2/denselayer11/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; +"features.denseblock2.denselayer11.conv1.weight" -> "features/denseblock2/denselayer11/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 448, 1, 1)"]; +"features/denseblock2/denselayer11/conv1/conv2d/0" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer11.norm2.weight" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer11.norm2.bias" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer11.norm2.running_mean" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer11.norm2.running_var" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock2/denselayer11/norm2/batch_norm/0" -> "features/denseblock2/denselayer11/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/denseblock2/denselayer11/relu2/relu_/0" -> "features/denseblock2/denselayer11/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer11.conv2.weight" -> "features/denseblock2/denselayer11/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock2/denselayer11/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer11/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/denselayer12/cat/0" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 8, 8)"]; +"features.denseblock2.denselayer12.norm1.weight" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; +"features.denseblock2.denselayer12.norm1.bias" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; +"features.denseblock2.denselayer12.norm1.running_mean" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; +"features.denseblock2.denselayer12.norm1.running_var" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; +"features/denseblock2/denselayer12/norm1/batch_norm/0" -> "features/denseblock2/denselayer12/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 8, 8)"]; +"features/denseblock2/denselayer12/relu1/relu_/0" -> "features/denseblock2/denselayer12/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 8, 8)"]; +"features.denseblock2.denselayer12.conv1.weight" -> "features/denseblock2/denselayer12/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 480, 1, 1)"]; +"features/denseblock2/denselayer12/conv1/conv2d/0" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer12.norm2.weight" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer12.norm2.bias" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer12.norm2.running_mean" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock2.denselayer12.norm2.running_var" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock2/denselayer12/norm2/batch_norm/0" -> "features/denseblock2/denselayer12/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features/denseblock2/denselayer12/relu2/relu_/0" -> "features/denseblock2/denselayer12/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.denseblock2.denselayer12.conv2.weight" -> "features/denseblock2/denselayer12/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock2/denselayer12/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/denseblock2/cat/0" -> "features/transition2/norm/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"features.transition2.norm.weight" -> "features/transition2/norm/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"features.transition2.norm.bias" -> "features/transition2/norm/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.transition2.norm.running_mean" -> "features/transition2/norm/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features.transition2.norm.running_var" -> "features/transition2/norm/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"features/transition2/norm/batch_norm/0" -> "features/transition2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"features/transition2/relu/relu_/0" -> "features/transition2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"features.transition2.conv.weight" -> "features/transition2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 512, 1, 1)"]; +"features/transition2/conv/conv2d/0" -> "features/transition2/pool/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/denseblock3/denselayer1/cat/0" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features.denseblock3.denselayer1.norm1.weight" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"features.denseblock3.denselayer1.norm1.bias" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features.denseblock3.denselayer1.norm1.running_mean" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"features.denseblock3.denselayer1.norm1.running_var" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"features/denseblock3/denselayer1/norm1/batch_norm/0" -> "features/denseblock3/denselayer1/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/denseblock3/denselayer1/relu1/relu_/0" -> "features/denseblock3/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features.denseblock3.denselayer1.conv1.weight" -> "features/denseblock3/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; +"features/denseblock3/denselayer1/conv1/conv2d/0" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer1.norm2.weight" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer1.norm2.bias" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer1.norm2.running_mean" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer1.norm2.running_var" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer1/norm2/batch_norm/0" -> "features/denseblock3/denselayer1/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer1/relu2/relu_/0" -> "features/denseblock3/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer1.conv2.weight" -> "features/denseblock3/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/cat/0" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 4, 4)"]; +"features.denseblock3.denselayer2.norm1.weight" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; +"features.denseblock3.denselayer2.norm1.bias" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; +"features.denseblock3.denselayer2.norm1.running_mean" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; +"features.denseblock3.denselayer2.norm1.running_var" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; +"features/denseblock3/denselayer2/norm1/batch_norm/0" -> "features/denseblock3/denselayer2/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 4, 4)"]; +"features/denseblock3/denselayer2/relu1/relu_/0" -> "features/denseblock3/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 4, 4)"]; +"features.denseblock3.denselayer2.conv1.weight" -> "features/denseblock3/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 288, 1, 1)"]; +"features/denseblock3/denselayer2/conv1/conv2d/0" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer2.norm2.weight" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer2.norm2.bias" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer2.norm2.running_mean" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer2.norm2.running_var" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer2/norm2/batch_norm/0" -> "features/denseblock3/denselayer2/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer2/relu2/relu_/0" -> "features/denseblock3/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer2.conv2.weight" -> "features/denseblock3/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer3/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/cat/0" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 4, 4)"]; +"features.denseblock3.denselayer3.norm1.weight" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"features.denseblock3.denselayer3.norm1.bias" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"features.denseblock3.denselayer3.norm1.running_mean" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"features.denseblock3.denselayer3.norm1.running_var" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"features/denseblock3/denselayer3/norm1/batch_norm/0" -> "features/denseblock3/denselayer3/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 4, 4)"]; +"features/denseblock3/denselayer3/relu1/relu_/0" -> "features/denseblock3/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 4, 4)"]; +"features.denseblock3.denselayer3.conv1.weight" -> "features/denseblock3/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 320, 1, 1)"]; +"features/denseblock3/denselayer3/conv1/conv2d/0" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer3.norm2.weight" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer3.norm2.bias" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer3.norm2.running_mean" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer3.norm2.running_var" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer3/norm2/batch_norm/0" -> "features/denseblock3/denselayer3/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer3/relu2/relu_/0" -> "features/denseblock3/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer3.conv2.weight" -> "features/denseblock3/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/cat/0" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 4, 4)"]; +"features.denseblock3.denselayer4.norm1.weight" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(352,)"]; +"features.denseblock3.denselayer4.norm1.bias" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(352,)"]; +"features.denseblock3.denselayer4.norm1.running_mean" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(352,)"]; +"features.denseblock3.denselayer4.norm1.running_var" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(352,)"]; +"features/denseblock3/denselayer4/norm1/batch_norm/0" -> "features/denseblock3/denselayer4/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 4, 4)"]; +"features/denseblock3/denselayer4/relu1/relu_/0" -> "features/denseblock3/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 4, 4)"]; +"features.denseblock3.denselayer4.conv1.weight" -> "features/denseblock3/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 352, 1, 1)"]; +"features/denseblock3/denselayer4/conv1/conv2d/0" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer4.norm2.weight" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer4.norm2.bias" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer4.norm2.running_mean" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer4.norm2.running_var" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer4/norm2/batch_norm/0" -> "features/denseblock3/denselayer4/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer4/relu2/relu_/0" -> "features/denseblock3/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer4.conv2.weight" -> "features/denseblock3/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/cat/0" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.denseblock3.denselayer5.norm1.weight" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.denseblock3.denselayer5.norm1.bias" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.denseblock3.denselayer5.norm1.running_mean" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.denseblock3.denselayer5.norm1.running_var" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/denseblock3/denselayer5/norm1/batch_norm/0" -> "features/denseblock3/denselayer5/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/denseblock3/denselayer5/relu1/relu_/0" -> "features/denseblock3/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.denseblock3.denselayer5.conv1.weight" -> "features/denseblock3/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 384, 1, 1)"]; +"features/denseblock3/denselayer5/conv1/conv2d/0" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer5.norm2.weight" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer5.norm2.bias" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer5.norm2.running_mean" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer5.norm2.running_var" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer5/norm2/batch_norm/0" -> "features/denseblock3/denselayer5/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer5/relu2/relu_/0" -> "features/denseblock3/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer5.conv2.weight" -> "features/denseblock3/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/cat/0" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 4, 4)"]; +"features.denseblock3.denselayer6.norm1.weight" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(416,)"]; +"features.denseblock3.denselayer6.norm1.bias" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(416,)"]; +"features.denseblock3.denselayer6.norm1.running_mean" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(416,)"]; +"features.denseblock3.denselayer6.norm1.running_var" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(416,)"]; +"features/denseblock3/denselayer6/norm1/batch_norm/0" -> "features/denseblock3/denselayer6/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 4, 4)"]; +"features/denseblock3/denselayer6/relu1/relu_/0" -> "features/denseblock3/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 4, 4)"]; +"features.denseblock3.denselayer6.conv1.weight" -> "features/denseblock3/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 416, 1, 1)"]; +"features/denseblock3/denselayer6/conv1/conv2d/0" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer6.norm2.weight" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer6.norm2.bias" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer6.norm2.running_mean" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer6.norm2.running_var" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer6/norm2/batch_norm/0" -> "features/denseblock3/denselayer6/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer6/relu2/relu_/0" -> "features/denseblock3/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer6.conv2.weight" -> "features/denseblock3/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/cat/0" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 4, 4)"]; +"features.denseblock3.denselayer7.norm1.weight" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; +"features.denseblock3.denselayer7.norm1.bias" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; +"features.denseblock3.denselayer7.norm1.running_mean" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; +"features.denseblock3.denselayer7.norm1.running_var" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; +"features/denseblock3/denselayer7/norm1/batch_norm/0" -> "features/denseblock3/denselayer7/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 4, 4)"]; +"features/denseblock3/denselayer7/relu1/relu_/0" -> "features/denseblock3/denselayer7/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 4, 4)"]; +"features.denseblock3.denselayer7.conv1.weight" -> "features/denseblock3/denselayer7/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 448, 1, 1)"]; +"features/denseblock3/denselayer7/conv1/conv2d/0" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer7.norm2.weight" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer7.norm2.bias" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer7.norm2.running_mean" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer7.norm2.running_var" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer7/norm2/batch_norm/0" -> "features/denseblock3/denselayer7/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer7/relu2/relu_/0" -> "features/denseblock3/denselayer7/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer7.conv2.weight" -> "features/denseblock3/denselayer7/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/cat/0" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features.denseblock3.denselayer8.norm1.weight" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; +"features.denseblock3.denselayer8.norm1.bias" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; +"features.denseblock3.denselayer8.norm1.running_mean" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; +"features.denseblock3.denselayer8.norm1.running_var" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; +"features/denseblock3/denselayer8/norm1/batch_norm/0" -> "features/denseblock3/denselayer8/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features/denseblock3/denselayer8/relu1/relu_/0" -> "features/denseblock3/denselayer8/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features.denseblock3.denselayer8.conv1.weight" -> "features/denseblock3/denselayer8/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 480, 1, 1)"]; +"features/denseblock3/denselayer8/conv1/conv2d/0" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer8.norm2.weight" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer8.norm2.bias" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer8.norm2.running_mean" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer8.norm2.running_var" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer8/norm2/batch_norm/0" -> "features/denseblock3/denselayer8/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer8/relu2/relu_/0" -> "features/denseblock3/denselayer8/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer8.conv2.weight" -> "features/denseblock3/denselayer8/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/cat/0" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features.denseblock3.denselayer9.norm1.weight" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"features.denseblock3.denselayer9.norm1.bias" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.denseblock3.denselayer9.norm1.running_mean" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features.denseblock3.denselayer9.norm1.running_var" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"features/denseblock3/denselayer9/norm1/batch_norm/0" -> "features/denseblock3/denselayer9/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features/denseblock3/denselayer9/relu1/relu_/0" -> "features/denseblock3/denselayer9/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features.denseblock3.denselayer9.conv1.weight" -> "features/denseblock3/denselayer9/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512, 1, 1)"]; +"features/denseblock3/denselayer9/conv1/conv2d/0" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer9.norm2.weight" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer9.norm2.bias" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer9.norm2.running_mean" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer9.norm2.running_var" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer9/norm2/batch_norm/0" -> "features/denseblock3/denselayer9/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer9/relu2/relu_/0" -> "features/denseblock3/denselayer9/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer9.conv2.weight" -> "features/denseblock3/denselayer9/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/cat/0" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 4, 4)"]; +"features.denseblock3.denselayer10.norm1.weight" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(544,)"]; +"features.denseblock3.denselayer10.norm1.bias" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(544,)"]; +"features.denseblock3.denselayer10.norm1.running_mean" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(544,)"]; +"features.denseblock3.denselayer10.norm1.running_var" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(544,)"]; +"features/denseblock3/denselayer10/norm1/batch_norm/0" -> "features/denseblock3/denselayer10/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 4, 4)"]; +"features/denseblock3/denselayer10/relu1/relu_/0" -> "features/denseblock3/denselayer10/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 4, 4)"]; +"features.denseblock3.denselayer10.conv1.weight" -> "features/denseblock3/denselayer10/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 544, 1, 1)"]; +"features/denseblock3/denselayer10/conv1/conv2d/0" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer10.norm2.weight" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer10.norm2.bias" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer10.norm2.running_mean" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer10.norm2.running_var" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer10/norm2/batch_norm/0" -> "features/denseblock3/denselayer10/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer10/relu2/relu_/0" -> "features/denseblock3/denselayer10/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer10.conv2.weight" -> "features/denseblock3/denselayer10/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer11/cat/0" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features.denseblock3.denselayer11.norm1.weight" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.denseblock3.denselayer11.norm1.bias" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.denseblock3.denselayer11.norm1.running_mean" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.denseblock3.denselayer11.norm1.running_var" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/denseblock3/denselayer11/norm1/batch_norm/0" -> "features/denseblock3/denselayer11/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features/denseblock3/denselayer11/relu1/relu_/0" -> "features/denseblock3/denselayer11/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features.denseblock3.denselayer11.conv1.weight" -> "features/denseblock3/denselayer11/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 576, 1, 1)"]; +"features/denseblock3/denselayer11/conv1/conv2d/0" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer11.norm2.weight" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer11.norm2.bias" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer11.norm2.running_mean" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer11.norm2.running_var" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer11/norm2/batch_norm/0" -> "features/denseblock3/denselayer11/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer11/relu2/relu_/0" -> "features/denseblock3/denselayer11/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer11.conv2.weight" -> "features/denseblock3/denselayer11/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer12/cat/0" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 4, 4)"]; +"features.denseblock3.denselayer12.norm1.weight" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(608,)"]; +"features.denseblock3.denselayer12.norm1.bias" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(608,)"]; +"features.denseblock3.denselayer12.norm1.running_mean" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(608,)"]; +"features.denseblock3.denselayer12.norm1.running_var" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(608,)"]; +"features/denseblock3/denselayer12/norm1/batch_norm/0" -> "features/denseblock3/denselayer12/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 4, 4)"]; +"features/denseblock3/denselayer12/relu1/relu_/0" -> "features/denseblock3/denselayer12/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 4, 4)"]; +"features.denseblock3.denselayer12.conv1.weight" -> "features/denseblock3/denselayer12/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 608, 1, 1)"]; +"features/denseblock3/denselayer12/conv1/conv2d/0" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer12.norm2.weight" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer12.norm2.bias" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer12.norm2.running_mean" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer12.norm2.running_var" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer12/norm2/batch_norm/0" -> "features/denseblock3/denselayer12/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer12/relu2/relu_/0" -> "features/denseblock3/denselayer12/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer12.conv2.weight" -> "features/denseblock3/denselayer12/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer13/cat/0" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 4, 4)"]; +"features.denseblock3.denselayer13.norm1.weight" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(640,)"]; +"features.denseblock3.denselayer13.norm1.bias" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(640,)"]; +"features.denseblock3.denselayer13.norm1.running_mean" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(640,)"]; +"features.denseblock3.denselayer13.norm1.running_var" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(640,)"]; +"features/denseblock3/denselayer13/norm1/batch_norm/0" -> "features/denseblock3/denselayer13/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 4, 4)"]; +"features/denseblock3/denselayer13/relu1/relu_/0" -> "features/denseblock3/denselayer13/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 4, 4)"]; +"features.denseblock3.denselayer13.conv1.weight" -> "features/denseblock3/denselayer13/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 640, 1, 1)"]; +"features/denseblock3/denselayer13/conv1/conv2d/0" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer13.norm2.weight" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer13.norm2.bias" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer13.norm2.running_mean" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer13.norm2.running_var" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer13/norm2/batch_norm/0" -> "features/denseblock3/denselayer13/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer13/relu2/relu_/0" -> "features/denseblock3/denselayer13/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer13.conv2.weight" -> "features/denseblock3/denselayer13/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer14/cat/0" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features.denseblock3.denselayer14.norm1.weight" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; +"features.denseblock3.denselayer14.norm1.bias" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; +"features.denseblock3.denselayer14.norm1.running_mean" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; +"features.denseblock3.denselayer14.norm1.running_var" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; +"features/denseblock3/denselayer14/norm1/batch_norm/0" -> "features/denseblock3/denselayer14/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features/denseblock3/denselayer14/relu1/relu_/0" -> "features/denseblock3/denselayer14/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features.denseblock3.denselayer14.conv1.weight" -> "features/denseblock3/denselayer14/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 672, 1, 1)"]; +"features/denseblock3/denselayer14/conv1/conv2d/0" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer14.norm2.weight" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer14.norm2.bias" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer14.norm2.running_mean" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer14.norm2.running_var" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer14/norm2/batch_norm/0" -> "features/denseblock3/denselayer14/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer14/relu2/relu_/0" -> "features/denseblock3/denselayer14/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer14.conv2.weight" -> "features/denseblock3/denselayer14/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer15/cat/0" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 4, 4)"]; +"features.denseblock3.denselayer15.norm1.weight" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(704,)"]; +"features.denseblock3.denselayer15.norm1.bias" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(704,)"]; +"features.denseblock3.denselayer15.norm1.running_mean" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(704,)"]; +"features.denseblock3.denselayer15.norm1.running_var" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(704,)"]; +"features/denseblock3/denselayer15/norm1/batch_norm/0" -> "features/denseblock3/denselayer15/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 4, 4)"]; +"features/denseblock3/denselayer15/relu1/relu_/0" -> "features/denseblock3/denselayer15/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 4, 4)"]; +"features.denseblock3.denselayer15.conv1.weight" -> "features/denseblock3/denselayer15/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 704, 1, 1)"]; +"features/denseblock3/denselayer15/conv1/conv2d/0" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer15.norm2.weight" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer15.norm2.bias" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer15.norm2.running_mean" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer15.norm2.running_var" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer15/norm2/batch_norm/0" -> "features/denseblock3/denselayer15/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer15/relu2/relu_/0" -> "features/denseblock3/denselayer15/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer15.conv2.weight" -> "features/denseblock3/denselayer15/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer16/cat/0" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 4, 4)"]; +"features.denseblock3.denselayer16.norm1.weight" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(736,)"]; +"features.denseblock3.denselayer16.norm1.bias" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(736,)"]; +"features.denseblock3.denselayer16.norm1.running_mean" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(736,)"]; +"features.denseblock3.denselayer16.norm1.running_var" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(736,)"]; +"features/denseblock3/denselayer16/norm1/batch_norm/0" -> "features/denseblock3/denselayer16/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 4, 4)"]; +"features/denseblock3/denselayer16/relu1/relu_/0" -> "features/denseblock3/denselayer16/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 4, 4)"]; +"features.denseblock3.denselayer16.conv1.weight" -> "features/denseblock3/denselayer16/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 736, 1, 1)"]; +"features/denseblock3/denselayer16/conv1/conv2d/0" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer16.norm2.weight" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer16.norm2.bias" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer16.norm2.running_mean" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer16.norm2.running_var" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer16/norm2/batch_norm/0" -> "features/denseblock3/denselayer16/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer16/relu2/relu_/0" -> "features/denseblock3/denselayer16/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer16.conv2.weight" -> "features/denseblock3/denselayer16/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer17/cat/0" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 4, 4)"]; +"features.denseblock3.denselayer17.norm1.weight" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768,)"]; +"features.denseblock3.denselayer17.norm1.bias" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features.denseblock3.denselayer17.norm1.running_mean" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; +"features.denseblock3.denselayer17.norm1.running_var" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(768,)"]; +"features/denseblock3/denselayer17/norm1/batch_norm/0" -> "features/denseblock3/denselayer17/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 4, 4)"]; +"features/denseblock3/denselayer17/relu1/relu_/0" -> "features/denseblock3/denselayer17/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 4, 4)"]; +"features.denseblock3.denselayer17.conv1.weight" -> "features/denseblock3/denselayer17/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; +"features/denseblock3/denselayer17/conv1/conv2d/0" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer17.norm2.weight" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer17.norm2.bias" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer17.norm2.running_mean" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer17.norm2.running_var" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer17/norm2/batch_norm/0" -> "features/denseblock3/denselayer17/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer17/relu2/relu_/0" -> "features/denseblock3/denselayer17/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer17.conv2.weight" -> "features/denseblock3/denselayer17/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer18/cat/0" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 4, 4)"]; +"features.denseblock3.denselayer18.norm1.weight" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(800,)"]; +"features.denseblock3.denselayer18.norm1.bias" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(800,)"]; +"features.denseblock3.denselayer18.norm1.running_mean" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(800,)"]; +"features.denseblock3.denselayer18.norm1.running_var" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(800,)"]; +"features/denseblock3/denselayer18/norm1/batch_norm/0" -> "features/denseblock3/denselayer18/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 4, 4)"]; +"features/denseblock3/denselayer18/relu1/relu_/0" -> "features/denseblock3/denselayer18/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 4, 4)"]; +"features.denseblock3.denselayer18.conv1.weight" -> "features/denseblock3/denselayer18/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 800, 1, 1)"]; +"features/denseblock3/denselayer18/conv1/conv2d/0" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer18.norm2.weight" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer18.norm2.bias" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer18.norm2.running_mean" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer18.norm2.running_var" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer18/norm2/batch_norm/0" -> "features/denseblock3/denselayer18/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer18/relu2/relu_/0" -> "features/denseblock3/denselayer18/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer18.conv2.weight" -> "features/denseblock3/denselayer18/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=18, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=18, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=18, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=18, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=18, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=18, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=18, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer19/cat/0" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 4, 4)"]; +"features.denseblock3.denselayer19.norm1.weight" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(832,)"]; +"features.denseblock3.denselayer19.norm1.bias" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(832,)"]; +"features.denseblock3.denselayer19.norm1.running_mean" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(832,)"]; +"features.denseblock3.denselayer19.norm1.running_var" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(832,)"]; +"features/denseblock3/denselayer19/norm1/batch_norm/0" -> "features/denseblock3/denselayer19/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 4, 4)"]; +"features/denseblock3/denselayer19/relu1/relu_/0" -> "features/denseblock3/denselayer19/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 4, 4)"]; +"features.denseblock3.denselayer19.conv1.weight" -> "features/denseblock3/denselayer19/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 832, 1, 1)"]; +"features/denseblock3/denselayer19/conv1/conv2d/0" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer19.norm2.weight" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer19.norm2.bias" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer19.norm2.running_mean" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer19.norm2.running_var" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer19/norm2/batch_norm/0" -> "features/denseblock3/denselayer19/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer19/relu2/relu_/0" -> "features/denseblock3/denselayer19/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer19.conv2.weight" -> "features/denseblock3/denselayer19/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=19, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=19, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=19, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=19, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=19, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=19, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer20/cat/0" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 4, 4)"]; +"features.denseblock3.denselayer20.norm1.weight" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(864,)"]; +"features.denseblock3.denselayer20.norm1.bias" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(864,)"]; +"features.denseblock3.denselayer20.norm1.running_mean" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(864,)"]; +"features.denseblock3.denselayer20.norm1.running_var" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(864,)"]; +"features/denseblock3/denselayer20/norm1/batch_norm/0" -> "features/denseblock3/denselayer20/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 4, 4)"]; +"features/denseblock3/denselayer20/relu1/relu_/0" -> "features/denseblock3/denselayer20/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 4, 4)"]; +"features.denseblock3.denselayer20.conv1.weight" -> "features/denseblock3/denselayer20/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 864, 1, 1)"]; +"features/denseblock3/denselayer20/conv1/conv2d/0" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer20.norm2.weight" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer20.norm2.bias" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer20.norm2.running_mean" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer20.norm2.running_var" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer20/norm2/batch_norm/0" -> "features/denseblock3/denselayer20/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer20/relu2/relu_/0" -> "features/denseblock3/denselayer20/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer20.conv2.weight" -> "features/denseblock3/denselayer20/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=20, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=20, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=20, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=20, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=20, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer21/cat/0" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 4, 4)"]; +"features.denseblock3.denselayer21.norm1.weight" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(896,)"]; +"features.denseblock3.denselayer21.norm1.bias" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(896,)"]; +"features.denseblock3.denselayer21.norm1.running_mean" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(896,)"]; +"features.denseblock3.denselayer21.norm1.running_var" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(896,)"]; +"features/denseblock3/denselayer21/norm1/batch_norm/0" -> "features/denseblock3/denselayer21/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 4, 4)"]; +"features/denseblock3/denselayer21/relu1/relu_/0" -> "features/denseblock3/denselayer21/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 4, 4)"]; +"features.denseblock3.denselayer21.conv1.weight" -> "features/denseblock3/denselayer21/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 896, 1, 1)"]; +"features/denseblock3/denselayer21/conv1/conv2d/0" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer21.norm2.weight" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer21.norm2.bias" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer21.norm2.running_mean" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer21.norm2.running_var" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer21/norm2/batch_norm/0" -> "features/denseblock3/denselayer21/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer21/relu2/relu_/0" -> "features/denseblock3/denselayer21/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer21.conv2.weight" -> "features/denseblock3/denselayer21/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=21, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=21, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=21, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=21, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer22/cat/0" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 4, 4)"]; +"features.denseblock3.denselayer22.norm1.weight" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(928,)"]; +"features.denseblock3.denselayer22.norm1.bias" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(928,)"]; +"features.denseblock3.denselayer22.norm1.running_mean" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(928,)"]; +"features.denseblock3.denselayer22.norm1.running_var" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(928,)"]; +"features/denseblock3/denselayer22/norm1/batch_norm/0" -> "features/denseblock3/denselayer22/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 4, 4)"]; +"features/denseblock3/denselayer22/relu1/relu_/0" -> "features/denseblock3/denselayer22/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 4, 4)"]; +"features.denseblock3.denselayer22.conv1.weight" -> "features/denseblock3/denselayer22/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 928, 1, 1)"]; +"features/denseblock3/denselayer22/conv1/conv2d/0" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer22.norm2.weight" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer22.norm2.bias" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer22.norm2.running_mean" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer22.norm2.running_var" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer22/norm2/batch_norm/0" -> "features/denseblock3/denselayer22/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer22/relu2/relu_/0" -> "features/denseblock3/denselayer22/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer22.conv2.weight" -> "features/denseblock3/denselayer22/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer22/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=22, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer22/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=22, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer22/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=22, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer23/cat/0" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 4, 4)"]; +"features.denseblock3.denselayer23.norm1.weight" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"features.denseblock3.denselayer23.norm1.bias" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"features.denseblock3.denselayer23.norm1.running_mean" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"features.denseblock3.denselayer23.norm1.running_var" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"features/denseblock3/denselayer23/norm1/batch_norm/0" -> "features/denseblock3/denselayer23/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 4, 4)"]; +"features/denseblock3/denselayer23/relu1/relu_/0" -> "features/denseblock3/denselayer23/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 4, 4)"]; +"features.denseblock3.denselayer23.conv1.weight" -> "features/denseblock3/denselayer23/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 960, 1, 1)"]; +"features/denseblock3/denselayer23/conv1/conv2d/0" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer23.norm2.weight" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer23.norm2.bias" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer23.norm2.running_mean" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer23.norm2.running_var" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer23/norm2/batch_norm/0" -> "features/denseblock3/denselayer23/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer23/relu2/relu_/0" -> "features/denseblock3/denselayer23/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer23.conv2.weight" -> "features/denseblock3/denselayer23/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer23/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=23, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer23/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=23, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/denselayer24/cat/0" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 4, 4)"]; +"features.denseblock3.denselayer24.norm1.weight" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(992,)"]; +"features.denseblock3.denselayer24.norm1.bias" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(992,)"]; +"features.denseblock3.denselayer24.norm1.running_mean" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(992,)"]; +"features.denseblock3.denselayer24.norm1.running_var" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(992,)"]; +"features/denseblock3/denselayer24/norm1/batch_norm/0" -> "features/denseblock3/denselayer24/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 4, 4)"]; +"features/denseblock3/denselayer24/relu1/relu_/0" -> "features/denseblock3/denselayer24/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 4, 4)"]; +"features.denseblock3.denselayer24.conv1.weight" -> "features/denseblock3/denselayer24/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 992, 1, 1)"]; +"features/denseblock3/denselayer24/conv1/conv2d/0" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer24.norm2.weight" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer24.norm2.bias" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer24.norm2.running_mean" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock3.denselayer24.norm2.running_var" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock3/denselayer24/norm2/batch_norm/0" -> "features/denseblock3/denselayer24/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features/denseblock3/denselayer24/relu2/relu_/0" -> "features/denseblock3/denselayer24/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"features.denseblock3.denselayer24.conv2.weight" -> "features/denseblock3/denselayer24/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock3/denselayer24/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=24, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/denseblock3/cat/0" -> "features/transition3/norm/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"features.transition3.norm.weight" -> "features/transition3/norm/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"features.transition3.norm.bias" -> "features/transition3/norm/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"features.transition3.norm.running_mean" -> "features/transition3/norm/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"features.transition3.norm.running_var" -> "features/transition3/norm/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"features/transition3/norm/batch_norm/0" -> "features/transition3/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"features/transition3/relu/relu_/0" -> "features/transition3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"features.transition3.conv.weight" -> "features/transition3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 1, 1)"]; +"features/transition3/conv/conv2d/0" -> "features/transition3/pool/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/denseblock4/denselayer1/cat/0" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features.denseblock4.denselayer1.norm1.weight" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"features.denseblock4.denselayer1.norm1.bias" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.denseblock4.denselayer1.norm1.running_mean" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features.denseblock4.denselayer1.norm1.running_var" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"features/denseblock4/denselayer1/norm1/batch_norm/0" -> "features/denseblock4/denselayer1/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/denseblock4/denselayer1/relu1/relu_/0" -> "features/denseblock4/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features.denseblock4.denselayer1.conv1.weight" -> "features/denseblock4/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512, 1, 1)"]; +"features/denseblock4/denselayer1/conv1/conv2d/0" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer1.norm2.weight" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer1.norm2.bias" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer1.norm2.running_mean" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer1.norm2.running_var" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer1/norm2/batch_norm/0" -> "features/denseblock4/denselayer1/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer1/relu2/relu_/0" -> "features/denseblock4/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer1.conv2.weight" -> "features/denseblock4/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/cat/0" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 2, 2)"]; +"features.denseblock4.denselayer2.norm1.weight" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(544,)"]; +"features.denseblock4.denselayer2.norm1.bias" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(544,)"]; +"features.denseblock4.denselayer2.norm1.running_mean" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(544,)"]; +"features.denseblock4.denselayer2.norm1.running_var" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(544,)"]; +"features/denseblock4/denselayer2/norm1/batch_norm/0" -> "features/denseblock4/denselayer2/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 2, 2)"]; +"features/denseblock4/denselayer2/relu1/relu_/0" -> "features/denseblock4/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 2, 2)"]; +"features.denseblock4.denselayer2.conv1.weight" -> "features/denseblock4/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 544, 1, 1)"]; +"features/denseblock4/denselayer2/conv1/conv2d/0" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer2.norm2.weight" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer2.norm2.bias" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer2.norm2.running_mean" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer2.norm2.running_var" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer2/norm2/batch_norm/0" -> "features/denseblock4/denselayer2/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer2/relu2/relu_/0" -> "features/denseblock4/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer2.conv2.weight" -> "features/denseblock4/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer3/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer3/cat/0" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.denseblock4.denselayer3.norm1.weight" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.denseblock4.denselayer3.norm1.bias" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.denseblock4.denselayer3.norm1.running_mean" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.denseblock4.denselayer3.norm1.running_var" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/denseblock4/denselayer3/norm1/batch_norm/0" -> "features/denseblock4/denselayer3/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/denseblock4/denselayer3/relu1/relu_/0" -> "features/denseblock4/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.denseblock4.denselayer3.conv1.weight" -> "features/denseblock4/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 576, 1, 1)"]; +"features/denseblock4/denselayer3/conv1/conv2d/0" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer3.norm2.weight" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer3.norm2.bias" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer3.norm2.running_mean" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer3.norm2.running_var" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer3/norm2/batch_norm/0" -> "features/denseblock4/denselayer3/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer3/relu2/relu_/0" -> "features/denseblock4/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer3.conv2.weight" -> "features/denseblock4/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer4/cat/0" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 2, 2)"]; +"features.denseblock4.denselayer4.norm1.weight" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(608,)"]; +"features.denseblock4.denselayer4.norm1.bias" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(608,)"]; +"features.denseblock4.denselayer4.norm1.running_mean" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(608,)"]; +"features.denseblock4.denselayer4.norm1.running_var" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(608,)"]; +"features/denseblock4/denselayer4/norm1/batch_norm/0" -> "features/denseblock4/denselayer4/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 2, 2)"]; +"features/denseblock4/denselayer4/relu1/relu_/0" -> "features/denseblock4/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 2, 2)"]; +"features.denseblock4.denselayer4.conv1.weight" -> "features/denseblock4/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 608, 1, 1)"]; +"features/denseblock4/denselayer4/conv1/conv2d/0" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer4.norm2.weight" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer4.norm2.bias" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer4.norm2.running_mean" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer4.norm2.running_var" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer4/norm2/batch_norm/0" -> "features/denseblock4/denselayer4/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer4/relu2/relu_/0" -> "features/denseblock4/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer4.conv2.weight" -> "features/denseblock4/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer5/cat/0" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 2, 2)"]; +"features.denseblock4.denselayer5.norm1.weight" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(640,)"]; +"features.denseblock4.denselayer5.norm1.bias" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(640,)"]; +"features.denseblock4.denselayer5.norm1.running_mean" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(640,)"]; +"features.denseblock4.denselayer5.norm1.running_var" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(640,)"]; +"features/denseblock4/denselayer5/norm1/batch_norm/0" -> "features/denseblock4/denselayer5/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 2, 2)"]; +"features/denseblock4/denselayer5/relu1/relu_/0" -> "features/denseblock4/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 2, 2)"]; +"features.denseblock4.denselayer5.conv1.weight" -> "features/denseblock4/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 640, 1, 1)"]; +"features/denseblock4/denselayer5/conv1/conv2d/0" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer5.norm2.weight" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer5.norm2.bias" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer5.norm2.running_mean" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer5.norm2.running_var" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer5/norm2/batch_norm/0" -> "features/denseblock4/denselayer5/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer5/relu2/relu_/0" -> "features/denseblock4/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer5.conv2.weight" -> "features/denseblock4/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer6/cat/0" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 2, 2)"]; +"features.denseblock4.denselayer6.norm1.weight" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; +"features.denseblock4.denselayer6.norm1.bias" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; +"features.denseblock4.denselayer6.norm1.running_mean" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; +"features.denseblock4.denselayer6.norm1.running_var" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; +"features/denseblock4/denselayer6/norm1/batch_norm/0" -> "features/denseblock4/denselayer6/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 2, 2)"]; +"features/denseblock4/denselayer6/relu1/relu_/0" -> "features/denseblock4/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 2, 2)"]; +"features.denseblock4.denselayer6.conv1.weight" -> "features/denseblock4/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 672, 1, 1)"]; +"features/denseblock4/denselayer6/conv1/conv2d/0" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer6.norm2.weight" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer6.norm2.bias" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer6.norm2.running_mean" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer6.norm2.running_var" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer6/norm2/batch_norm/0" -> "features/denseblock4/denselayer6/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer6/relu2/relu_/0" -> "features/denseblock4/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer6.conv2.weight" -> "features/denseblock4/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer7/cat/0" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 2, 2)"]; +"features.denseblock4.denselayer7.norm1.weight" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(704,)"]; +"features.denseblock4.denselayer7.norm1.bias" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(704,)"]; +"features.denseblock4.denselayer7.norm1.running_mean" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(704,)"]; +"features.denseblock4.denselayer7.norm1.running_var" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(704,)"]; +"features/denseblock4/denselayer7/norm1/batch_norm/0" -> "features/denseblock4/denselayer7/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 2, 2)"]; +"features/denseblock4/denselayer7/relu1/relu_/0" -> "features/denseblock4/denselayer7/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 2, 2)"]; +"features.denseblock4.denselayer7.conv1.weight" -> "features/denseblock4/denselayer7/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 704, 1, 1)"]; +"features/denseblock4/denselayer7/conv1/conv2d/0" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer7.norm2.weight" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer7.norm2.bias" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer7.norm2.running_mean" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer7.norm2.running_var" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer7/norm2/batch_norm/0" -> "features/denseblock4/denselayer7/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer7/relu2/relu_/0" -> "features/denseblock4/denselayer7/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer7.conv2.weight" -> "features/denseblock4/denselayer7/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer8/cat/0" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 2, 2)"]; +"features.denseblock4.denselayer8.norm1.weight" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(736,)"]; +"features.denseblock4.denselayer8.norm1.bias" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(736,)"]; +"features.denseblock4.denselayer8.norm1.running_mean" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(736,)"]; +"features.denseblock4.denselayer8.norm1.running_var" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(736,)"]; +"features/denseblock4/denselayer8/norm1/batch_norm/0" -> "features/denseblock4/denselayer8/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 2, 2)"]; +"features/denseblock4/denselayer8/relu1/relu_/0" -> "features/denseblock4/denselayer8/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 2, 2)"]; +"features.denseblock4.denselayer8.conv1.weight" -> "features/denseblock4/denselayer8/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 736, 1, 1)"]; +"features/denseblock4/denselayer8/conv1/conv2d/0" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer8.norm2.weight" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer8.norm2.bias" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer8.norm2.running_mean" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer8.norm2.running_var" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer8/norm2/batch_norm/0" -> "features/denseblock4/denselayer8/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer8/relu2/relu_/0" -> "features/denseblock4/denselayer8/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer8.conv2.weight" -> "features/denseblock4/denselayer8/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer9/cat/0" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features.denseblock4.denselayer9.norm1.weight" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768,)"]; +"features.denseblock4.denselayer9.norm1.bias" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features.denseblock4.denselayer9.norm1.running_mean" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; +"features.denseblock4.denselayer9.norm1.running_var" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(768,)"]; +"features/denseblock4/denselayer9/norm1/batch_norm/0" -> "features/denseblock4/denselayer9/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features/denseblock4/denselayer9/relu1/relu_/0" -> "features/denseblock4/denselayer9/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; +"features.denseblock4.denselayer9.conv1.weight" -> "features/denseblock4/denselayer9/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; +"features/denseblock4/denselayer9/conv1/conv2d/0" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer9.norm2.weight" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer9.norm2.bias" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer9.norm2.running_mean" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer9.norm2.running_var" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer9/norm2/batch_norm/0" -> "features/denseblock4/denselayer9/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer9/relu2/relu_/0" -> "features/denseblock4/denselayer9/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer9.conv2.weight" -> "features/denseblock4/denselayer9/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer10/cat/0" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 2, 2)"]; +"features.denseblock4.denselayer10.norm1.weight" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(800,)"]; +"features.denseblock4.denselayer10.norm1.bias" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(800,)"]; +"features.denseblock4.denselayer10.norm1.running_mean" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(800,)"]; +"features.denseblock4.denselayer10.norm1.running_var" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(800,)"]; +"features/denseblock4/denselayer10/norm1/batch_norm/0" -> "features/denseblock4/denselayer10/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 2, 2)"]; +"features/denseblock4/denselayer10/relu1/relu_/0" -> "features/denseblock4/denselayer10/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 2, 2)"]; +"features.denseblock4.denselayer10.conv1.weight" -> "features/denseblock4/denselayer10/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 800, 1, 1)"]; +"features/denseblock4/denselayer10/conv1/conv2d/0" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer10.norm2.weight" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer10.norm2.bias" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer10.norm2.running_mean" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer10.norm2.running_var" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer10/norm2/batch_norm/0" -> "features/denseblock4/denselayer10/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer10/relu2/relu_/0" -> "features/denseblock4/denselayer10/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer10.conv2.weight" -> "features/denseblock4/denselayer10/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer11/cat/0" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 2, 2)"]; +"features.denseblock4.denselayer11.norm1.weight" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(832,)"]; +"features.denseblock4.denselayer11.norm1.bias" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(832,)"]; +"features.denseblock4.denselayer11.norm1.running_mean" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(832,)"]; +"features.denseblock4.denselayer11.norm1.running_var" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(832,)"]; +"features/denseblock4/denselayer11/norm1/batch_norm/0" -> "features/denseblock4/denselayer11/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 2, 2)"]; +"features/denseblock4/denselayer11/relu1/relu_/0" -> "features/denseblock4/denselayer11/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 2, 2)"]; +"features.denseblock4.denselayer11.conv1.weight" -> "features/denseblock4/denselayer11/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 832, 1, 1)"]; +"features/denseblock4/denselayer11/conv1/conv2d/0" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer11.norm2.weight" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer11.norm2.bias" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer11.norm2.running_mean" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer11.norm2.running_var" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer11/norm2/batch_norm/0" -> "features/denseblock4/denselayer11/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer11/relu2/relu_/0" -> "features/denseblock4/denselayer11/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer11.conv2.weight" -> "features/denseblock4/denselayer11/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer12/cat/0" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 2, 2)"]; +"features.denseblock4.denselayer12.norm1.weight" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(864,)"]; +"features.denseblock4.denselayer12.norm1.bias" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(864,)"]; +"features.denseblock4.denselayer12.norm1.running_mean" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(864,)"]; +"features.denseblock4.denselayer12.norm1.running_var" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(864,)"]; +"features/denseblock4/denselayer12/norm1/batch_norm/0" -> "features/denseblock4/denselayer12/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 2, 2)"]; +"features/denseblock4/denselayer12/relu1/relu_/0" -> "features/denseblock4/denselayer12/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 2, 2)"]; +"features.denseblock4.denselayer12.conv1.weight" -> "features/denseblock4/denselayer12/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 864, 1, 1)"]; +"features/denseblock4/denselayer12/conv1/conv2d/0" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer12.norm2.weight" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer12.norm2.bias" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer12.norm2.running_mean" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer12.norm2.running_var" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer12/norm2/batch_norm/0" -> "features/denseblock4/denselayer12/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer12/relu2/relu_/0" -> "features/denseblock4/denselayer12/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer12.conv2.weight" -> "features/denseblock4/denselayer12/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer13/cat/0" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 2, 2)"]; +"features.denseblock4.denselayer13.norm1.weight" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(896,)"]; +"features.denseblock4.denselayer13.norm1.bias" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(896,)"]; +"features.denseblock4.denselayer13.norm1.running_mean" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(896,)"]; +"features.denseblock4.denselayer13.norm1.running_var" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(896,)"]; +"features/denseblock4/denselayer13/norm1/batch_norm/0" -> "features/denseblock4/denselayer13/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 2, 2)"]; +"features/denseblock4/denselayer13/relu1/relu_/0" -> "features/denseblock4/denselayer13/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 2, 2)"]; +"features.denseblock4.denselayer13.conv1.weight" -> "features/denseblock4/denselayer13/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 896, 1, 1)"]; +"features/denseblock4/denselayer13/conv1/conv2d/0" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer13.norm2.weight" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer13.norm2.bias" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer13.norm2.running_mean" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer13.norm2.running_var" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer13/norm2/batch_norm/0" -> "features/denseblock4/denselayer13/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer13/relu2/relu_/0" -> "features/denseblock4/denselayer13/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer13.conv2.weight" -> "features/denseblock4/denselayer13/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer14/cat/0" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 2, 2)"]; +"features.denseblock4.denselayer14.norm1.weight" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(928,)"]; +"features.denseblock4.denselayer14.norm1.bias" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(928,)"]; +"features.denseblock4.denselayer14.norm1.running_mean" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(928,)"]; +"features.denseblock4.denselayer14.norm1.running_var" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(928,)"]; +"features/denseblock4/denselayer14/norm1/batch_norm/0" -> "features/denseblock4/denselayer14/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 2, 2)"]; +"features/denseblock4/denselayer14/relu1/relu_/0" -> "features/denseblock4/denselayer14/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 2, 2)"]; +"features.denseblock4.denselayer14.conv1.weight" -> "features/denseblock4/denselayer14/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 928, 1, 1)"]; +"features/denseblock4/denselayer14/conv1/conv2d/0" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer14.norm2.weight" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer14.norm2.bias" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer14.norm2.running_mean" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer14.norm2.running_var" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer14/norm2/batch_norm/0" -> "features/denseblock4/denselayer14/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer14/relu2/relu_/0" -> "features/denseblock4/denselayer14/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer14.conv2.weight" -> "features/denseblock4/denselayer14/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer14/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer14/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer14/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer15/cat/0" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features.denseblock4.denselayer15.norm1.weight" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"features.denseblock4.denselayer15.norm1.bias" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"features.denseblock4.denselayer15.norm1.running_mean" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"features.denseblock4.denselayer15.norm1.running_var" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"features/denseblock4/denselayer15/norm1/batch_norm/0" -> "features/denseblock4/denselayer15/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features/denseblock4/denselayer15/relu1/relu_/0" -> "features/denseblock4/denselayer15/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features.denseblock4.denselayer15.conv1.weight" -> "features/denseblock4/denselayer15/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 960, 1, 1)"]; +"features/denseblock4/denselayer15/conv1/conv2d/0" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer15.norm2.weight" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer15.norm2.bias" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer15.norm2.running_mean" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer15.norm2.running_var" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer15/norm2/batch_norm/0" -> "features/denseblock4/denselayer15/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer15/relu2/relu_/0" -> "features/denseblock4/denselayer15/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer15.conv2.weight" -> "features/denseblock4/denselayer15/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer15/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer15/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/denselayer16/cat/0" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 2, 2)"]; +"features.denseblock4.denselayer16.norm1.weight" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(992,)"]; +"features.denseblock4.denselayer16.norm1.bias" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(992,)"]; +"features.denseblock4.denselayer16.norm1.running_mean" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(992,)"]; +"features.denseblock4.denselayer16.norm1.running_var" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(992,)"]; +"features/denseblock4/denselayer16/norm1/batch_norm/0" -> "features/denseblock4/denselayer16/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 2, 2)"]; +"features/denseblock4/denselayer16/relu1/relu_/0" -> "features/denseblock4/denselayer16/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 2, 2)"]; +"features.denseblock4.denselayer16.conv1.weight" -> "features/denseblock4/denselayer16/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 992, 1, 1)"]; +"features/denseblock4/denselayer16/conv1/conv2d/0" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer16.norm2.weight" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer16.norm2.bias" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer16.norm2.running_mean" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.denseblock4.denselayer16.norm2.running_var" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/denseblock4/denselayer16/norm2/batch_norm/0" -> "features/denseblock4/denselayer16/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features/denseblock4/denselayer16/relu2/relu_/0" -> "features/denseblock4/denselayer16/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; +"features.denseblock4.denselayer16.conv2.weight" -> "features/denseblock4/denselayer16/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"features/denseblock4/denselayer16/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 2, 2)"]; +"features/denseblock4/cat/0" -> "features/norm5/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"features.norm5.weight" -> "features/norm5/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"features.norm5.bias" -> "features/norm5/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"features.norm5.running_mean" -> "features/norm5/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"features.norm5.running_var" -> "features/norm5/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"features/norm5/batch_norm/0" -> "/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"/relu_/0" -> "/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; +"/flatten/0" -> "classifier/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"classifier.weight" -> "classifier/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1024)"]; +"classifier.bias" -> "classifier/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"classifier/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_efficientnet_b0.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_efficientnet_b0.dot index 7a9db97ec89..ce3a33e5451 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_efficientnet_b0.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_efficientnet_b0.dot @@ -1,1132 +1,1132 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"features.0.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/0/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; -"features.0.1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/1/batch_norm/0" [id=7, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/0/2/silu/0" [id=8, type=silu, metatype=PTSILUMetatype]; -"features.1.0.block.0.0.weight" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/block/0/0/conv2d/0" [id=10, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.1.0.block.0.1.weight" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.block.0.1.bias" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.block.0.1.running_mean" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.block.0.1.running_var" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/block/0/1/batch_norm/0" [id=15, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/1/0/block/0/2/silu/0" [id=16, type=silu, metatype=PTSILUMetatype]; -"features/1/0/block/1/avgpool/adaptive_avg_pool2d/0" [id=17, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.1.0.block.1.fc1.weight" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.block.1.fc1.bias" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/block/1/fc1/conv2d/0" [id=20, type=conv2d, metatype=PTConv2dMetatype]; -"features/1/0/block/1/activation/silu/0" [id=21, type=silu, metatype=PTSILUMetatype]; -"features.1.0.block.1.fc2.weight" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.block.1.fc2.bias" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/block/1/fc2/conv2d/0" [id=24, type=conv2d, metatype=PTConv2dMetatype]; -"features/1/0/block/1/scale_activation/sigmoid/0" [id=25, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/1/0/block/1/mul/0" [id=26, type=mul, metatype=PTMulMetatype]; -"features.1.0.block.2.0.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/block/2/0/conv2d/0" [id=28, type=conv2d, metatype=PTConv2dMetatype]; -"features.1.0.block.2.1.weight" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.block.2.1.bias" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.block.2.1.running_mean" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.block.2.1.running_var" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/block/2/1/batch_norm/0" [id=33, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.2.0.block.0.0.weight" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/0/block/0/0/conv2d/0" [id=35, type=conv2d, metatype=PTConv2dMetatype]; -"features.2.0.block.0.1.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.0.block.0.1.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.0.block.0.1.running_mean" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.0.block.0.1.running_var" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/0/block/0/1/batch_norm/0" [id=40, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/2/0/block/0/2/silu/0" [id=41, type=silu, metatype=PTSILUMetatype]; -"features.2.0.block.1.0.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/0/block/1/0/conv2d/0" [id=43, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.2.0.block.1.1.weight" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.0.block.1.1.bias" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.0.block.1.1.running_mean" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.0.block.1.1.running_var" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/0/block/1/1/batch_norm/0" [id=48, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/2/0/block/1/2/silu/0" [id=49, type=silu, metatype=PTSILUMetatype]; -"features/2/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=50, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.2.0.block.2.fc1.weight" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.0.block.2.fc1.bias" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/0/block/2/fc1/conv2d/0" [id=53, type=conv2d, metatype=PTConv2dMetatype]; -"features/2/0/block/2/activation/silu/0" [id=54, type=silu, metatype=PTSILUMetatype]; -"features.2.0.block.2.fc2.weight" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.0.block.2.fc2.bias" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/0/block/2/fc2/conv2d/0" [id=57, type=conv2d, metatype=PTConv2dMetatype]; -"features/2/0/block/2/scale_activation/sigmoid/0" [id=58, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/2/0/block/2/mul/0" [id=59, type=mul, metatype=PTMulMetatype]; -"features.2.0.block.3.0.weight" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/0/block/3/0/conv2d/0" [id=61, type=conv2d, metatype=PTConv2dMetatype]; -"features.2.0.block.3.1.weight" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.0.block.3.1.bias" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.0.block.3.1.running_mean" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.0.block.3.1.running_var" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/0/block/3/1/batch_norm/0" [id=66, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.2.1.block.0.0.weight" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/1/block/0/0/conv2d/0" [id=68, type=conv2d, metatype=PTConv2dMetatype]; -"features.2.1.block.0.1.weight" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.1.block.0.1.bias" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.1.block.0.1.running_mean" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.1.block.0.1.running_var" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/1/block/0/1/batch_norm/0" [id=73, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/2/1/block/0/2/silu/0" [id=74, type=silu, metatype=PTSILUMetatype]; -"features.2.1.block.1.0.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/1/block/1/0/conv2d/0" [id=76, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.2.1.block.1.1.weight" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.1.block.1.1.bias" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.1.block.1.1.running_mean" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.1.block.1.1.running_var" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/1/block/1/1/batch_norm/0" [id=81, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/2/1/block/1/2/silu/0" [id=82, type=silu, metatype=PTSILUMetatype]; -"features/2/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=83, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.2.1.block.2.fc1.weight" [id=84, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.1.block.2.fc1.bias" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/1/block/2/fc1/conv2d/0" [id=86, type=conv2d, metatype=PTConv2dMetatype]; -"features/2/1/block/2/activation/silu/0" [id=87, type=silu, metatype=PTSILUMetatype]; -"features.2.1.block.2.fc2.weight" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.1.block.2.fc2.bias" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/1/block/2/fc2/conv2d/0" [id=90, type=conv2d, metatype=PTConv2dMetatype]; -"features/2/1/block/2/scale_activation/sigmoid/0" [id=91, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/2/1/block/2/mul/0" [id=92, type=mul, metatype=PTMulMetatype]; -"features.2.1.block.3.0.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/1/block/3/0/conv2d/0" [id=94, type=conv2d, metatype=PTConv2dMetatype]; -"features.2.1.block.3.1.weight" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.1.block.3.1.bias" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.1.block.3.1.running_mean" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.1.block.3.1.running_var" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/1/block/3/1/batch_norm/0" [id=99, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/2/1/add_/0" [id=100, type="add_", metatype=PTAddMetatype]; -"features.3.0.block.0.0.weight" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/block/0/0/conv2d/0" [id=102, type=conv2d, metatype=PTConv2dMetatype]; -"features.3.0.block.0.1.weight" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.0.1.bias" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.0.1.running_mean" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.0.1.running_var" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/block/0/1/batch_norm/0" [id=107, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/0/block/0/2/silu/0" [id=108, type=silu, metatype=PTSILUMetatype]; -"features.3.0.block.1.0.weight" [id=109, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/block/1/0/conv2d/0" [id=110, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.3.0.block.1.1.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.1.1.bias" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.1.1.running_mean" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.1.1.running_var" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/block/1/1/batch_norm/0" [id=115, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/0/block/1/2/silu/0" [id=116, type=silu, metatype=PTSILUMetatype]; -"features/3/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=117, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.3.0.block.2.fc1.weight" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.2.fc1.bias" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/block/2/fc1/conv2d/0" [id=120, type=conv2d, metatype=PTConv2dMetatype]; -"features/3/0/block/2/activation/silu/0" [id=121, type=silu, metatype=PTSILUMetatype]; -"features.3.0.block.2.fc2.weight" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.2.fc2.bias" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/block/2/fc2/conv2d/0" [id=124, type=conv2d, metatype=PTConv2dMetatype]; -"features/3/0/block/2/scale_activation/sigmoid/0" [id=125, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/3/0/block/2/mul/0" [id=126, type=mul, metatype=PTMulMetatype]; -"features.3.0.block.3.0.weight" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/block/3/0/conv2d/0" [id=128, type=conv2d, metatype=PTConv2dMetatype]; -"features.3.0.block.3.1.weight" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.3.1.bias" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.3.1.running_mean" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.block.3.1.running_var" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/block/3/1/batch_norm/0" [id=133, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.3.1.block.0.0.weight" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/block/0/0/conv2d/0" [id=135, type=conv2d, metatype=PTConv2dMetatype]; -"features.3.1.block.0.1.weight" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.0.1.bias" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.0.1.running_mean" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.0.1.running_var" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/block/0/1/batch_norm/0" [id=140, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/1/block/0/2/silu/0" [id=141, type=silu, metatype=PTSILUMetatype]; -"features.3.1.block.1.0.weight" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/block/1/0/conv2d/0" [id=143, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.3.1.block.1.1.weight" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.1.1.bias" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.1.1.running_mean" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.1.1.running_var" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/block/1/1/batch_norm/0" [id=148, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/1/block/1/2/silu/0" [id=149, type=silu, metatype=PTSILUMetatype]; -"features/3/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=150, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.3.1.block.2.fc1.weight" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.2.fc1.bias" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/block/2/fc1/conv2d/0" [id=153, type=conv2d, metatype=PTConv2dMetatype]; -"features/3/1/block/2/activation/silu/0" [id=154, type=silu, metatype=PTSILUMetatype]; -"features.3.1.block.2.fc2.weight" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.2.fc2.bias" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/block/2/fc2/conv2d/0" [id=157, type=conv2d, metatype=PTConv2dMetatype]; -"features/3/1/block/2/scale_activation/sigmoid/0" [id=158, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/3/1/block/2/mul/0" [id=159, type=mul, metatype=PTMulMetatype]; -"features.3.1.block.3.0.weight" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/block/3/0/conv2d/0" [id=161, type=conv2d, metatype=PTConv2dMetatype]; -"features.3.1.block.3.1.weight" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.3.1.bias" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.3.1.running_mean" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.block.3.1.running_var" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/block/3/1/batch_norm/0" [id=166, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/1/add_/0" [id=167, type="add_", metatype=PTAddMetatype]; -"features.4.0.block.0.0.weight" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/0/block/0/0/conv2d/0" [id=169, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.0.block.0.1.weight" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.0.block.0.1.bias" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.0.block.0.1.running_mean" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.0.block.0.1.running_var" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/0/block/0/1/batch_norm/0" [id=174, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/0/block/0/2/silu/0" [id=175, type=silu, metatype=PTSILUMetatype]; -"features.4.0.block.1.0.weight" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/0/block/1/0/conv2d/0" [id=177, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.4.0.block.1.1.weight" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.0.block.1.1.bias" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.0.block.1.1.running_mean" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.0.block.1.1.running_var" [id=181, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/0/block/1/1/batch_norm/0" [id=182, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/0/block/1/2/silu/0" [id=183, type=silu, metatype=PTSILUMetatype]; -"features/4/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=184, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.4.0.block.2.fc1.weight" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.0.block.2.fc1.bias" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/0/block/2/fc1/conv2d/0" [id=187, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/0/block/2/activation/silu/0" [id=188, type=silu, metatype=PTSILUMetatype]; -"features.4.0.block.2.fc2.weight" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.0.block.2.fc2.bias" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/0/block/2/fc2/conv2d/0" [id=191, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/0/block/2/scale_activation/sigmoid/0" [id=192, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/4/0/block/2/mul/0" [id=193, type=mul, metatype=PTMulMetatype]; -"features.4.0.block.3.0.weight" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/0/block/3/0/conv2d/0" [id=195, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.0.block.3.1.weight" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.0.block.3.1.bias" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.0.block.3.1.running_mean" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.0.block.3.1.running_var" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/0/block/3/1/batch_norm/0" [id=200, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.4.1.block.0.0.weight" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/1/block/0/0/conv2d/0" [id=202, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.1.block.0.1.weight" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.1.block.0.1.bias" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.1.block.0.1.running_mean" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.1.block.0.1.running_var" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/1/block/0/1/batch_norm/0" [id=207, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/1/block/0/2/silu/0" [id=208, type=silu, metatype=PTSILUMetatype]; -"features.4.1.block.1.0.weight" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/1/block/1/0/conv2d/0" [id=210, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.4.1.block.1.1.weight" [id=211, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.1.block.1.1.bias" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.1.block.1.1.running_mean" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.1.block.1.1.running_var" [id=214, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/1/block/1/1/batch_norm/0" [id=215, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/1/block/1/2/silu/0" [id=216, type=silu, metatype=PTSILUMetatype]; -"features/4/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=217, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.4.1.block.2.fc1.weight" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.1.block.2.fc1.bias" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/1/block/2/fc1/conv2d/0" [id=220, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/1/block/2/activation/silu/0" [id=221, type=silu, metatype=PTSILUMetatype]; -"features.4.1.block.2.fc2.weight" [id=222, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.1.block.2.fc2.bias" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/1/block/2/fc2/conv2d/0" [id=224, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/1/block/2/scale_activation/sigmoid/0" [id=225, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/4/1/block/2/mul/0" [id=226, type=mul, metatype=PTMulMetatype]; -"features.4.1.block.3.0.weight" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/1/block/3/0/conv2d/0" [id=228, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.1.block.3.1.weight" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.1.block.3.1.bias" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.1.block.3.1.running_mean" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.1.block.3.1.running_var" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/1/block/3/1/batch_norm/0" [id=233, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/1/add_/0" [id=234, type="add_", metatype=PTAddMetatype]; -"features.4.2.block.0.0.weight" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/2/block/0/0/conv2d/0" [id=236, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.2.block.0.1.weight" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.2.block.0.1.bias" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.2.block.0.1.running_mean" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.2.block.0.1.running_var" [id=240, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/2/block/0/1/batch_norm/0" [id=241, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/2/block/0/2/silu/0" [id=242, type=silu, metatype=PTSILUMetatype]; -"features.4.2.block.1.0.weight" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/2/block/1/0/conv2d/0" [id=244, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.4.2.block.1.1.weight" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.2.block.1.1.bias" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.2.block.1.1.running_mean" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.2.block.1.1.running_var" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/2/block/1/1/batch_norm/0" [id=249, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/2/block/1/2/silu/0" [id=250, type=silu, metatype=PTSILUMetatype]; -"features/4/2/block/2/avgpool/adaptive_avg_pool2d/0" [id=251, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.4.2.block.2.fc1.weight" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.2.block.2.fc1.bias" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/2/block/2/fc1/conv2d/0" [id=254, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/2/block/2/activation/silu/0" [id=255, type=silu, metatype=PTSILUMetatype]; -"features.4.2.block.2.fc2.weight" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.2.block.2.fc2.bias" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/2/block/2/fc2/conv2d/0" [id=258, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/2/block/2/scale_activation/sigmoid/0" [id=259, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/4/2/block/2/mul/0" [id=260, type=mul, metatype=PTMulMetatype]; -"features.4.2.block.3.0.weight" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/2/block/3/0/conv2d/0" [id=262, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.2.block.3.1.weight" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.2.block.3.1.bias" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.2.block.3.1.running_mean" [id=265, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.2.block.3.1.running_var" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/2/block/3/1/batch_norm/0" [id=267, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/2/add_/0" [id=268, type="add_", metatype=PTAddMetatype]; -"features.5.0.block.0.0.weight" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/block/0/0/conv2d/0" [id=270, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.0.block.0.1.weight" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.0.1.bias" [id=272, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.0.1.running_mean" [id=273, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.0.1.running_var" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/block/0/1/batch_norm/0" [id=275, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/0/block/0/2/silu/0" [id=276, type=silu, metatype=PTSILUMetatype]; -"features.5.0.block.1.0.weight" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/block/1/0/conv2d/0" [id=278, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.5.0.block.1.1.weight" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.1.1.bias" [id=280, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.1.1.running_mean" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.1.1.running_var" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/block/1/1/batch_norm/0" [id=283, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/0/block/1/2/silu/0" [id=284, type=silu, metatype=PTSILUMetatype]; -"features/5/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=285, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.5.0.block.2.fc1.weight" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.2.fc1.bias" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/block/2/fc1/conv2d/0" [id=288, type=conv2d, metatype=PTConv2dMetatype]; -"features/5/0/block/2/activation/silu/0" [id=289, type=silu, metatype=PTSILUMetatype]; -"features.5.0.block.2.fc2.weight" [id=290, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.2.fc2.bias" [id=291, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/block/2/fc2/conv2d/0" [id=292, type=conv2d, metatype=PTConv2dMetatype]; -"features/5/0/block/2/scale_activation/sigmoid/0" [id=293, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/0/block/2/mul/0" [id=294, type=mul, metatype=PTMulMetatype]; -"features.5.0.block.3.0.weight" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/block/3/0/conv2d/0" [id=296, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.0.block.3.1.weight" [id=297, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.3.1.bias" [id=298, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.3.1.running_mean" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.block.3.1.running_var" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/block/3/1/batch_norm/0" [id=301, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.5.1.block.0.0.weight" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/block/0/0/conv2d/0" [id=303, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.1.block.0.1.weight" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.0.1.bias" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.0.1.running_mean" [id=306, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.0.1.running_var" [id=307, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/block/0/1/batch_norm/0" [id=308, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/1/block/0/2/silu/0" [id=309, type=silu, metatype=PTSILUMetatype]; -"features.5.1.block.1.0.weight" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/block/1/0/conv2d/0" [id=311, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.5.1.block.1.1.weight" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.1.1.bias" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.1.1.running_mean" [id=314, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.1.1.running_var" [id=315, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/block/1/1/batch_norm/0" [id=316, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/1/block/1/2/silu/0" [id=317, type=silu, metatype=PTSILUMetatype]; -"features/5/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=318, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.5.1.block.2.fc1.weight" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.2.fc1.bias" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/block/2/fc1/conv2d/0" [id=321, type=conv2d, metatype=PTConv2dMetatype]; -"features/5/1/block/2/activation/silu/0" [id=322, type=silu, metatype=PTSILUMetatype]; -"features.5.1.block.2.fc2.weight" [id=323, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.2.fc2.bias" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/block/2/fc2/conv2d/0" [id=325, type=conv2d, metatype=PTConv2dMetatype]; -"features/5/1/block/2/scale_activation/sigmoid/0" [id=326, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/1/block/2/mul/0" [id=327, type=mul, metatype=PTMulMetatype]; -"features.5.1.block.3.0.weight" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/block/3/0/conv2d/0" [id=329, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.1.block.3.1.weight" [id=330, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.3.1.bias" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.3.1.running_mean" [id=332, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.block.3.1.running_var" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/block/3/1/batch_norm/0" [id=334, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/1/add_/0" [id=335, type="add_", metatype=PTAddMetatype]; -"features.5.2.block.0.0.weight" [id=336, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/block/0/0/conv2d/0" [id=337, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.2.block.0.1.weight" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.0.1.bias" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.0.1.running_mean" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.0.1.running_var" [id=341, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/block/0/1/batch_norm/0" [id=342, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/2/block/0/2/silu/0" [id=343, type=silu, metatype=PTSILUMetatype]; -"features.5.2.block.1.0.weight" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/block/1/0/conv2d/0" [id=345, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.5.2.block.1.1.weight" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.1.1.bias" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.1.1.running_mean" [id=348, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.1.1.running_var" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/block/1/1/batch_norm/0" [id=350, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/2/block/1/2/silu/0" [id=351, type=silu, metatype=PTSILUMetatype]; -"features/5/2/block/2/avgpool/adaptive_avg_pool2d/0" [id=352, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.5.2.block.2.fc1.weight" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.2.fc1.bias" [id=354, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/block/2/fc1/conv2d/0" [id=355, type=conv2d, metatype=PTConv2dMetatype]; -"features/5/2/block/2/activation/silu/0" [id=356, type=silu, metatype=PTSILUMetatype]; -"features.5.2.block.2.fc2.weight" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.2.fc2.bias" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/block/2/fc2/conv2d/0" [id=359, type=conv2d, metatype=PTConv2dMetatype]; -"features/5/2/block/2/scale_activation/sigmoid/0" [id=360, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/2/block/2/mul/0" [id=361, type=mul, metatype=PTMulMetatype]; -"features.5.2.block.3.0.weight" [id=362, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/block/3/0/conv2d/0" [id=363, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.2.block.3.1.weight" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.3.1.bias" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.3.1.running_mean" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.block.3.1.running_var" [id=367, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/block/3/1/batch_norm/0" [id=368, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/2/add_/0" [id=369, type="add_", metatype=PTAddMetatype]; -"features.6.0.block.0.0.weight" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/0/block/0/0/conv2d/0" [id=371, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.0.block.0.1.weight" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.0.block.0.1.bias" [id=373, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.0.block.0.1.running_mean" [id=374, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.0.block.0.1.running_var" [id=375, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/0/block/0/1/batch_norm/0" [id=376, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/0/block/0/2/silu/0" [id=377, type=silu, metatype=PTSILUMetatype]; -"features.6.0.block.1.0.weight" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/0/block/1/0/conv2d/0" [id=379, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.6.0.block.1.1.weight" [id=380, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.0.block.1.1.bias" [id=381, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.0.block.1.1.running_mean" [id=382, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.0.block.1.1.running_var" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/0/block/1/1/batch_norm/0" [id=384, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/0/block/1/2/silu/0" [id=385, type=silu, metatype=PTSILUMetatype]; -"features/6/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=386, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.6.0.block.2.fc1.weight" [id=387, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.0.block.2.fc1.bias" [id=388, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/0/block/2/fc1/conv2d/0" [id=389, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/0/block/2/activation/silu/0" [id=390, type=silu, metatype=PTSILUMetatype]; -"features.6.0.block.2.fc2.weight" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.0.block.2.fc2.bias" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/0/block/2/fc2/conv2d/0" [id=393, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/0/block/2/scale_activation/sigmoid/0" [id=394, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/6/0/block/2/mul/0" [id=395, type=mul, metatype=PTMulMetatype]; -"features.6.0.block.3.0.weight" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/0/block/3/0/conv2d/0" [id=397, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.0.block.3.1.weight" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.0.block.3.1.bias" [id=399, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.0.block.3.1.running_mean" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.0.block.3.1.running_var" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/0/block/3/1/batch_norm/0" [id=402, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.6.1.block.0.0.weight" [id=403, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/1/block/0/0/conv2d/0" [id=404, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.1.block.0.1.weight" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.1.block.0.1.bias" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.1.block.0.1.running_mean" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.1.block.0.1.running_var" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/1/block/0/1/batch_norm/0" [id=409, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/1/block/0/2/silu/0" [id=410, type=silu, metatype=PTSILUMetatype]; -"features.6.1.block.1.0.weight" [id=411, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/1/block/1/0/conv2d/0" [id=412, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.6.1.block.1.1.weight" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.1.block.1.1.bias" [id=414, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.1.block.1.1.running_mean" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.1.block.1.1.running_var" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/1/block/1/1/batch_norm/0" [id=417, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/1/block/1/2/silu/0" [id=418, type=silu, metatype=PTSILUMetatype]; -"features/6/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=419, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.6.1.block.2.fc1.weight" [id=420, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.1.block.2.fc1.bias" [id=421, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/1/block/2/fc1/conv2d/0" [id=422, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/1/block/2/activation/silu/0" [id=423, type=silu, metatype=PTSILUMetatype]; -"features.6.1.block.2.fc2.weight" [id=424, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.1.block.2.fc2.bias" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/1/block/2/fc2/conv2d/0" [id=426, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/1/block/2/scale_activation/sigmoid/0" [id=427, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/6/1/block/2/mul/0" [id=428, type=mul, metatype=PTMulMetatype]; -"features.6.1.block.3.0.weight" [id=429, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/1/block/3/0/conv2d/0" [id=430, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.1.block.3.1.weight" [id=431, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.1.block.3.1.bias" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.1.block.3.1.running_mean" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.1.block.3.1.running_var" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/1/block/3/1/batch_norm/0" [id=435, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/1/add_/0" [id=436, type="add_", metatype=PTAddMetatype]; -"features.6.2.block.0.0.weight" [id=437, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/2/block/0/0/conv2d/0" [id=438, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.2.block.0.1.weight" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.2.block.0.1.bias" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.2.block.0.1.running_mean" [id=441, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.2.block.0.1.running_var" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/2/block/0/1/batch_norm/0" [id=443, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/2/block/0/2/silu/0" [id=444, type=silu, metatype=PTSILUMetatype]; -"features.6.2.block.1.0.weight" [id=445, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/2/block/1/0/conv2d/0" [id=446, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.6.2.block.1.1.weight" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.2.block.1.1.bias" [id=448, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.2.block.1.1.running_mean" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.2.block.1.1.running_var" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/2/block/1/1/batch_norm/0" [id=451, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/2/block/1/2/silu/0" [id=452, type=silu, metatype=PTSILUMetatype]; -"features/6/2/block/2/avgpool/adaptive_avg_pool2d/0" [id=453, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.6.2.block.2.fc1.weight" [id=454, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.2.block.2.fc1.bias" [id=455, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/2/block/2/fc1/conv2d/0" [id=456, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/2/block/2/activation/silu/0" [id=457, type=silu, metatype=PTSILUMetatype]; -"features.6.2.block.2.fc2.weight" [id=458, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.2.block.2.fc2.bias" [id=459, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/2/block/2/fc2/conv2d/0" [id=460, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/2/block/2/scale_activation/sigmoid/0" [id=461, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/6/2/block/2/mul/0" [id=462, type=mul, metatype=PTMulMetatype]; -"features.6.2.block.3.0.weight" [id=463, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/2/block/3/0/conv2d/0" [id=464, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.2.block.3.1.weight" [id=465, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.2.block.3.1.bias" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.2.block.3.1.running_mean" [id=467, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.2.block.3.1.running_var" [id=468, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/2/block/3/1/batch_norm/0" [id=469, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/2/add_/0" [id=470, type="add_", metatype=PTAddMetatype]; -"features.6.3.block.0.0.weight" [id=471, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/3/block/0/0/conv2d/0" [id=472, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.3.block.0.1.weight" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.3.block.0.1.bias" [id=474, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.3.block.0.1.running_mean" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.3.block.0.1.running_var" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/3/block/0/1/batch_norm/0" [id=477, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/3/block/0/2/silu/0" [id=478, type=silu, metatype=PTSILUMetatype]; -"features.6.3.block.1.0.weight" [id=479, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/3/block/1/0/conv2d/0" [id=480, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.6.3.block.1.1.weight" [id=481, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.3.block.1.1.bias" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.3.block.1.1.running_mean" [id=483, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.3.block.1.1.running_var" [id=484, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/3/block/1/1/batch_norm/0" [id=485, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/3/block/1/2/silu/0" [id=486, type=silu, metatype=PTSILUMetatype]; -"features/6/3/block/2/avgpool/adaptive_avg_pool2d/0" [id=487, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.6.3.block.2.fc1.weight" [id=488, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.3.block.2.fc1.bias" [id=489, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/3/block/2/fc1/conv2d/0" [id=490, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/3/block/2/activation/silu/0" [id=491, type=silu, metatype=PTSILUMetatype]; -"features.6.3.block.2.fc2.weight" [id=492, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.3.block.2.fc2.bias" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/3/block/2/fc2/conv2d/0" [id=494, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/3/block/2/scale_activation/sigmoid/0" [id=495, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/6/3/block/2/mul/0" [id=496, type=mul, metatype=PTMulMetatype]; -"features.6.3.block.3.0.weight" [id=497, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/3/block/3/0/conv2d/0" [id=498, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.3.block.3.1.weight" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.3.block.3.1.bias" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.3.block.3.1.running_mean" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.3.block.3.1.running_var" [id=502, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/3/block/3/1/batch_norm/0" [id=503, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/3/add_/0" [id=504, type="add_", metatype=PTAddMetatype]; -"features.7.0.block.0.0.weight" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/block/0/0/conv2d/0" [id=506, type=conv2d, metatype=PTConv2dMetatype]; -"features.7.0.block.0.1.weight" [id=507, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.0.1.bias" [id=508, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.0.1.running_mean" [id=509, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.0.1.running_var" [id=510, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/block/0/1/batch_norm/0" [id=511, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/7/0/block/0/2/silu/0" [id=512, type=silu, metatype=PTSILUMetatype]; -"features.7.0.block.1.0.weight" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/block/1/0/conv2d/0" [id=514, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.7.0.block.1.1.weight" [id=515, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.1.1.bias" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.1.1.running_mean" [id=517, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.1.1.running_var" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/block/1/1/batch_norm/0" [id=519, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/7/0/block/1/2/silu/0" [id=520, type=silu, metatype=PTSILUMetatype]; -"features/7/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=521, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.7.0.block.2.fc1.weight" [id=522, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.2.fc1.bias" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/block/2/fc1/conv2d/0" [id=524, type=conv2d, metatype=PTConv2dMetatype]; -"features/7/0/block/2/activation/silu/0" [id=525, type=silu, metatype=PTSILUMetatype]; -"features.7.0.block.2.fc2.weight" [id=526, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.2.fc2.bias" [id=527, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/block/2/fc2/conv2d/0" [id=528, type=conv2d, metatype=PTConv2dMetatype]; -"features/7/0/block/2/scale_activation/sigmoid/0" [id=529, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/7/0/block/2/mul/0" [id=530, type=mul, metatype=PTMulMetatype]; -"features.7.0.block.3.0.weight" [id=531, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/block/3/0/conv2d/0" [id=532, type=conv2d, metatype=PTConv2dMetatype]; -"features.7.0.block.3.1.weight" [id=533, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.3.1.bias" [id=534, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.3.1.running_mean" [id=535, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.block.3.1.running_var" [id=536, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/block/3/1/batch_norm/0" [id=537, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.8.0.weight" [id=538, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/0/conv2d/0" [id=539, type=conv2d, metatype=PTConv2dMetatype]; -"features.8.1.weight" [id=540, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.1.bias" [id=541, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.1.running_mean" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.1.running_var" [id=543, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/1/batch_norm/0" [id=544, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/8/2/silu/0" [id=545, type=silu, metatype=PTSILUMetatype]; -"avgpool/adaptive_avg_pool2d/0" [id=546, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"/flatten/0" [id=547, type=flatten, metatype=PTReshapeMetatype]; -"classifier/0/dropout/0" [id=548, type=dropout, metatype=PTDropoutMetatype]; -"classifier.1.weight" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.1.bias" [id=550, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/1/linear/0" [id=551, type=linear, metatype=PTLinearMetatype]; -output [id=552, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "features/0/0/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; -"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, shape="(32, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"features/0/1/batch_norm/0" -> "features/0/2/silu/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"features/0/2/silu/0" -> "features/1/0/block/0/0/conv2d/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"features.1.0.block.0.0.weight" -> "features/1/0/block/0/0/conv2d/0" [dtype=float, shape="(32, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/1/0/block/0/0/conv2d/0" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"features.1.0.block.0.1.weight" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"features.1.0.block.0.1.bias" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features.1.0.block.0.1.running_mean" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"features.1.0.block.0.1.running_var" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"features/1/0/block/0/1/batch_norm/0" -> "features/1/0/block/0/2/silu/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"features/1/0/block/0/2/silu/0" -> "features/1/0/block/1/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"features/1/0/block/0/2/silu/0" -> "features/1/0/block/1/mul/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=1]; -"features/1/0/block/1/avgpool/adaptive_avg_pool2d/0" -> "features/1/0/block/1/fc1/conv2d/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=0]; -"features.1.0.block.1.fc1.weight" -> "features/1/0/block/1/fc1/conv2d/0" [dtype=float, shape="(8, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features.1.0.block.1.fc1.bias" -> "features/1/0/block/1/fc1/conv2d/0" [dtype=float, shape="(8,)", out_port_id=0, in_port_id=2]; -"features/1/0/block/1/fc1/conv2d/0" -> "features/1/0/block/1/activation/silu/0" [dtype=float, shape="(1, 8, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/0/block/1/activation/silu/0" -> "features/1/0/block/1/fc2/conv2d/0" [dtype=float, shape="(1, 8, 1, 1)", out_port_id=0, in_port_id=0]; -"features.1.0.block.1.fc2.weight" -> "features/1/0/block/1/fc2/conv2d/0" [dtype=float, shape="(32, 8, 1, 1)", out_port_id=0, in_port_id=1]; -"features.1.0.block.1.fc2.bias" -> "features/1/0/block/1/fc2/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features/1/0/block/1/fc2/conv2d/0" -> "features/1/0/block/1/scale_activation/sigmoid/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/0/block/1/scale_activation/sigmoid/0" -> "features/1/0/block/1/mul/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/0/block/1/mul/0" -> "features/1/0/block/2/0/conv2d/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"features.1.0.block.2.0.weight" -> "features/1/0/block/2/0/conv2d/0" [dtype=float, shape="(16, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features/1/0/block/2/0/conv2d/0" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; -"features.1.0.block.2.1.weight" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; -"features.1.0.block.2.1.bias" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"features.1.0.block.2.1.running_mean" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; -"features.1.0.block.2.1.running_var" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; -"features/1/0/block/2/1/batch_norm/0" -> "features/2/0/block/0/0/conv2d/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; -"features.2.0.block.0.0.weight" -> "features/2/0/block/0/0/conv2d/0" [dtype=float, shape="(96, 16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/2/0/block/0/0/conv2d/0" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"features.2.0.block.0.1.weight" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.2.0.block.0.1.bias" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.2.0.block.0.1.running_mean" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.2.0.block.0.1.running_var" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/2/0/block/0/1/batch_norm/0" -> "features/2/0/block/0/2/silu/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"features/2/0/block/0/2/silu/0" -> "features/2/0/block/1/0/conv2d/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"features.2.0.block.1.0.weight" -> "features/2/0/block/1/0/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/2/0/block/1/0/conv2d/0" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.0.block.1.1.weight" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.2.0.block.1.1.bias" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.2.0.block.1.1.running_mean" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.2.0.block.1.1.running_var" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/2/0/block/1/1/batch_norm/0" -> "features/2/0/block/1/2/silu/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/2/0/block/1/2/silu/0" -> "features/2/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/2/0/block/1/2/silu/0" -> "features/2/0/block/2/mul/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=1]; -"features/2/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/2/0/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features.2.0.block.2.fc1.weight" -> "features/2/0/block/2/fc1/conv2d/0" [dtype=float, shape="(4, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features.2.0.block.2.fc1.bias" -> "features/2/0/block/2/fc1/conv2d/0" [dtype=float, shape="(4,)", out_port_id=0, in_port_id=2]; -"features/2/0/block/2/fc1/conv2d/0" -> "features/2/0/block/2/activation/silu/0" [dtype=float, shape="(1, 4, 1, 1)", out_port_id=0, in_port_id=0]; -"features/2/0/block/2/activation/silu/0" -> "features/2/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 4, 1, 1)", out_port_id=0, in_port_id=0]; -"features.2.0.block.2.fc2.weight" -> "features/2/0/block/2/fc2/conv2d/0" [dtype=float, shape="(96, 4, 1, 1)", out_port_id=0, in_port_id=1]; -"features.2.0.block.2.fc2.bias" -> "features/2/0/block/2/fc2/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features/2/0/block/2/fc2/conv2d/0" -> "features/2/0/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features/2/0/block/2/scale_activation/sigmoid/0" -> "features/2/0/block/2/mul/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features/2/0/block/2/mul/0" -> "features/2/0/block/3/0/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.0.block.3.0.weight" -> "features/2/0/block/3/0/conv2d/0" [dtype=float, shape="(24, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/2/0/block/3/0/conv2d/0" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.0.block.3.1.weight" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"features.2.0.block.3.1.bias" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"features.2.0.block.3.1.running_mean" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"features.2.0.block.3.1.running_var" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"features/2/0/block/3/1/batch_norm/0" -> "features/2/1/block/0/0/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"features/2/0/block/3/1/batch_norm/0" -> "features/2/1/add_/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=1]; -"features.2.1.block.0.0.weight" -> "features/2/1/block/0/0/conv2d/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"features/2/1/block/0/0/conv2d/0" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.1.block.0.1.weight" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.2.1.block.0.1.bias" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.2.1.block.0.1.running_mean" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.2.1.block.0.1.running_var" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/2/1/block/0/1/batch_norm/0" -> "features/2/1/block/0/2/silu/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features/2/1/block/0/2/silu/0" -> "features/2/1/block/1/0/conv2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.1.block.1.0.weight" -> "features/2/1/block/1/0/conv2d/0" [dtype=float, shape="(144, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/2/1/block/1/0/conv2d/0" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.1.block.1.1.weight" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.2.1.block.1.1.bias" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.2.1.block.1.1.running_mean" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.2.1.block.1.1.running_var" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/2/1/block/1/1/batch_norm/0" -> "features/2/1/block/1/2/silu/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features/2/1/block/1/2/silu/0" -> "features/2/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features/2/1/block/1/2/silu/0" -> "features/2/1/block/2/mul/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=1]; -"features/2/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/2/1/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features.2.1.block.2.fc1.weight" -> "features/2/1/block/2/fc1/conv2d/0" [dtype=float, shape="(6, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features.2.1.block.2.fc1.bias" -> "features/2/1/block/2/fc1/conv2d/0" [dtype=float, shape="(6,)", out_port_id=0, in_port_id=2]; -"features/2/1/block/2/fc1/conv2d/0" -> "features/2/1/block/2/activation/silu/0" [dtype=float, shape="(1, 6, 1, 1)", out_port_id=0, in_port_id=0]; -"features/2/1/block/2/activation/silu/0" -> "features/2/1/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 6, 1, 1)", out_port_id=0, in_port_id=0]; -"features.2.1.block.2.fc2.weight" -> "features/2/1/block/2/fc2/conv2d/0" [dtype=float, shape="(144, 6, 1, 1)", out_port_id=0, in_port_id=1]; -"features.2.1.block.2.fc2.bias" -> "features/2/1/block/2/fc2/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features/2/1/block/2/fc2/conv2d/0" -> "features/2/1/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features/2/1/block/2/scale_activation/sigmoid/0" -> "features/2/1/block/2/mul/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features/2/1/block/2/mul/0" -> "features/2/1/block/3/0/conv2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.1.block.3.0.weight" -> "features/2/1/block/3/0/conv2d/0" [dtype=float, shape="(24, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features/2/1/block/3/0/conv2d/0" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.1.block.3.1.weight" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"features.2.1.block.3.1.bias" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"features.2.1.block.3.1.running_mean" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"features.2.1.block.3.1.running_var" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"features/2/1/block/3/1/batch_norm/0" -> "features/2/1/add_/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"features/2/1/add_/0" -> "features/3/0/block/0/0/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"features.3.0.block.0.0.weight" -> "features/3/0/block/0/0/conv2d/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/0/block/0/0/conv2d/0" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features.3.0.block.0.1.weight" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.3.0.block.0.1.bias" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.3.0.block.0.1.running_mean" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.3.0.block.0.1.running_var" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/3/0/block/0/1/batch_norm/0" -> "features/3/0/block/0/2/silu/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features/3/0/block/0/2/silu/0" -> "features/3/0/block/1/0/conv2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features.3.0.block.1.0.weight" -> "features/3/0/block/1/0/conv2d/0" [dtype=float, shape="(144, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/3/0/block/1/0/conv2d/0" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.0.block.1.1.weight" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.3.0.block.1.1.bias" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.3.0.block.1.1.running_mean" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.3.0.block.1.1.running_var" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/3/0/block/1/1/batch_norm/0" -> "features/3/0/block/1/2/silu/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/0/block/1/2/silu/0" -> "features/3/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/0/block/1/2/silu/0" -> "features/3/0/block/2/mul/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=1]; -"features/3/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/3/0/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features.3.0.block.2.fc1.weight" -> "features/3/0/block/2/fc1/conv2d/0" [dtype=float, shape="(6, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features.3.0.block.2.fc1.bias" -> "features/3/0/block/2/fc1/conv2d/0" [dtype=float, shape="(6,)", out_port_id=0, in_port_id=2]; -"features/3/0/block/2/fc1/conv2d/0" -> "features/3/0/block/2/activation/silu/0" [dtype=float, shape="(1, 6, 1, 1)", out_port_id=0, in_port_id=0]; -"features/3/0/block/2/activation/silu/0" -> "features/3/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 6, 1, 1)", out_port_id=0, in_port_id=0]; -"features.3.0.block.2.fc2.weight" -> "features/3/0/block/2/fc2/conv2d/0" [dtype=float, shape="(144, 6, 1, 1)", out_port_id=0, in_port_id=1]; -"features.3.0.block.2.fc2.bias" -> "features/3/0/block/2/fc2/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features/3/0/block/2/fc2/conv2d/0" -> "features/3/0/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features/3/0/block/2/scale_activation/sigmoid/0" -> "features/3/0/block/2/mul/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features/3/0/block/2/mul/0" -> "features/3/0/block/3/0/conv2d/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.0.block.3.0.weight" -> "features/3/0/block/3/0/conv2d/0" [dtype=float, shape="(40, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/0/block/3/0/conv2d/0" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.0.block.3.1.weight" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; -"features.3.0.block.3.1.bias" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; -"features.3.0.block.3.1.running_mean" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; -"features.3.0.block.3.1.running_var" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; -"features/3/0/block/3/1/batch_norm/0" -> "features/3/1/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/0/block/3/1/batch_norm/0" -> "features/3/1/add_/0" [dtype=float, shape="(1, 40, 8, 8)", out_port_id=0, in_port_id=1]; -"features.3.1.block.0.0.weight" -> "features/3/1/block/0/0/conv2d/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/1/block/0/0/conv2d/0" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.1.block.0.1.weight" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; -"features.3.1.block.0.1.bias" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features.3.1.block.0.1.running_mean" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; -"features.3.1.block.0.1.running_var" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; -"features/3/1/block/0/1/batch_norm/0" -> "features/3/1/block/0/2/silu/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/1/block/0/2/silu/0" -> "features/3/1/block/1/0/conv2d/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.1.block.1.0.weight" -> "features/3/1/block/1/0/conv2d/0" [dtype=float, shape="(240, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/3/1/block/1/0/conv2d/0" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.1.block.1.1.weight" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; -"features.3.1.block.1.1.bias" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features.3.1.block.1.1.running_mean" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; -"features.3.1.block.1.1.running_var" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; -"features/3/1/block/1/1/batch_norm/0" -> "features/3/1/block/1/2/silu/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/1/block/1/2/silu/0" -> "features/3/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/1/block/1/2/silu/0" -> "features/3/1/block/2/mul/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=1]; -"features/3/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/3/1/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features.3.1.block.2.fc1.weight" -> "features/3/1/block/2/fc1/conv2d/0" [dtype=float, shape="(10, 240, 1, 1)", out_port_id=0, in_port_id=1]; -"features.3.1.block.2.fc1.bias" -> "features/3/1/block/2/fc1/conv2d/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; -"features/3/1/block/2/fc1/conv2d/0" -> "features/3/1/block/2/activation/silu/0" [dtype=float, shape="(1, 10, 1, 1)", out_port_id=0, in_port_id=0]; -"features/3/1/block/2/activation/silu/0" -> "features/3/1/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 10, 1, 1)", out_port_id=0, in_port_id=0]; -"features.3.1.block.2.fc2.weight" -> "features/3/1/block/2/fc2/conv2d/0" [dtype=float, shape="(240, 10, 1, 1)", out_port_id=0, in_port_id=1]; -"features.3.1.block.2.fc2.bias" -> "features/3/1/block/2/fc2/conv2d/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features/3/1/block/2/fc2/conv2d/0" -> "features/3/1/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features/3/1/block/2/scale_activation/sigmoid/0" -> "features/3/1/block/2/mul/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features/3/1/block/2/mul/0" -> "features/3/1/block/3/0/conv2d/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.1.block.3.0.weight" -> "features/3/1/block/3/0/conv2d/0" [dtype=float, shape="(40, 240, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/1/block/3/0/conv2d/0" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.1.block.3.1.weight" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; -"features.3.1.block.3.1.bias" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; -"features.3.1.block.3.1.running_mean" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; -"features.3.1.block.3.1.running_var" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; -"features/3/1/block/3/1/batch_norm/0" -> "features/3/1/add_/0" [dtype=float, shape="(1, 40, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/1/add_/0" -> "features/4/0/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 8, 8)", out_port_id=0, in_port_id=0]; -"features.4.0.block.0.0.weight" -> "features/4/0/block/0/0/conv2d/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/0/block/0/0/conv2d/0" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; -"features.4.0.block.0.1.weight" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; -"features.4.0.block.0.1.bias" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features.4.0.block.0.1.running_mean" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; -"features.4.0.block.0.1.running_var" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; -"features/4/0/block/0/1/batch_norm/0" -> "features/4/0/block/0/2/silu/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; -"features/4/0/block/0/2/silu/0" -> "features/4/0/block/1/0/conv2d/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; -"features.4.0.block.1.0.weight" -> "features/4/0/block/1/0/conv2d/0" [dtype=float, shape="(240, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/4/0/block/1/0/conv2d/0" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.0.block.1.1.weight" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; -"features.4.0.block.1.1.bias" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features.4.0.block.1.1.running_mean" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; -"features.4.0.block.1.1.running_var" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; -"features/4/0/block/1/1/batch_norm/0" -> "features/4/0/block/1/2/silu/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/0/block/1/2/silu/0" -> "features/4/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/0/block/1/2/silu/0" -> "features/4/0/block/2/mul/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=1]; -"features/4/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/0/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features.4.0.block.2.fc1.weight" -> "features/4/0/block/2/fc1/conv2d/0" [dtype=float, shape="(10, 240, 1, 1)", out_port_id=0, in_port_id=1]; -"features.4.0.block.2.fc1.bias" -> "features/4/0/block/2/fc1/conv2d/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; -"features/4/0/block/2/fc1/conv2d/0" -> "features/4/0/block/2/activation/silu/0" [dtype=float, shape="(1, 10, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/0/block/2/activation/silu/0" -> "features/4/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 10, 1, 1)", out_port_id=0, in_port_id=0]; -"features.4.0.block.2.fc2.weight" -> "features/4/0/block/2/fc2/conv2d/0" [dtype=float, shape="(240, 10, 1, 1)", out_port_id=0, in_port_id=1]; -"features.4.0.block.2.fc2.bias" -> "features/4/0/block/2/fc2/conv2d/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features/4/0/block/2/fc2/conv2d/0" -> "features/4/0/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/0/block/2/scale_activation/sigmoid/0" -> "features/4/0/block/2/mul/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/0/block/2/mul/0" -> "features/4/0/block/3/0/conv2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.0.block.3.0.weight" -> "features/4/0/block/3/0/conv2d/0" [dtype=float, shape="(80, 240, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/0/block/3/0/conv2d/0" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.0.block.3.1.weight" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=1]; -"features.4.0.block.3.1.bias" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=2]; -"features.4.0.block.3.1.running_mean" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=3]; -"features.4.0.block.3.1.running_var" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=4]; -"features/4/0/block/3/1/batch_norm/0" -> "features/4/1/block/0/0/conv2d/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/0/block/3/1/batch_norm/0" -> "features/4/1/add_/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=1]; -"features.4.1.block.0.0.weight" -> "features/4/1/block/0/0/conv2d/0" [dtype=float, shape="(480, 80, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/1/block/0/0/conv2d/0" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.1.block.0.1.weight" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; -"features.4.1.block.0.1.bias" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; -"features.4.1.block.0.1.running_mean" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; -"features.4.1.block.0.1.running_var" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; -"features/4/1/block/0/1/batch_norm/0" -> "features/4/1/block/0/2/silu/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/1/block/0/2/silu/0" -> "features/4/1/block/1/0/conv2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.1.block.1.0.weight" -> "features/4/1/block/1/0/conv2d/0" [dtype=float, shape="(480, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/4/1/block/1/0/conv2d/0" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.1.block.1.1.weight" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; -"features.4.1.block.1.1.bias" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; -"features.4.1.block.1.1.running_mean" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; -"features.4.1.block.1.1.running_var" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; -"features/4/1/block/1/1/batch_norm/0" -> "features/4/1/block/1/2/silu/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/1/block/1/2/silu/0" -> "features/4/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/1/block/1/2/silu/0" -> "features/4/1/block/2/mul/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=1]; -"features/4/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/1/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"features.4.1.block.2.fc1.weight" -> "features/4/1/block/2/fc1/conv2d/0" [dtype=float, shape="(20, 480, 1, 1)", out_port_id=0, in_port_id=1]; -"features.4.1.block.2.fc1.bias" -> "features/4/1/block/2/fc1/conv2d/0" [dtype=float, shape="(20,)", out_port_id=0, in_port_id=2]; -"features/4/1/block/2/fc1/conv2d/0" -> "features/4/1/block/2/activation/silu/0" [dtype=float, shape="(1, 20, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/1/block/2/activation/silu/0" -> "features/4/1/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 20, 1, 1)", out_port_id=0, in_port_id=0]; -"features.4.1.block.2.fc2.weight" -> "features/4/1/block/2/fc2/conv2d/0" [dtype=float, shape="(480, 20, 1, 1)", out_port_id=0, in_port_id=1]; -"features.4.1.block.2.fc2.bias" -> "features/4/1/block/2/fc2/conv2d/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; -"features/4/1/block/2/fc2/conv2d/0" -> "features/4/1/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/1/block/2/scale_activation/sigmoid/0" -> "features/4/1/block/2/mul/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/1/block/2/mul/0" -> "features/4/1/block/3/0/conv2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.1.block.3.0.weight" -> "features/4/1/block/3/0/conv2d/0" [dtype=float, shape="(80, 480, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/1/block/3/0/conv2d/0" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.1.block.3.1.weight" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=1]; -"features.4.1.block.3.1.bias" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=2]; -"features.4.1.block.3.1.running_mean" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=3]; -"features.4.1.block.3.1.running_var" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=4]; -"features/4/1/block/3/1/batch_norm/0" -> "features/4/1/add_/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/1/add_/0" -> "features/4/2/block/0/0/conv2d/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/1/add_/0" -> "features/4/2/add_/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=1]; -"features.4.2.block.0.0.weight" -> "features/4/2/block/0/0/conv2d/0" [dtype=float, shape="(480, 80, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/2/block/0/0/conv2d/0" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.2.block.0.1.weight" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; -"features.4.2.block.0.1.bias" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; -"features.4.2.block.0.1.running_mean" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; -"features.4.2.block.0.1.running_var" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; -"features/4/2/block/0/1/batch_norm/0" -> "features/4/2/block/0/2/silu/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/2/block/0/2/silu/0" -> "features/4/2/block/1/0/conv2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.2.block.1.0.weight" -> "features/4/2/block/1/0/conv2d/0" [dtype=float, shape="(480, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/4/2/block/1/0/conv2d/0" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.2.block.1.1.weight" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; -"features.4.2.block.1.1.bias" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; -"features.4.2.block.1.1.running_mean" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; -"features.4.2.block.1.1.running_var" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; -"features/4/2/block/1/1/batch_norm/0" -> "features/4/2/block/1/2/silu/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/2/block/1/2/silu/0" -> "features/4/2/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/2/block/1/2/silu/0" -> "features/4/2/block/2/mul/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=1]; -"features/4/2/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/2/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"features.4.2.block.2.fc1.weight" -> "features/4/2/block/2/fc1/conv2d/0" [dtype=float, shape="(20, 480, 1, 1)", out_port_id=0, in_port_id=1]; -"features.4.2.block.2.fc1.bias" -> "features/4/2/block/2/fc1/conv2d/0" [dtype=float, shape="(20,)", out_port_id=0, in_port_id=2]; -"features/4/2/block/2/fc1/conv2d/0" -> "features/4/2/block/2/activation/silu/0" [dtype=float, shape="(1, 20, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/2/block/2/activation/silu/0" -> "features/4/2/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 20, 1, 1)", out_port_id=0, in_port_id=0]; -"features.4.2.block.2.fc2.weight" -> "features/4/2/block/2/fc2/conv2d/0" [dtype=float, shape="(480, 20, 1, 1)", out_port_id=0, in_port_id=1]; -"features.4.2.block.2.fc2.bias" -> "features/4/2/block/2/fc2/conv2d/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; -"features/4/2/block/2/fc2/conv2d/0" -> "features/4/2/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/2/block/2/scale_activation/sigmoid/0" -> "features/4/2/block/2/mul/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/2/block/2/mul/0" -> "features/4/2/block/3/0/conv2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.2.block.3.0.weight" -> "features/4/2/block/3/0/conv2d/0" [dtype=float, shape="(80, 480, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/2/block/3/0/conv2d/0" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.2.block.3.1.weight" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=1]; -"features.4.2.block.3.1.bias" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=2]; -"features.4.2.block.3.1.running_mean" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=3]; -"features.4.2.block.3.1.running_var" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=4]; -"features/4/2/block/3/1/batch_norm/0" -> "features/4/2/add_/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/2/add_/0" -> "features/5/0/block/0/0/conv2d/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.0.block.0.0.weight" -> "features/5/0/block/0/0/conv2d/0" [dtype=float, shape="(480, 80, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/0/block/0/0/conv2d/0" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.0.block.0.1.weight" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; -"features.5.0.block.0.1.bias" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; -"features.5.0.block.0.1.running_mean" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; -"features.5.0.block.0.1.running_var" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; -"features/5/0/block/0/1/batch_norm/0" -> "features/5/0/block/0/2/silu/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/0/block/0/2/silu/0" -> "features/5/0/block/1/0/conv2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.0.block.1.0.weight" -> "features/5/0/block/1/0/conv2d/0" [dtype=float, shape="(480, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/5/0/block/1/0/conv2d/0" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.0.block.1.1.weight" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; -"features.5.0.block.1.1.bias" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; -"features.5.0.block.1.1.running_mean" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; -"features.5.0.block.1.1.running_var" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; -"features/5/0/block/1/1/batch_norm/0" -> "features/5/0/block/1/2/silu/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/0/block/1/2/silu/0" -> "features/5/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/0/block/1/2/silu/0" -> "features/5/0/block/2/mul/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=1]; -"features/5/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/0/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"features.5.0.block.2.fc1.weight" -> "features/5/0/block/2/fc1/conv2d/0" [dtype=float, shape="(20, 480, 1, 1)", out_port_id=0, in_port_id=1]; -"features.5.0.block.2.fc1.bias" -> "features/5/0/block/2/fc1/conv2d/0" [dtype=float, shape="(20,)", out_port_id=0, in_port_id=2]; -"features/5/0/block/2/fc1/conv2d/0" -> "features/5/0/block/2/activation/silu/0" [dtype=float, shape="(1, 20, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/0/block/2/activation/silu/0" -> "features/5/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 20, 1, 1)", out_port_id=0, in_port_id=0]; -"features.5.0.block.2.fc2.weight" -> "features/5/0/block/2/fc2/conv2d/0" [dtype=float, shape="(480, 20, 1, 1)", out_port_id=0, in_port_id=1]; -"features.5.0.block.2.fc2.bias" -> "features/5/0/block/2/fc2/conv2d/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; -"features/5/0/block/2/fc2/conv2d/0" -> "features/5/0/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/0/block/2/scale_activation/sigmoid/0" -> "features/5/0/block/2/mul/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/0/block/2/mul/0" -> "features/5/0/block/3/0/conv2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.0.block.3.0.weight" -> "features/5/0/block/3/0/conv2d/0" [dtype=float, shape="(112, 480, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/0/block/3/0/conv2d/0" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.0.block.3.1.weight" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=1]; -"features.5.0.block.3.1.bias" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=2]; -"features.5.0.block.3.1.running_mean" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=3]; -"features.5.0.block.3.1.running_var" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=4]; -"features/5/0/block/3/1/batch_norm/0" -> "features/5/1/block/0/0/conv2d/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/0/block/3/1/batch_norm/0" -> "features/5/1/add_/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.1.block.0.0.weight" -> "features/5/1/block/0/0/conv2d/0" [dtype=float, shape="(672, 112, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/1/block/0/0/conv2d/0" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.1.block.0.1.weight" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; -"features.5.1.block.0.1.bias" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; -"features.5.1.block.0.1.running_mean" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; -"features.5.1.block.0.1.running_var" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; -"features/5/1/block/0/1/batch_norm/0" -> "features/5/1/block/0/2/silu/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/1/block/0/2/silu/0" -> "features/5/1/block/1/0/conv2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.1.block.1.0.weight" -> "features/5/1/block/1/0/conv2d/0" [dtype=float, shape="(672, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/5/1/block/1/0/conv2d/0" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.1.block.1.1.weight" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; -"features.5.1.block.1.1.bias" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; -"features.5.1.block.1.1.running_mean" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; -"features.5.1.block.1.1.running_var" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; -"features/5/1/block/1/1/batch_norm/0" -> "features/5/1/block/1/2/silu/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/1/block/1/2/silu/0" -> "features/5/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/1/block/1/2/silu/0" -> "features/5/1/block/2/mul/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=1]; -"features/5/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/1/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; -"features.5.1.block.2.fc1.weight" -> "features/5/1/block/2/fc1/conv2d/0" [dtype=float, shape="(28, 672, 1, 1)", out_port_id=0, in_port_id=1]; -"features.5.1.block.2.fc1.bias" -> "features/5/1/block/2/fc1/conv2d/0" [dtype=float, shape="(28,)", out_port_id=0, in_port_id=2]; -"features/5/1/block/2/fc1/conv2d/0" -> "features/5/1/block/2/activation/silu/0" [dtype=float, shape="(1, 28, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/1/block/2/activation/silu/0" -> "features/5/1/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 28, 1, 1)", out_port_id=0, in_port_id=0]; -"features.5.1.block.2.fc2.weight" -> "features/5/1/block/2/fc2/conv2d/0" [dtype=float, shape="(672, 28, 1, 1)", out_port_id=0, in_port_id=1]; -"features.5.1.block.2.fc2.bias" -> "features/5/1/block/2/fc2/conv2d/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; -"features/5/1/block/2/fc2/conv2d/0" -> "features/5/1/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/1/block/2/scale_activation/sigmoid/0" -> "features/5/1/block/2/mul/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/1/block/2/mul/0" -> "features/5/1/block/3/0/conv2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.1.block.3.0.weight" -> "features/5/1/block/3/0/conv2d/0" [dtype=float, shape="(112, 672, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/1/block/3/0/conv2d/0" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.1.block.3.1.weight" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=1]; -"features.5.1.block.3.1.bias" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=2]; -"features.5.1.block.3.1.running_mean" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=3]; -"features.5.1.block.3.1.running_var" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=4]; -"features/5/1/block/3/1/batch_norm/0" -> "features/5/1/add_/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/1/add_/0" -> "features/5/2/block/0/0/conv2d/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/1/add_/0" -> "features/5/2/add_/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.2.block.0.0.weight" -> "features/5/2/block/0/0/conv2d/0" [dtype=float, shape="(672, 112, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/2/block/0/0/conv2d/0" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.2.block.0.1.weight" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; -"features.5.2.block.0.1.bias" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; -"features.5.2.block.0.1.running_mean" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; -"features.5.2.block.0.1.running_var" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; -"features/5/2/block/0/1/batch_norm/0" -> "features/5/2/block/0/2/silu/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/2/block/0/2/silu/0" -> "features/5/2/block/1/0/conv2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.2.block.1.0.weight" -> "features/5/2/block/1/0/conv2d/0" [dtype=float, shape="(672, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/5/2/block/1/0/conv2d/0" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.2.block.1.1.weight" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; -"features.5.2.block.1.1.bias" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; -"features.5.2.block.1.1.running_mean" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; -"features.5.2.block.1.1.running_var" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; -"features/5/2/block/1/1/batch_norm/0" -> "features/5/2/block/1/2/silu/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/2/block/1/2/silu/0" -> "features/5/2/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/2/block/1/2/silu/0" -> "features/5/2/block/2/mul/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=1]; -"features/5/2/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/2/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; -"features.5.2.block.2.fc1.weight" -> "features/5/2/block/2/fc1/conv2d/0" [dtype=float, shape="(28, 672, 1, 1)", out_port_id=0, in_port_id=1]; -"features.5.2.block.2.fc1.bias" -> "features/5/2/block/2/fc1/conv2d/0" [dtype=float, shape="(28,)", out_port_id=0, in_port_id=2]; -"features/5/2/block/2/fc1/conv2d/0" -> "features/5/2/block/2/activation/silu/0" [dtype=float, shape="(1, 28, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/2/block/2/activation/silu/0" -> "features/5/2/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 28, 1, 1)", out_port_id=0, in_port_id=0]; -"features.5.2.block.2.fc2.weight" -> "features/5/2/block/2/fc2/conv2d/0" [dtype=float, shape="(672, 28, 1, 1)", out_port_id=0, in_port_id=1]; -"features.5.2.block.2.fc2.bias" -> "features/5/2/block/2/fc2/conv2d/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; -"features/5/2/block/2/fc2/conv2d/0" -> "features/5/2/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/2/block/2/scale_activation/sigmoid/0" -> "features/5/2/block/2/mul/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/2/block/2/mul/0" -> "features/5/2/block/3/0/conv2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.2.block.3.0.weight" -> "features/5/2/block/3/0/conv2d/0" [dtype=float, shape="(112, 672, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/2/block/3/0/conv2d/0" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.2.block.3.1.weight" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=1]; -"features.5.2.block.3.1.bias" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=2]; -"features.5.2.block.3.1.running_mean" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=3]; -"features.5.2.block.3.1.running_var" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=4]; -"features/5/2/block/3/1/batch_norm/0" -> "features/5/2/add_/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/2/add_/0" -> "features/6/0/block/0/0/conv2d/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.0.block.0.0.weight" -> "features/6/0/block/0/0/conv2d/0" [dtype=float, shape="(672, 112, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/0/block/0/0/conv2d/0" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.0.block.0.1.weight" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; -"features.6.0.block.0.1.bias" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; -"features.6.0.block.0.1.running_mean" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; -"features.6.0.block.0.1.running_var" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; -"features/6/0/block/0/1/batch_norm/0" -> "features/6/0/block/0/2/silu/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features/6/0/block/0/2/silu/0" -> "features/6/0/block/1/0/conv2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.0.block.1.0.weight" -> "features/6/0/block/1/0/conv2d/0" [dtype=float, shape="(672, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/6/0/block/1/0/conv2d/0" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.0.block.1.1.weight" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; -"features.6.0.block.1.1.bias" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; -"features.6.0.block.1.1.running_mean" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; -"features.6.0.block.1.1.running_var" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; -"features/6/0/block/1/1/batch_norm/0" -> "features/6/0/block/1/2/silu/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/0/block/1/2/silu/0" -> "features/6/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/0/block/1/2/silu/0" -> "features/6/0/block/2/mul/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=1]; -"features/6/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/0/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; -"features.6.0.block.2.fc1.weight" -> "features/6/0/block/2/fc1/conv2d/0" [dtype=float, shape="(28, 672, 1, 1)", out_port_id=0, in_port_id=1]; -"features.6.0.block.2.fc1.bias" -> "features/6/0/block/2/fc1/conv2d/0" [dtype=float, shape="(28,)", out_port_id=0, in_port_id=2]; -"features/6/0/block/2/fc1/conv2d/0" -> "features/6/0/block/2/activation/silu/0" [dtype=float, shape="(1, 28, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/0/block/2/activation/silu/0" -> "features/6/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 28, 1, 1)", out_port_id=0, in_port_id=0]; -"features.6.0.block.2.fc2.weight" -> "features/6/0/block/2/fc2/conv2d/0" [dtype=float, shape="(672, 28, 1, 1)", out_port_id=0, in_port_id=1]; -"features.6.0.block.2.fc2.bias" -> "features/6/0/block/2/fc2/conv2d/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; -"features/6/0/block/2/fc2/conv2d/0" -> "features/6/0/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/0/block/2/scale_activation/sigmoid/0" -> "features/6/0/block/2/mul/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/0/block/2/mul/0" -> "features/6/0/block/3/0/conv2d/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.0.block.3.0.weight" -> "features/6/0/block/3/0/conv2d/0" [dtype=float, shape="(192, 672, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/0/block/3/0/conv2d/0" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.0.block.3.1.weight" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.6.0.block.3.1.bias" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.6.0.block.3.1.running_mean" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.6.0.block.3.1.running_var" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/6/0/block/3/1/batch_norm/0" -> "features/6/1/block/0/0/conv2d/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/0/block/3/1/batch_norm/0" -> "features/6/1/add_/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=1]; -"features.6.1.block.0.0.weight" -> "features/6/1/block/0/0/conv2d/0" [dtype=float, shape="(1152, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/1/block/0/0/conv2d/0" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.1.block.0.1.weight" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; -"features.6.1.block.0.1.bias" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; -"features.6.1.block.0.1.running_mean" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; -"features.6.1.block.0.1.running_var" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; -"features/6/1/block/0/1/batch_norm/0" -> "features/6/1/block/0/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/1/block/0/2/silu/0" -> "features/6/1/block/1/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.1.block.1.0.weight" -> "features/6/1/block/1/0/conv2d/0" [dtype=float, shape="(1152, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/6/1/block/1/0/conv2d/0" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.1.block.1.1.weight" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; -"features.6.1.block.1.1.bias" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; -"features.6.1.block.1.1.running_mean" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; -"features.6.1.block.1.1.running_var" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; -"features/6/1/block/1/1/batch_norm/0" -> "features/6/1/block/1/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/1/block/1/2/silu/0" -> "features/6/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/1/block/1/2/silu/0" -> "features/6/1/block/2/mul/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=1]; -"features/6/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/1/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; -"features.6.1.block.2.fc1.weight" -> "features/6/1/block/2/fc1/conv2d/0" [dtype=float, shape="(48, 1152, 1, 1)", out_port_id=0, in_port_id=1]; -"features.6.1.block.2.fc1.bias" -> "features/6/1/block/2/fc1/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"features/6/1/block/2/fc1/conv2d/0" -> "features/6/1/block/2/activation/silu/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/1/block/2/activation/silu/0" -> "features/6/1/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features.6.1.block.2.fc2.weight" -> "features/6/1/block/2/fc2/conv2d/0" [dtype=float, shape="(1152, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"features.6.1.block.2.fc2.bias" -> "features/6/1/block/2/fc2/conv2d/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; -"features/6/1/block/2/fc2/conv2d/0" -> "features/6/1/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/1/block/2/scale_activation/sigmoid/0" -> "features/6/1/block/2/mul/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/1/block/2/mul/0" -> "features/6/1/block/3/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.1.block.3.0.weight" -> "features/6/1/block/3/0/conv2d/0" [dtype=float, shape="(192, 1152, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/1/block/3/0/conv2d/0" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.1.block.3.1.weight" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.6.1.block.3.1.bias" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.6.1.block.3.1.running_mean" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.6.1.block.3.1.running_var" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/6/1/block/3/1/batch_norm/0" -> "features/6/1/add_/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/1/add_/0" -> "features/6/2/block/0/0/conv2d/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/1/add_/0" -> "features/6/2/add_/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=1]; -"features.6.2.block.0.0.weight" -> "features/6/2/block/0/0/conv2d/0" [dtype=float, shape="(1152, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/2/block/0/0/conv2d/0" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.2.block.0.1.weight" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; -"features.6.2.block.0.1.bias" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; -"features.6.2.block.0.1.running_mean" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; -"features.6.2.block.0.1.running_var" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; -"features/6/2/block/0/1/batch_norm/0" -> "features/6/2/block/0/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/2/block/0/2/silu/0" -> "features/6/2/block/1/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.2.block.1.0.weight" -> "features/6/2/block/1/0/conv2d/0" [dtype=float, shape="(1152, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/6/2/block/1/0/conv2d/0" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.2.block.1.1.weight" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; -"features.6.2.block.1.1.bias" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; -"features.6.2.block.1.1.running_mean" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; -"features.6.2.block.1.1.running_var" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; -"features/6/2/block/1/1/batch_norm/0" -> "features/6/2/block/1/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/2/block/1/2/silu/0" -> "features/6/2/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/2/block/1/2/silu/0" -> "features/6/2/block/2/mul/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=1]; -"features/6/2/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/2/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; -"features.6.2.block.2.fc1.weight" -> "features/6/2/block/2/fc1/conv2d/0" [dtype=float, shape="(48, 1152, 1, 1)", out_port_id=0, in_port_id=1]; -"features.6.2.block.2.fc1.bias" -> "features/6/2/block/2/fc1/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"features/6/2/block/2/fc1/conv2d/0" -> "features/6/2/block/2/activation/silu/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/2/block/2/activation/silu/0" -> "features/6/2/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features.6.2.block.2.fc2.weight" -> "features/6/2/block/2/fc2/conv2d/0" [dtype=float, shape="(1152, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"features.6.2.block.2.fc2.bias" -> "features/6/2/block/2/fc2/conv2d/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; -"features/6/2/block/2/fc2/conv2d/0" -> "features/6/2/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/2/block/2/scale_activation/sigmoid/0" -> "features/6/2/block/2/mul/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/2/block/2/mul/0" -> "features/6/2/block/3/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.2.block.3.0.weight" -> "features/6/2/block/3/0/conv2d/0" [dtype=float, shape="(192, 1152, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/2/block/3/0/conv2d/0" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.2.block.3.1.weight" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.6.2.block.3.1.bias" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.6.2.block.3.1.running_mean" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.6.2.block.3.1.running_var" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/6/2/block/3/1/batch_norm/0" -> "features/6/2/add_/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/2/add_/0" -> "features/6/3/block/0/0/conv2d/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/2/add_/0" -> "features/6/3/add_/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=1]; -"features.6.3.block.0.0.weight" -> "features/6/3/block/0/0/conv2d/0" [dtype=float, shape="(1152, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/3/block/0/0/conv2d/0" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.3.block.0.1.weight" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; -"features.6.3.block.0.1.bias" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; -"features.6.3.block.0.1.running_mean" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; -"features.6.3.block.0.1.running_var" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; -"features/6/3/block/0/1/batch_norm/0" -> "features/6/3/block/0/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/3/block/0/2/silu/0" -> "features/6/3/block/1/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.3.block.1.0.weight" -> "features/6/3/block/1/0/conv2d/0" [dtype=float, shape="(1152, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/6/3/block/1/0/conv2d/0" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.3.block.1.1.weight" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; -"features.6.3.block.1.1.bias" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; -"features.6.3.block.1.1.running_mean" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; -"features.6.3.block.1.1.running_var" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; -"features/6/3/block/1/1/batch_norm/0" -> "features/6/3/block/1/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/3/block/1/2/silu/0" -> "features/6/3/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/3/block/1/2/silu/0" -> "features/6/3/block/2/mul/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=1]; -"features/6/3/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/3/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; -"features.6.3.block.2.fc1.weight" -> "features/6/3/block/2/fc1/conv2d/0" [dtype=float, shape="(48, 1152, 1, 1)", out_port_id=0, in_port_id=1]; -"features.6.3.block.2.fc1.bias" -> "features/6/3/block/2/fc1/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"features/6/3/block/2/fc1/conv2d/0" -> "features/6/3/block/2/activation/silu/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/3/block/2/activation/silu/0" -> "features/6/3/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features.6.3.block.2.fc2.weight" -> "features/6/3/block/2/fc2/conv2d/0" [dtype=float, shape="(1152, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"features.6.3.block.2.fc2.bias" -> "features/6/3/block/2/fc2/conv2d/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; -"features/6/3/block/2/fc2/conv2d/0" -> "features/6/3/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/3/block/2/scale_activation/sigmoid/0" -> "features/6/3/block/2/mul/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/3/block/2/mul/0" -> "features/6/3/block/3/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.3.block.3.0.weight" -> "features/6/3/block/3/0/conv2d/0" [dtype=float, shape="(192, 1152, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/3/block/3/0/conv2d/0" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.3.block.3.1.weight" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.6.3.block.3.1.bias" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.6.3.block.3.1.running_mean" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.6.3.block.3.1.running_var" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/6/3/block/3/1/batch_norm/0" -> "features/6/3/add_/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/3/add_/0" -> "features/7/0/block/0/0/conv2d/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.0.block.0.0.weight" -> "features/7/0/block/0/0/conv2d/0" [dtype=float, shape="(1152, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"features/7/0/block/0/0/conv2d/0" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.0.block.0.1.weight" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; -"features.7.0.block.0.1.bias" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; -"features.7.0.block.0.1.running_mean" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; -"features.7.0.block.0.1.running_var" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; -"features/7/0/block/0/1/batch_norm/0" -> "features/7/0/block/0/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/0/block/0/2/silu/0" -> "features/7/0/block/1/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.0.block.1.0.weight" -> "features/7/0/block/1/0/conv2d/0" [dtype=float, shape="(1152, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/7/0/block/1/0/conv2d/0" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.0.block.1.1.weight" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; -"features.7.0.block.1.1.bias" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; -"features.7.0.block.1.1.running_mean" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; -"features.7.0.block.1.1.running_var" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; -"features/7/0/block/1/1/batch_norm/0" -> "features/7/0/block/1/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/0/block/1/2/silu/0" -> "features/7/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/0/block/1/2/silu/0" -> "features/7/0/block/2/mul/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=1]; -"features/7/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/7/0/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; -"features.7.0.block.2.fc1.weight" -> "features/7/0/block/2/fc1/conv2d/0" [dtype=float, shape="(48, 1152, 1, 1)", out_port_id=0, in_port_id=1]; -"features.7.0.block.2.fc1.bias" -> "features/7/0/block/2/fc1/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"features/7/0/block/2/fc1/conv2d/0" -> "features/7/0/block/2/activation/silu/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/0/block/2/activation/silu/0" -> "features/7/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features.7.0.block.2.fc2.weight" -> "features/7/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1152, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"features.7.0.block.2.fc2.bias" -> "features/7/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; -"features/7/0/block/2/fc2/conv2d/0" -> "features/7/0/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/0/block/2/scale_activation/sigmoid/0" -> "features/7/0/block/2/mul/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/0/block/2/mul/0" -> "features/7/0/block/3/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.0.block.3.0.weight" -> "features/7/0/block/3/0/conv2d/0" [dtype=float, shape="(320, 1152, 1, 1)", out_port_id=0, in_port_id=1]; -"features/7/0/block/3/0/conv2d/0" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, shape="(1, 320, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.0.block.3.1.weight" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"features.7.0.block.3.1.bias" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"features.7.0.block.3.1.running_mean" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"features.7.0.block.3.1.running_var" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"features/7/0/block/3/1/batch_norm/0" -> "features/8/0/conv2d/0" [dtype=float, shape="(1, 320, 2, 2)", out_port_id=0, in_port_id=0]; -"features.8.0.weight" -> "features/8/0/conv2d/0" [dtype=float, shape="(1280, 320, 1, 1)", out_port_id=0, in_port_id=1]; -"features/8/0/conv2d/0" -> "features/8/1/batch_norm/0" [dtype=float, shape="(1, 1280, 2, 2)", out_port_id=0, in_port_id=0]; -"features.8.1.weight" -> "features/8/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=1]; -"features.8.1.bias" -> "features/8/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=2]; -"features.8.1.running_mean" -> "features/8/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=3]; -"features.8.1.running_var" -> "features/8/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=4]; -"features/8/1/batch_norm/0" -> "features/8/2/silu/0" [dtype=float, shape="(1, 1280, 2, 2)", out_port_id=0, in_port_id=0]; -"features/8/2/silu/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1280, 2, 2)", out_port_id=0, in_port_id=0]; -"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; -"/flatten/0" -> "classifier/0/dropout/0" [dtype=float, shape="(1, 1280)", out_port_id=0, in_port_id=0]; -"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, shape="(1, 1280)", out_port_id=0, in_port_id=0]; -"classifier.1.weight" -> "classifier/1/linear/0" [dtype=float, shape="(1000, 1280)", out_port_id=0, in_port_id=1]; -"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"classifier/1/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"features.0.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/0/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; +"features.0.1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/1/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/0/2/silu/0" [id=8, metatype=PTSILUMetatype, type=silu]; +"features.1.0.block.0.0.weight" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/block/0/0/conv2d/0" [id=10, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.1.0.block.0.1.weight" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.block.0.1.bias" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.block.0.1.running_mean" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.block.0.1.running_var" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/block/0/1/batch_norm/0" [id=15, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/1/0/block/0/2/silu/0" [id=16, metatype=PTSILUMetatype, type=silu]; +"features/1/0/block/1/avgpool/adaptive_avg_pool2d/0" [id=17, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.1.0.block.1.fc1.weight" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.block.1.fc1.bias" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/block/1/fc1/conv2d/0" [id=20, metatype=PTConv2dMetatype, type=conv2d]; +"features/1/0/block/1/activation/silu/0" [id=21, metatype=PTSILUMetatype, type=silu]; +"features.1.0.block.1.fc2.weight" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.block.1.fc2.bias" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/block/1/fc2/conv2d/0" [id=24, metatype=PTConv2dMetatype, type=conv2d]; +"features/1/0/block/1/scale_activation/sigmoid/0" [id=25, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/1/0/block/1/mul/0" [id=26, metatype=PTMulMetatype, type=mul]; +"features.1.0.block.2.0.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/block/2/0/conv2d/0" [id=28, metatype=PTConv2dMetatype, type=conv2d]; +"features.1.0.block.2.1.weight" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.block.2.1.bias" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.block.2.1.running_mean" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.block.2.1.running_var" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/block/2/1/batch_norm/0" [id=33, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.2.0.block.0.0.weight" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/0/block/0/0/conv2d/0" [id=35, metatype=PTConv2dMetatype, type=conv2d]; +"features.2.0.block.0.1.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.0.block.0.1.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.0.block.0.1.running_mean" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.0.block.0.1.running_var" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/0/block/0/1/batch_norm/0" [id=40, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/2/0/block/0/2/silu/0" [id=41, metatype=PTSILUMetatype, type=silu]; +"features.2.0.block.1.0.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/0/block/1/0/conv2d/0" [id=43, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.2.0.block.1.1.weight" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.0.block.1.1.bias" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.0.block.1.1.running_mean" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.0.block.1.1.running_var" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/0/block/1/1/batch_norm/0" [id=48, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/2/0/block/1/2/silu/0" [id=49, metatype=PTSILUMetatype, type=silu]; +"features/2/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=50, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.2.0.block.2.fc1.weight" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.0.block.2.fc1.bias" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/0/block/2/fc1/conv2d/0" [id=53, metatype=PTConv2dMetatype, type=conv2d]; +"features/2/0/block/2/activation/silu/0" [id=54, metatype=PTSILUMetatype, type=silu]; +"features.2.0.block.2.fc2.weight" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.0.block.2.fc2.bias" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/0/block/2/fc2/conv2d/0" [id=57, metatype=PTConv2dMetatype, type=conv2d]; +"features/2/0/block/2/scale_activation/sigmoid/0" [id=58, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/2/0/block/2/mul/0" [id=59, metatype=PTMulMetatype, type=mul]; +"features.2.0.block.3.0.weight" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/0/block/3/0/conv2d/0" [id=61, metatype=PTConv2dMetatype, type=conv2d]; +"features.2.0.block.3.1.weight" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.0.block.3.1.bias" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.0.block.3.1.running_mean" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.0.block.3.1.running_var" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/0/block/3/1/batch_norm/0" [id=66, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.2.1.block.0.0.weight" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/1/block/0/0/conv2d/0" [id=68, metatype=PTConv2dMetatype, type=conv2d]; +"features.2.1.block.0.1.weight" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.1.block.0.1.bias" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.1.block.0.1.running_mean" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.1.block.0.1.running_var" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/1/block/0/1/batch_norm/0" [id=73, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/2/1/block/0/2/silu/0" [id=74, metatype=PTSILUMetatype, type=silu]; +"features.2.1.block.1.0.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/1/block/1/0/conv2d/0" [id=76, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.2.1.block.1.1.weight" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.1.block.1.1.bias" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.1.block.1.1.running_mean" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.1.block.1.1.running_var" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/1/block/1/1/batch_norm/0" [id=81, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/2/1/block/1/2/silu/0" [id=82, metatype=PTSILUMetatype, type=silu]; +"features/2/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=83, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.2.1.block.2.fc1.weight" [id=84, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.1.block.2.fc1.bias" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/1/block/2/fc1/conv2d/0" [id=86, metatype=PTConv2dMetatype, type=conv2d]; +"features/2/1/block/2/activation/silu/0" [id=87, metatype=PTSILUMetatype, type=silu]; +"features.2.1.block.2.fc2.weight" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.1.block.2.fc2.bias" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/1/block/2/fc2/conv2d/0" [id=90, metatype=PTConv2dMetatype, type=conv2d]; +"features/2/1/block/2/scale_activation/sigmoid/0" [id=91, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/2/1/block/2/mul/0" [id=92, metatype=PTMulMetatype, type=mul]; +"features.2.1.block.3.0.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/1/block/3/0/conv2d/0" [id=94, metatype=PTConv2dMetatype, type=conv2d]; +"features.2.1.block.3.1.weight" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.1.block.3.1.bias" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.1.block.3.1.running_mean" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.1.block.3.1.running_var" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/1/block/3/1/batch_norm/0" [id=99, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/2/1/add_/0" [id=100, metatype=PTAddMetatype, type=add_]; +"features.3.0.block.0.0.weight" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/block/0/0/conv2d/0" [id=102, metatype=PTConv2dMetatype, type=conv2d]; +"features.3.0.block.0.1.weight" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.0.1.bias" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.0.1.running_mean" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.0.1.running_var" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/block/0/1/batch_norm/0" [id=107, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/0/block/0/2/silu/0" [id=108, metatype=PTSILUMetatype, type=silu]; +"features.3.0.block.1.0.weight" [id=109, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/block/1/0/conv2d/0" [id=110, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.3.0.block.1.1.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.1.1.bias" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.1.1.running_mean" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.1.1.running_var" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/block/1/1/batch_norm/0" [id=115, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/0/block/1/2/silu/0" [id=116, metatype=PTSILUMetatype, type=silu]; +"features/3/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=117, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.3.0.block.2.fc1.weight" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.2.fc1.bias" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/block/2/fc1/conv2d/0" [id=120, metatype=PTConv2dMetatype, type=conv2d]; +"features/3/0/block/2/activation/silu/0" [id=121, metatype=PTSILUMetatype, type=silu]; +"features.3.0.block.2.fc2.weight" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.2.fc2.bias" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/block/2/fc2/conv2d/0" [id=124, metatype=PTConv2dMetatype, type=conv2d]; +"features/3/0/block/2/scale_activation/sigmoid/0" [id=125, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/3/0/block/2/mul/0" [id=126, metatype=PTMulMetatype, type=mul]; +"features.3.0.block.3.0.weight" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/block/3/0/conv2d/0" [id=128, metatype=PTConv2dMetatype, type=conv2d]; +"features.3.0.block.3.1.weight" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.3.1.bias" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.3.1.running_mean" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.block.3.1.running_var" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/block/3/1/batch_norm/0" [id=133, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.3.1.block.0.0.weight" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/block/0/0/conv2d/0" [id=135, metatype=PTConv2dMetatype, type=conv2d]; +"features.3.1.block.0.1.weight" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.0.1.bias" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.0.1.running_mean" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.0.1.running_var" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/block/0/1/batch_norm/0" [id=140, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/1/block/0/2/silu/0" [id=141, metatype=PTSILUMetatype, type=silu]; +"features.3.1.block.1.0.weight" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/block/1/0/conv2d/0" [id=143, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.3.1.block.1.1.weight" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.1.1.bias" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.1.1.running_mean" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.1.1.running_var" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/block/1/1/batch_norm/0" [id=148, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/1/block/1/2/silu/0" [id=149, metatype=PTSILUMetatype, type=silu]; +"features/3/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=150, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.3.1.block.2.fc1.weight" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.2.fc1.bias" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/block/2/fc1/conv2d/0" [id=153, metatype=PTConv2dMetatype, type=conv2d]; +"features/3/1/block/2/activation/silu/0" [id=154, metatype=PTSILUMetatype, type=silu]; +"features.3.1.block.2.fc2.weight" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.2.fc2.bias" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/block/2/fc2/conv2d/0" [id=157, metatype=PTConv2dMetatype, type=conv2d]; +"features/3/1/block/2/scale_activation/sigmoid/0" [id=158, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/3/1/block/2/mul/0" [id=159, metatype=PTMulMetatype, type=mul]; +"features.3.1.block.3.0.weight" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/block/3/0/conv2d/0" [id=161, metatype=PTConv2dMetatype, type=conv2d]; +"features.3.1.block.3.1.weight" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.3.1.bias" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.3.1.running_mean" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.block.3.1.running_var" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/block/3/1/batch_norm/0" [id=166, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/1/add_/0" [id=167, metatype=PTAddMetatype, type=add_]; +"features.4.0.block.0.0.weight" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/0/block/0/0/conv2d/0" [id=169, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.0.block.0.1.weight" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.0.block.0.1.bias" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.0.block.0.1.running_mean" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.0.block.0.1.running_var" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/0/block/0/1/batch_norm/0" [id=174, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/0/block/0/2/silu/0" [id=175, metatype=PTSILUMetatype, type=silu]; +"features.4.0.block.1.0.weight" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/0/block/1/0/conv2d/0" [id=177, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.4.0.block.1.1.weight" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.0.block.1.1.bias" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.0.block.1.1.running_mean" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.0.block.1.1.running_var" [id=181, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/0/block/1/1/batch_norm/0" [id=182, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/0/block/1/2/silu/0" [id=183, metatype=PTSILUMetatype, type=silu]; +"features/4/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=184, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.4.0.block.2.fc1.weight" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.0.block.2.fc1.bias" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/0/block/2/fc1/conv2d/0" [id=187, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/0/block/2/activation/silu/0" [id=188, metatype=PTSILUMetatype, type=silu]; +"features.4.0.block.2.fc2.weight" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.0.block.2.fc2.bias" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/0/block/2/fc2/conv2d/0" [id=191, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/0/block/2/scale_activation/sigmoid/0" [id=192, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/4/0/block/2/mul/0" [id=193, metatype=PTMulMetatype, type=mul]; +"features.4.0.block.3.0.weight" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/0/block/3/0/conv2d/0" [id=195, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.0.block.3.1.weight" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.0.block.3.1.bias" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.0.block.3.1.running_mean" [id=198, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.0.block.3.1.running_var" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/0/block/3/1/batch_norm/0" [id=200, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.4.1.block.0.0.weight" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/1/block/0/0/conv2d/0" [id=202, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.1.block.0.1.weight" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.1.block.0.1.bias" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.1.block.0.1.running_mean" [id=205, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.1.block.0.1.running_var" [id=206, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/1/block/0/1/batch_norm/0" [id=207, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/1/block/0/2/silu/0" [id=208, metatype=PTSILUMetatype, type=silu]; +"features.4.1.block.1.0.weight" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/1/block/1/0/conv2d/0" [id=210, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.4.1.block.1.1.weight" [id=211, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.1.block.1.1.bias" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.1.block.1.1.running_mean" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.1.block.1.1.running_var" [id=214, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/1/block/1/1/batch_norm/0" [id=215, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/1/block/1/2/silu/0" [id=216, metatype=PTSILUMetatype, type=silu]; +"features/4/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=217, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.4.1.block.2.fc1.weight" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.1.block.2.fc1.bias" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/1/block/2/fc1/conv2d/0" [id=220, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/1/block/2/activation/silu/0" [id=221, metatype=PTSILUMetatype, type=silu]; +"features.4.1.block.2.fc2.weight" [id=222, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.1.block.2.fc2.bias" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/1/block/2/fc2/conv2d/0" [id=224, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/1/block/2/scale_activation/sigmoid/0" [id=225, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/4/1/block/2/mul/0" [id=226, metatype=PTMulMetatype, type=mul]; +"features.4.1.block.3.0.weight" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/1/block/3/0/conv2d/0" [id=228, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.1.block.3.1.weight" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.1.block.3.1.bias" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.1.block.3.1.running_mean" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.1.block.3.1.running_var" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/1/block/3/1/batch_norm/0" [id=233, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/1/add_/0" [id=234, metatype=PTAddMetatype, type=add_]; +"features.4.2.block.0.0.weight" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/2/block/0/0/conv2d/0" [id=236, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.2.block.0.1.weight" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.2.block.0.1.bias" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.2.block.0.1.running_mean" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.2.block.0.1.running_var" [id=240, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/2/block/0/1/batch_norm/0" [id=241, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/2/block/0/2/silu/0" [id=242, metatype=PTSILUMetatype, type=silu]; +"features.4.2.block.1.0.weight" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/2/block/1/0/conv2d/0" [id=244, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.4.2.block.1.1.weight" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.2.block.1.1.bias" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.2.block.1.1.running_mean" [id=247, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.2.block.1.1.running_var" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/2/block/1/1/batch_norm/0" [id=249, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/2/block/1/2/silu/0" [id=250, metatype=PTSILUMetatype, type=silu]; +"features/4/2/block/2/avgpool/adaptive_avg_pool2d/0" [id=251, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.4.2.block.2.fc1.weight" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.2.block.2.fc1.bias" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/2/block/2/fc1/conv2d/0" [id=254, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/2/block/2/activation/silu/0" [id=255, metatype=PTSILUMetatype, type=silu]; +"features.4.2.block.2.fc2.weight" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.2.block.2.fc2.bias" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/2/block/2/fc2/conv2d/0" [id=258, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/2/block/2/scale_activation/sigmoid/0" [id=259, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/4/2/block/2/mul/0" [id=260, metatype=PTMulMetatype, type=mul]; +"features.4.2.block.3.0.weight" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/2/block/3/0/conv2d/0" [id=262, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.2.block.3.1.weight" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.2.block.3.1.bias" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.2.block.3.1.running_mean" [id=265, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.2.block.3.1.running_var" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/2/block/3/1/batch_norm/0" [id=267, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/2/add_/0" [id=268, metatype=PTAddMetatype, type=add_]; +"features.5.0.block.0.0.weight" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/block/0/0/conv2d/0" [id=270, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.0.block.0.1.weight" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.0.1.bias" [id=272, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.0.1.running_mean" [id=273, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.0.1.running_var" [id=274, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/block/0/1/batch_norm/0" [id=275, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/0/block/0/2/silu/0" [id=276, metatype=PTSILUMetatype, type=silu]; +"features.5.0.block.1.0.weight" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/block/1/0/conv2d/0" [id=278, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.5.0.block.1.1.weight" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.1.1.bias" [id=280, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.1.1.running_mean" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.1.1.running_var" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/block/1/1/batch_norm/0" [id=283, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/0/block/1/2/silu/0" [id=284, metatype=PTSILUMetatype, type=silu]; +"features/5/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=285, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.5.0.block.2.fc1.weight" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.2.fc1.bias" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/block/2/fc1/conv2d/0" [id=288, metatype=PTConv2dMetatype, type=conv2d]; +"features/5/0/block/2/activation/silu/0" [id=289, metatype=PTSILUMetatype, type=silu]; +"features.5.0.block.2.fc2.weight" [id=290, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.2.fc2.bias" [id=291, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/block/2/fc2/conv2d/0" [id=292, metatype=PTConv2dMetatype, type=conv2d]; +"features/5/0/block/2/scale_activation/sigmoid/0" [id=293, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/0/block/2/mul/0" [id=294, metatype=PTMulMetatype, type=mul]; +"features.5.0.block.3.0.weight" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/block/3/0/conv2d/0" [id=296, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.0.block.3.1.weight" [id=297, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.3.1.bias" [id=298, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.3.1.running_mean" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.block.3.1.running_var" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/block/3/1/batch_norm/0" [id=301, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.5.1.block.0.0.weight" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/block/0/0/conv2d/0" [id=303, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.1.block.0.1.weight" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.0.1.bias" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.0.1.running_mean" [id=306, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.0.1.running_var" [id=307, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/block/0/1/batch_norm/0" [id=308, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/1/block/0/2/silu/0" [id=309, metatype=PTSILUMetatype, type=silu]; +"features.5.1.block.1.0.weight" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/block/1/0/conv2d/0" [id=311, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.5.1.block.1.1.weight" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.1.1.bias" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.1.1.running_mean" [id=314, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.1.1.running_var" [id=315, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/block/1/1/batch_norm/0" [id=316, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/1/block/1/2/silu/0" [id=317, metatype=PTSILUMetatype, type=silu]; +"features/5/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=318, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.5.1.block.2.fc1.weight" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.2.fc1.bias" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/block/2/fc1/conv2d/0" [id=321, metatype=PTConv2dMetatype, type=conv2d]; +"features/5/1/block/2/activation/silu/0" [id=322, metatype=PTSILUMetatype, type=silu]; +"features.5.1.block.2.fc2.weight" [id=323, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.2.fc2.bias" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/block/2/fc2/conv2d/0" [id=325, metatype=PTConv2dMetatype, type=conv2d]; +"features/5/1/block/2/scale_activation/sigmoid/0" [id=326, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/1/block/2/mul/0" [id=327, metatype=PTMulMetatype, type=mul]; +"features.5.1.block.3.0.weight" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/block/3/0/conv2d/0" [id=329, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.1.block.3.1.weight" [id=330, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.3.1.bias" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.3.1.running_mean" [id=332, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.block.3.1.running_var" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/block/3/1/batch_norm/0" [id=334, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/1/add_/0" [id=335, metatype=PTAddMetatype, type=add_]; +"features.5.2.block.0.0.weight" [id=336, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/block/0/0/conv2d/0" [id=337, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.2.block.0.1.weight" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.0.1.bias" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.0.1.running_mean" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.0.1.running_var" [id=341, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/block/0/1/batch_norm/0" [id=342, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/2/block/0/2/silu/0" [id=343, metatype=PTSILUMetatype, type=silu]; +"features.5.2.block.1.0.weight" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/block/1/0/conv2d/0" [id=345, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.5.2.block.1.1.weight" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.1.1.bias" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.1.1.running_mean" [id=348, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.1.1.running_var" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/block/1/1/batch_norm/0" [id=350, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/2/block/1/2/silu/0" [id=351, metatype=PTSILUMetatype, type=silu]; +"features/5/2/block/2/avgpool/adaptive_avg_pool2d/0" [id=352, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.5.2.block.2.fc1.weight" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.2.fc1.bias" [id=354, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/block/2/fc1/conv2d/0" [id=355, metatype=PTConv2dMetatype, type=conv2d]; +"features/5/2/block/2/activation/silu/0" [id=356, metatype=PTSILUMetatype, type=silu]; +"features.5.2.block.2.fc2.weight" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.2.fc2.bias" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/block/2/fc2/conv2d/0" [id=359, metatype=PTConv2dMetatype, type=conv2d]; +"features/5/2/block/2/scale_activation/sigmoid/0" [id=360, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/2/block/2/mul/0" [id=361, metatype=PTMulMetatype, type=mul]; +"features.5.2.block.3.0.weight" [id=362, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/block/3/0/conv2d/0" [id=363, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.2.block.3.1.weight" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.3.1.bias" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.3.1.running_mean" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.block.3.1.running_var" [id=367, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/block/3/1/batch_norm/0" [id=368, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/2/add_/0" [id=369, metatype=PTAddMetatype, type=add_]; +"features.6.0.block.0.0.weight" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/0/block/0/0/conv2d/0" [id=371, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.0.block.0.1.weight" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.0.block.0.1.bias" [id=373, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.0.block.0.1.running_mean" [id=374, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.0.block.0.1.running_var" [id=375, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/0/block/0/1/batch_norm/0" [id=376, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/0/block/0/2/silu/0" [id=377, metatype=PTSILUMetatype, type=silu]; +"features.6.0.block.1.0.weight" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/0/block/1/0/conv2d/0" [id=379, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.6.0.block.1.1.weight" [id=380, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.0.block.1.1.bias" [id=381, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.0.block.1.1.running_mean" [id=382, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.0.block.1.1.running_var" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/0/block/1/1/batch_norm/0" [id=384, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/0/block/1/2/silu/0" [id=385, metatype=PTSILUMetatype, type=silu]; +"features/6/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=386, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.6.0.block.2.fc1.weight" [id=387, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.0.block.2.fc1.bias" [id=388, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/0/block/2/fc1/conv2d/0" [id=389, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/0/block/2/activation/silu/0" [id=390, metatype=PTSILUMetatype, type=silu]; +"features.6.0.block.2.fc2.weight" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.0.block.2.fc2.bias" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/0/block/2/fc2/conv2d/0" [id=393, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/0/block/2/scale_activation/sigmoid/0" [id=394, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/6/0/block/2/mul/0" [id=395, metatype=PTMulMetatype, type=mul]; +"features.6.0.block.3.0.weight" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/0/block/3/0/conv2d/0" [id=397, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.0.block.3.1.weight" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.0.block.3.1.bias" [id=399, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.0.block.3.1.running_mean" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.0.block.3.1.running_var" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/0/block/3/1/batch_norm/0" [id=402, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.6.1.block.0.0.weight" [id=403, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/1/block/0/0/conv2d/0" [id=404, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.1.block.0.1.weight" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.1.block.0.1.bias" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.1.block.0.1.running_mean" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.1.block.0.1.running_var" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/1/block/0/1/batch_norm/0" [id=409, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/1/block/0/2/silu/0" [id=410, metatype=PTSILUMetatype, type=silu]; +"features.6.1.block.1.0.weight" [id=411, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/1/block/1/0/conv2d/0" [id=412, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.6.1.block.1.1.weight" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.1.block.1.1.bias" [id=414, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.1.block.1.1.running_mean" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.1.block.1.1.running_var" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/1/block/1/1/batch_norm/0" [id=417, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/1/block/1/2/silu/0" [id=418, metatype=PTSILUMetatype, type=silu]; +"features/6/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=419, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.6.1.block.2.fc1.weight" [id=420, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.1.block.2.fc1.bias" [id=421, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/1/block/2/fc1/conv2d/0" [id=422, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/1/block/2/activation/silu/0" [id=423, metatype=PTSILUMetatype, type=silu]; +"features.6.1.block.2.fc2.weight" [id=424, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.1.block.2.fc2.bias" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/1/block/2/fc2/conv2d/0" [id=426, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/1/block/2/scale_activation/sigmoid/0" [id=427, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/6/1/block/2/mul/0" [id=428, metatype=PTMulMetatype, type=mul]; +"features.6.1.block.3.0.weight" [id=429, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/1/block/3/0/conv2d/0" [id=430, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.1.block.3.1.weight" [id=431, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.1.block.3.1.bias" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.1.block.3.1.running_mean" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.1.block.3.1.running_var" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/1/block/3/1/batch_norm/0" [id=435, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/1/add_/0" [id=436, metatype=PTAddMetatype, type=add_]; +"features.6.2.block.0.0.weight" [id=437, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/2/block/0/0/conv2d/0" [id=438, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.2.block.0.1.weight" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.2.block.0.1.bias" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.2.block.0.1.running_mean" [id=441, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.2.block.0.1.running_var" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/2/block/0/1/batch_norm/0" [id=443, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/2/block/0/2/silu/0" [id=444, metatype=PTSILUMetatype, type=silu]; +"features.6.2.block.1.0.weight" [id=445, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/2/block/1/0/conv2d/0" [id=446, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.6.2.block.1.1.weight" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.2.block.1.1.bias" [id=448, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.2.block.1.1.running_mean" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.2.block.1.1.running_var" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/2/block/1/1/batch_norm/0" [id=451, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/2/block/1/2/silu/0" [id=452, metatype=PTSILUMetatype, type=silu]; +"features/6/2/block/2/avgpool/adaptive_avg_pool2d/0" [id=453, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.6.2.block.2.fc1.weight" [id=454, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.2.block.2.fc1.bias" [id=455, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/2/block/2/fc1/conv2d/0" [id=456, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/2/block/2/activation/silu/0" [id=457, metatype=PTSILUMetatype, type=silu]; +"features.6.2.block.2.fc2.weight" [id=458, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.2.block.2.fc2.bias" [id=459, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/2/block/2/fc2/conv2d/0" [id=460, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/2/block/2/scale_activation/sigmoid/0" [id=461, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/6/2/block/2/mul/0" [id=462, metatype=PTMulMetatype, type=mul]; +"features.6.2.block.3.0.weight" [id=463, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/2/block/3/0/conv2d/0" [id=464, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.2.block.3.1.weight" [id=465, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.2.block.3.1.bias" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.2.block.3.1.running_mean" [id=467, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.2.block.3.1.running_var" [id=468, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/2/block/3/1/batch_norm/0" [id=469, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/2/add_/0" [id=470, metatype=PTAddMetatype, type=add_]; +"features.6.3.block.0.0.weight" [id=471, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/3/block/0/0/conv2d/0" [id=472, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.3.block.0.1.weight" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.3.block.0.1.bias" [id=474, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.3.block.0.1.running_mean" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.3.block.0.1.running_var" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/3/block/0/1/batch_norm/0" [id=477, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/3/block/0/2/silu/0" [id=478, metatype=PTSILUMetatype, type=silu]; +"features.6.3.block.1.0.weight" [id=479, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/3/block/1/0/conv2d/0" [id=480, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.6.3.block.1.1.weight" [id=481, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.3.block.1.1.bias" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.3.block.1.1.running_mean" [id=483, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.3.block.1.1.running_var" [id=484, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/3/block/1/1/batch_norm/0" [id=485, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/3/block/1/2/silu/0" [id=486, metatype=PTSILUMetatype, type=silu]; +"features/6/3/block/2/avgpool/adaptive_avg_pool2d/0" [id=487, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.6.3.block.2.fc1.weight" [id=488, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.3.block.2.fc1.bias" [id=489, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/3/block/2/fc1/conv2d/0" [id=490, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/3/block/2/activation/silu/0" [id=491, metatype=PTSILUMetatype, type=silu]; +"features.6.3.block.2.fc2.weight" [id=492, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.3.block.2.fc2.bias" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/3/block/2/fc2/conv2d/0" [id=494, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/3/block/2/scale_activation/sigmoid/0" [id=495, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/6/3/block/2/mul/0" [id=496, metatype=PTMulMetatype, type=mul]; +"features.6.3.block.3.0.weight" [id=497, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/3/block/3/0/conv2d/0" [id=498, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.3.block.3.1.weight" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.3.block.3.1.bias" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.3.block.3.1.running_mean" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.3.block.3.1.running_var" [id=502, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/3/block/3/1/batch_norm/0" [id=503, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/3/add_/0" [id=504, metatype=PTAddMetatype, type=add_]; +"features.7.0.block.0.0.weight" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/block/0/0/conv2d/0" [id=506, metatype=PTConv2dMetatype, type=conv2d]; +"features.7.0.block.0.1.weight" [id=507, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.0.1.bias" [id=508, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.0.1.running_mean" [id=509, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.0.1.running_var" [id=510, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/block/0/1/batch_norm/0" [id=511, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/7/0/block/0/2/silu/0" [id=512, metatype=PTSILUMetatype, type=silu]; +"features.7.0.block.1.0.weight" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/block/1/0/conv2d/0" [id=514, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.7.0.block.1.1.weight" [id=515, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.1.1.bias" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.1.1.running_mean" [id=517, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.1.1.running_var" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/block/1/1/batch_norm/0" [id=519, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/7/0/block/1/2/silu/0" [id=520, metatype=PTSILUMetatype, type=silu]; +"features/7/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=521, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.7.0.block.2.fc1.weight" [id=522, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.2.fc1.bias" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/block/2/fc1/conv2d/0" [id=524, metatype=PTConv2dMetatype, type=conv2d]; +"features/7/0/block/2/activation/silu/0" [id=525, metatype=PTSILUMetatype, type=silu]; +"features.7.0.block.2.fc2.weight" [id=526, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.2.fc2.bias" [id=527, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/block/2/fc2/conv2d/0" [id=528, metatype=PTConv2dMetatype, type=conv2d]; +"features/7/0/block/2/scale_activation/sigmoid/0" [id=529, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/7/0/block/2/mul/0" [id=530, metatype=PTMulMetatype, type=mul]; +"features.7.0.block.3.0.weight" [id=531, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/block/3/0/conv2d/0" [id=532, metatype=PTConv2dMetatype, type=conv2d]; +"features.7.0.block.3.1.weight" [id=533, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.3.1.bias" [id=534, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.3.1.running_mean" [id=535, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.block.3.1.running_var" [id=536, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/block/3/1/batch_norm/0" [id=537, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.8.0.weight" [id=538, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/0/conv2d/0" [id=539, metatype=PTConv2dMetatype, type=conv2d]; +"features.8.1.weight" [id=540, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.1.bias" [id=541, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.1.running_mean" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.1.running_var" [id=543, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/1/batch_norm/0" [id=544, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/8/2/silu/0" [id=545, metatype=PTSILUMetatype, type=silu]; +"avgpool/adaptive_avg_pool2d/0" [id=546, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"/flatten/0" [id=547, metatype=PTReshapeMetatype, type=flatten]; +"classifier/0/dropout/0" [id=548, metatype=PTDropoutMetatype, type=dropout]; +"classifier.1.weight" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.1.bias" [id=550, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/1/linear/0" [id=551, metatype=PTLinearMetatype, type=linear]; +output [id=552, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "features/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; +"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 3, 3, 3)"]; +"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"features/0/1/batch_norm/0" -> "features/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"features/0/2/silu/0" -> "features/1/0/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"features.1.0.block.0.0.weight" -> "features/1/0/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 1, 3, 3)"]; +"features/1/0/block/0/0/conv2d/0" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"features.1.0.block.0.1.weight" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"features.1.0.block.0.1.bias" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features.1.0.block.0.1.running_mean" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"features.1.0.block.0.1.running_var" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"features/1/0/block/0/1/batch_norm/0" -> "features/1/0/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"features/1/0/block/0/2/silu/0" -> "features/1/0/block/1/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"features/1/0/block/0/2/silu/0" -> "features/1/0/block/1/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 32, 32)"]; +"features/1/0/block/1/avgpool/adaptive_avg_pool2d/0" -> "features/1/0/block/1/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 1, 1)"]; +"features.1.0.block.1.fc1.weight" -> "features/1/0/block/1/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(8, 32, 1, 1)"]; +"features.1.0.block.1.fc1.bias" -> "features/1/0/block/1/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(8,)"]; +"features/1/0/block/1/fc1/conv2d/0" -> "features/1/0/block/1/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 1, 1)"]; +"features/1/0/block/1/activation/silu/0" -> "features/1/0/block/1/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 1, 1)"]; +"features.1.0.block.1.fc2.weight" -> "features/1/0/block/1/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 8, 1, 1)"]; +"features.1.0.block.1.fc2.bias" -> "features/1/0/block/1/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features/1/0/block/1/fc2/conv2d/0" -> "features/1/0/block/1/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 1, 1)"]; +"features/1/0/block/1/scale_activation/sigmoid/0" -> "features/1/0/block/1/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 1, 1)"]; +"features/1/0/block/1/mul/0" -> "features/1/0/block/2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"features.1.0.block.2.0.weight" -> "features/1/0/block/2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 32, 1, 1)"]; +"features/1/0/block/2/0/conv2d/0" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; +"features.1.0.block.2.1.weight" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; +"features.1.0.block.2.1.bias" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"features.1.0.block.2.1.running_mean" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; +"features.1.0.block.2.1.running_var" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; +"features/1/0/block/2/1/batch_norm/0" -> "features/2/0/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; +"features.2.0.block.0.0.weight" -> "features/2/0/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 16, 1, 1)"]; +"features/2/0/block/0/0/conv2d/0" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"features.2.0.block.0.1.weight" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.2.0.block.0.1.bias" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.2.0.block.0.1.running_mean" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.2.0.block.0.1.running_var" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/2/0/block/0/1/batch_norm/0" -> "features/2/0/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"features/2/0/block/0/2/silu/0" -> "features/2/0/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"features.2.0.block.1.0.weight" -> "features/2/0/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; +"features/2/0/block/1/0/conv2d/0" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.2.0.block.1.1.weight" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.2.0.block.1.1.bias" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.2.0.block.1.1.running_mean" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.2.0.block.1.1.running_var" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/2/0/block/1/1/batch_norm/0" -> "features/2/0/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/2/0/block/1/2/silu/0" -> "features/2/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/2/0/block/1/2/silu/0" -> "features/2/0/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/2/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/2/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features.2.0.block.2.fc1.weight" -> "features/2/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 96, 1, 1)"]; +"features.2.0.block.2.fc1.bias" -> "features/2/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(4,)"]; +"features/2/0/block/2/fc1/conv2d/0" -> "features/2/0/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 1, 1)"]; +"features/2/0/block/2/activation/silu/0" -> "features/2/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 1, 1)"]; +"features.2.0.block.2.fc2.weight" -> "features/2/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 4, 1, 1)"]; +"features.2.0.block.2.fc2.bias" -> "features/2/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features/2/0/block/2/fc2/conv2d/0" -> "features/2/0/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features/2/0/block/2/scale_activation/sigmoid/0" -> "features/2/0/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features/2/0/block/2/mul/0" -> "features/2/0/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.2.0.block.3.0.weight" -> "features/2/0/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 96, 1, 1)"]; +"features/2/0/block/3/0/conv2d/0" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"features.2.0.block.3.1.weight" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"features.2.0.block.3.1.bias" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"features.2.0.block.3.1.running_mean" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"features.2.0.block.3.1.running_var" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"features/2/0/block/3/1/batch_norm/0" -> "features/2/1/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"features/2/0/block/3/1/batch_norm/0" -> "features/2/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 16, 16)"]; +"features.2.1.block.0.0.weight" -> "features/2/1/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 24, 1, 1)"]; +"features/2/1/block/0/0/conv2d/0" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features.2.1.block.0.1.weight" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.2.1.block.0.1.bias" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.2.1.block.0.1.running_mean" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.2.1.block.0.1.running_var" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/2/1/block/0/1/batch_norm/0" -> "features/2/1/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features/2/1/block/0/2/silu/0" -> "features/2/1/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features.2.1.block.1.0.weight" -> "features/2/1/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 3, 3)"]; +"features/2/1/block/1/0/conv2d/0" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features.2.1.block.1.1.weight" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.2.1.block.1.1.bias" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.2.1.block.1.1.running_mean" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.2.1.block.1.1.running_var" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/2/1/block/1/1/batch_norm/0" -> "features/2/1/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features/2/1/block/1/2/silu/0" -> "features/2/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features/2/1/block/1/2/silu/0" -> "features/2/1/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features/2/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/2/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features.2.1.block.2.fc1.weight" -> "features/2/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(6, 144, 1, 1)"]; +"features.2.1.block.2.fc1.bias" -> "features/2/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(6,)"]; +"features/2/1/block/2/fc1/conv2d/0" -> "features/2/1/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 1, 1)"]; +"features/2/1/block/2/activation/silu/0" -> "features/2/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 1, 1)"]; +"features.2.1.block.2.fc2.weight" -> "features/2/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 6, 1, 1)"]; +"features.2.1.block.2.fc2.bias" -> "features/2/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features/2/1/block/2/fc2/conv2d/0" -> "features/2/1/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/2/1/block/2/scale_activation/sigmoid/0" -> "features/2/1/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/2/1/block/2/mul/0" -> "features/2/1/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features.2.1.block.3.0.weight" -> "features/2/1/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 144, 1, 1)"]; +"features/2/1/block/3/0/conv2d/0" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"features.2.1.block.3.1.weight" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"features.2.1.block.3.1.bias" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"features.2.1.block.3.1.running_mean" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"features.2.1.block.3.1.running_var" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"features/2/1/block/3/1/batch_norm/0" -> "features/2/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"features/2/1/add_/0" -> "features/3/0/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"features.3.0.block.0.0.weight" -> "features/3/0/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 24, 1, 1)"]; +"features/3/0/block/0/0/conv2d/0" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features.3.0.block.0.1.weight" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.3.0.block.0.1.bias" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.3.0.block.0.1.running_mean" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.3.0.block.0.1.running_var" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/3/0/block/0/1/batch_norm/0" -> "features/3/0/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features/3/0/block/0/2/silu/0" -> "features/3/0/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features.3.0.block.1.0.weight" -> "features/3/0/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 5, 5)"]; +"features/3/0/block/1/0/conv2d/0" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features.3.0.block.1.1.weight" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.3.0.block.1.1.bias" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.3.0.block.1.1.running_mean" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.3.0.block.1.1.running_var" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/3/0/block/1/1/batch_norm/0" -> "features/3/0/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features/3/0/block/1/2/silu/0" -> "features/3/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features/3/0/block/1/2/silu/0" -> "features/3/0/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features/3/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/3/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features.3.0.block.2.fc1.weight" -> "features/3/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(6, 144, 1, 1)"]; +"features.3.0.block.2.fc1.bias" -> "features/3/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(6,)"]; +"features/3/0/block/2/fc1/conv2d/0" -> "features/3/0/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 1, 1)"]; +"features/3/0/block/2/activation/silu/0" -> "features/3/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 1, 1)"]; +"features.3.0.block.2.fc2.weight" -> "features/3/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 6, 1, 1)"]; +"features.3.0.block.2.fc2.bias" -> "features/3/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features/3/0/block/2/fc2/conv2d/0" -> "features/3/0/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/3/0/block/2/scale_activation/sigmoid/0" -> "features/3/0/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/3/0/block/2/mul/0" -> "features/3/0/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features.3.0.block.3.0.weight" -> "features/3/0/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 144, 1, 1)"]; +"features/3/0/block/3/0/conv2d/0" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 8, 8)"]; +"features.3.0.block.3.1.weight" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; +"features.3.0.block.3.1.bias" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; +"features.3.0.block.3.1.running_mean" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; +"features.3.0.block.3.1.running_var" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; +"features/3/0/block/3/1/batch_norm/0" -> "features/3/1/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 8, 8)"]; +"features/3/0/block/3/1/batch_norm/0" -> "features/3/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 40, 8, 8)"]; +"features.3.1.block.0.0.weight" -> "features/3/1/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 40, 1, 1)"]; +"features/3/1/block/0/0/conv2d/0" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; +"features.3.1.block.0.1.weight" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; +"features.3.1.block.0.1.bias" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features.3.1.block.0.1.running_mean" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; +"features.3.1.block.0.1.running_var" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; +"features/3/1/block/0/1/batch_norm/0" -> "features/3/1/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; +"features/3/1/block/0/2/silu/0" -> "features/3/1/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; +"features.3.1.block.1.0.weight" -> "features/3/1/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 1, 5, 5)"]; +"features/3/1/block/1/0/conv2d/0" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; +"features.3.1.block.1.1.weight" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; +"features.3.1.block.1.1.bias" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features.3.1.block.1.1.running_mean" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; +"features.3.1.block.1.1.running_var" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; +"features/3/1/block/1/1/batch_norm/0" -> "features/3/1/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; +"features/3/1/block/1/2/silu/0" -> "features/3/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; +"features/3/1/block/1/2/silu/0" -> "features/3/1/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 240, 8, 8)"]; +"features/3/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/3/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features.3.1.block.2.fc1.weight" -> "features/3/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 240, 1, 1)"]; +"features.3.1.block.2.fc1.bias" -> "features/3/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; +"features/3/1/block/2/fc1/conv2d/0" -> "features/3/1/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 1, 1)"]; +"features/3/1/block/2/activation/silu/0" -> "features/3/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 1, 1)"]; +"features.3.1.block.2.fc2.weight" -> "features/3/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 10, 1, 1)"]; +"features.3.1.block.2.fc2.bias" -> "features/3/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features/3/1/block/2/fc2/conv2d/0" -> "features/3/1/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features/3/1/block/2/scale_activation/sigmoid/0" -> "features/3/1/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features/3/1/block/2/mul/0" -> "features/3/1/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; +"features.3.1.block.3.0.weight" -> "features/3/1/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 240, 1, 1)"]; +"features/3/1/block/3/0/conv2d/0" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 8, 8)"]; +"features.3.1.block.3.1.weight" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; +"features.3.1.block.3.1.bias" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; +"features.3.1.block.3.1.running_mean" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; +"features.3.1.block.3.1.running_var" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; +"features/3/1/block/3/1/batch_norm/0" -> "features/3/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 8, 8)"]; +"features/3/1/add_/0" -> "features/4/0/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 8, 8)"]; +"features.4.0.block.0.0.weight" -> "features/4/0/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 40, 1, 1)"]; +"features/4/0/block/0/0/conv2d/0" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; +"features.4.0.block.0.1.weight" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; +"features.4.0.block.0.1.bias" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features.4.0.block.0.1.running_mean" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; +"features.4.0.block.0.1.running_var" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; +"features/4/0/block/0/1/batch_norm/0" -> "features/4/0/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; +"features/4/0/block/0/2/silu/0" -> "features/4/0/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; +"features.4.0.block.1.0.weight" -> "features/4/0/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 1, 3, 3)"]; +"features/4/0/block/1/0/conv2d/0" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features.4.0.block.1.1.weight" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; +"features.4.0.block.1.1.bias" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features.4.0.block.1.1.running_mean" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; +"features.4.0.block.1.1.running_var" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; +"features/4/0/block/1/1/batch_norm/0" -> "features/4/0/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features/4/0/block/1/2/silu/0" -> "features/4/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features/4/0/block/1/2/silu/0" -> "features/4/0/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features/4/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features.4.0.block.2.fc1.weight" -> "features/4/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 240, 1, 1)"]; +"features.4.0.block.2.fc1.bias" -> "features/4/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; +"features/4/0/block/2/fc1/conv2d/0" -> "features/4/0/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 1, 1)"]; +"features/4/0/block/2/activation/silu/0" -> "features/4/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 1, 1)"]; +"features.4.0.block.2.fc2.weight" -> "features/4/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 10, 1, 1)"]; +"features.4.0.block.2.fc2.bias" -> "features/4/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features/4/0/block/2/fc2/conv2d/0" -> "features/4/0/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features/4/0/block/2/scale_activation/sigmoid/0" -> "features/4/0/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features/4/0/block/2/mul/0" -> "features/4/0/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features.4.0.block.3.0.weight" -> "features/4/0/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80, 240, 1, 1)"]; +"features/4/0/block/3/0/conv2d/0" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; +"features.4.0.block.3.1.weight" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80,)"]; +"features.4.0.block.3.1.bias" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(80,)"]; +"features.4.0.block.3.1.running_mean" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(80,)"]; +"features.4.0.block.3.1.running_var" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(80,)"]; +"features/4/0/block/3/1/batch_norm/0" -> "features/4/1/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; +"features/4/0/block/3/1/batch_norm/0" -> "features/4/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 80, 4, 4)"]; +"features.4.1.block.0.0.weight" -> "features/4/1/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 80, 1, 1)"]; +"features/4/1/block/0/0/conv2d/0" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features.4.1.block.0.1.weight" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; +"features.4.1.block.0.1.bias" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; +"features.4.1.block.0.1.running_mean" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; +"features.4.1.block.0.1.running_var" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; +"features/4/1/block/0/1/batch_norm/0" -> "features/4/1/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features/4/1/block/0/2/silu/0" -> "features/4/1/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features.4.1.block.1.0.weight" -> "features/4/1/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 1, 3, 3)"]; +"features/4/1/block/1/0/conv2d/0" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features.4.1.block.1.1.weight" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; +"features.4.1.block.1.1.bias" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; +"features.4.1.block.1.1.running_mean" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; +"features.4.1.block.1.1.running_var" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; +"features/4/1/block/1/1/batch_norm/0" -> "features/4/1/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features/4/1/block/1/2/silu/0" -> "features/4/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features/4/1/block/1/2/silu/0" -> "features/4/1/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features/4/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; +"features.4.1.block.2.fc1.weight" -> "features/4/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(20, 480, 1, 1)"]; +"features.4.1.block.2.fc1.bias" -> "features/4/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(20,)"]; +"features/4/1/block/2/fc1/conv2d/0" -> "features/4/1/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 20, 1, 1)"]; +"features/4/1/block/2/activation/silu/0" -> "features/4/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 20, 1, 1)"]; +"features.4.1.block.2.fc2.weight" -> "features/4/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 20, 1, 1)"]; +"features.4.1.block.2.fc2.bias" -> "features/4/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; +"features/4/1/block/2/fc2/conv2d/0" -> "features/4/1/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; +"features/4/1/block/2/scale_activation/sigmoid/0" -> "features/4/1/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; +"features/4/1/block/2/mul/0" -> "features/4/1/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features.4.1.block.3.0.weight" -> "features/4/1/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80, 480, 1, 1)"]; +"features/4/1/block/3/0/conv2d/0" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; +"features.4.1.block.3.1.weight" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80,)"]; +"features.4.1.block.3.1.bias" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(80,)"]; +"features.4.1.block.3.1.running_mean" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(80,)"]; +"features.4.1.block.3.1.running_var" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(80,)"]; +"features/4/1/block/3/1/batch_norm/0" -> "features/4/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; +"features/4/1/add_/0" -> "features/4/2/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; +"features/4/1/add_/0" -> "features/4/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 80, 4, 4)"]; +"features.4.2.block.0.0.weight" -> "features/4/2/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 80, 1, 1)"]; +"features/4/2/block/0/0/conv2d/0" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features.4.2.block.0.1.weight" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; +"features.4.2.block.0.1.bias" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; +"features.4.2.block.0.1.running_mean" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; +"features.4.2.block.0.1.running_var" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; +"features/4/2/block/0/1/batch_norm/0" -> "features/4/2/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features/4/2/block/0/2/silu/0" -> "features/4/2/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features.4.2.block.1.0.weight" -> "features/4/2/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 1, 3, 3)"]; +"features/4/2/block/1/0/conv2d/0" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features.4.2.block.1.1.weight" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; +"features.4.2.block.1.1.bias" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; +"features.4.2.block.1.1.running_mean" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; +"features.4.2.block.1.1.running_var" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; +"features/4/2/block/1/1/batch_norm/0" -> "features/4/2/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features/4/2/block/1/2/silu/0" -> "features/4/2/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features/4/2/block/1/2/silu/0" -> "features/4/2/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features/4/2/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; +"features.4.2.block.2.fc1.weight" -> "features/4/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(20, 480, 1, 1)"]; +"features.4.2.block.2.fc1.bias" -> "features/4/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(20,)"]; +"features/4/2/block/2/fc1/conv2d/0" -> "features/4/2/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 20, 1, 1)"]; +"features/4/2/block/2/activation/silu/0" -> "features/4/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 20, 1, 1)"]; +"features.4.2.block.2.fc2.weight" -> "features/4/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 20, 1, 1)"]; +"features.4.2.block.2.fc2.bias" -> "features/4/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; +"features/4/2/block/2/fc2/conv2d/0" -> "features/4/2/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; +"features/4/2/block/2/scale_activation/sigmoid/0" -> "features/4/2/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; +"features/4/2/block/2/mul/0" -> "features/4/2/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features.4.2.block.3.0.weight" -> "features/4/2/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80, 480, 1, 1)"]; +"features/4/2/block/3/0/conv2d/0" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; +"features.4.2.block.3.1.weight" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80,)"]; +"features.4.2.block.3.1.bias" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(80,)"]; +"features.4.2.block.3.1.running_mean" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(80,)"]; +"features.4.2.block.3.1.running_var" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(80,)"]; +"features/4/2/block/3/1/batch_norm/0" -> "features/4/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; +"features/4/2/add_/0" -> "features/5/0/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; +"features.5.0.block.0.0.weight" -> "features/5/0/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 80, 1, 1)"]; +"features/5/0/block/0/0/conv2d/0" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features.5.0.block.0.1.weight" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; +"features.5.0.block.0.1.bias" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; +"features.5.0.block.0.1.running_mean" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; +"features.5.0.block.0.1.running_var" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; +"features/5/0/block/0/1/batch_norm/0" -> "features/5/0/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features/5/0/block/0/2/silu/0" -> "features/5/0/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features.5.0.block.1.0.weight" -> "features/5/0/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 1, 5, 5)"]; +"features/5/0/block/1/0/conv2d/0" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features.5.0.block.1.1.weight" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; +"features.5.0.block.1.1.bias" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; +"features.5.0.block.1.1.running_mean" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; +"features.5.0.block.1.1.running_var" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; +"features/5/0/block/1/1/batch_norm/0" -> "features/5/0/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features/5/0/block/1/2/silu/0" -> "features/5/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features/5/0/block/1/2/silu/0" -> "features/5/0/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features/5/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; +"features.5.0.block.2.fc1.weight" -> "features/5/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(20, 480, 1, 1)"]; +"features.5.0.block.2.fc1.bias" -> "features/5/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(20,)"]; +"features/5/0/block/2/fc1/conv2d/0" -> "features/5/0/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 20, 1, 1)"]; +"features/5/0/block/2/activation/silu/0" -> "features/5/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 20, 1, 1)"]; +"features.5.0.block.2.fc2.weight" -> "features/5/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 20, 1, 1)"]; +"features.5.0.block.2.fc2.bias" -> "features/5/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; +"features/5/0/block/2/fc2/conv2d/0" -> "features/5/0/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; +"features/5/0/block/2/scale_activation/sigmoid/0" -> "features/5/0/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; +"features/5/0/block/2/mul/0" -> "features/5/0/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; +"features.5.0.block.3.0.weight" -> "features/5/0/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112, 480, 1, 1)"]; +"features/5/0/block/3/0/conv2d/0" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; +"features.5.0.block.3.1.weight" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112,)"]; +"features.5.0.block.3.1.bias" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(112,)"]; +"features.5.0.block.3.1.running_mean" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(112,)"]; +"features.5.0.block.3.1.running_var" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(112,)"]; +"features/5/0/block/3/1/batch_norm/0" -> "features/5/1/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; +"features/5/0/block/3/1/batch_norm/0" -> "features/5/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 112, 4, 4)"]; +"features.5.1.block.0.0.weight" -> "features/5/1/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 112, 1, 1)"]; +"features/5/1/block/0/0/conv2d/0" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features.5.1.block.0.1.weight" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; +"features.5.1.block.0.1.bias" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; +"features.5.1.block.0.1.running_mean" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; +"features.5.1.block.0.1.running_var" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; +"features/5/1/block/0/1/batch_norm/0" -> "features/5/1/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features/5/1/block/0/2/silu/0" -> "features/5/1/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features.5.1.block.1.0.weight" -> "features/5/1/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 1, 5, 5)"]; +"features/5/1/block/1/0/conv2d/0" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features.5.1.block.1.1.weight" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; +"features.5.1.block.1.1.bias" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; +"features.5.1.block.1.1.running_mean" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; +"features.5.1.block.1.1.running_var" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; +"features/5/1/block/1/1/batch_norm/0" -> "features/5/1/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features/5/1/block/1/2/silu/0" -> "features/5/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features/5/1/block/1/2/silu/0" -> "features/5/1/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features/5/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; +"features.5.1.block.2.fc1.weight" -> "features/5/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(28, 672, 1, 1)"]; +"features.5.1.block.2.fc1.bias" -> "features/5/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(28,)"]; +"features/5/1/block/2/fc1/conv2d/0" -> "features/5/1/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 28, 1, 1)"]; +"features/5/1/block/2/activation/silu/0" -> "features/5/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 28, 1, 1)"]; +"features.5.1.block.2.fc2.weight" -> "features/5/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 28, 1, 1)"]; +"features.5.1.block.2.fc2.bias" -> "features/5/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; +"features/5/1/block/2/fc2/conv2d/0" -> "features/5/1/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; +"features/5/1/block/2/scale_activation/sigmoid/0" -> "features/5/1/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; +"features/5/1/block/2/mul/0" -> "features/5/1/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features.5.1.block.3.0.weight" -> "features/5/1/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112, 672, 1, 1)"]; +"features/5/1/block/3/0/conv2d/0" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; +"features.5.1.block.3.1.weight" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112,)"]; +"features.5.1.block.3.1.bias" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(112,)"]; +"features.5.1.block.3.1.running_mean" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(112,)"]; +"features.5.1.block.3.1.running_var" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(112,)"]; +"features/5/1/block/3/1/batch_norm/0" -> "features/5/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; +"features/5/1/add_/0" -> "features/5/2/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; +"features/5/1/add_/0" -> "features/5/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 112, 4, 4)"]; +"features.5.2.block.0.0.weight" -> "features/5/2/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 112, 1, 1)"]; +"features/5/2/block/0/0/conv2d/0" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features.5.2.block.0.1.weight" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; +"features.5.2.block.0.1.bias" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; +"features.5.2.block.0.1.running_mean" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; +"features.5.2.block.0.1.running_var" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; +"features/5/2/block/0/1/batch_norm/0" -> "features/5/2/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features/5/2/block/0/2/silu/0" -> "features/5/2/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features.5.2.block.1.0.weight" -> "features/5/2/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 1, 5, 5)"]; +"features/5/2/block/1/0/conv2d/0" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features.5.2.block.1.1.weight" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; +"features.5.2.block.1.1.bias" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; +"features.5.2.block.1.1.running_mean" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; +"features.5.2.block.1.1.running_var" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; +"features/5/2/block/1/1/batch_norm/0" -> "features/5/2/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features/5/2/block/1/2/silu/0" -> "features/5/2/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features/5/2/block/1/2/silu/0" -> "features/5/2/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features/5/2/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; +"features.5.2.block.2.fc1.weight" -> "features/5/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(28, 672, 1, 1)"]; +"features.5.2.block.2.fc1.bias" -> "features/5/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(28,)"]; +"features/5/2/block/2/fc1/conv2d/0" -> "features/5/2/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 28, 1, 1)"]; +"features/5/2/block/2/activation/silu/0" -> "features/5/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 28, 1, 1)"]; +"features.5.2.block.2.fc2.weight" -> "features/5/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 28, 1, 1)"]; +"features.5.2.block.2.fc2.bias" -> "features/5/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; +"features/5/2/block/2/fc2/conv2d/0" -> "features/5/2/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; +"features/5/2/block/2/scale_activation/sigmoid/0" -> "features/5/2/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; +"features/5/2/block/2/mul/0" -> "features/5/2/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features.5.2.block.3.0.weight" -> "features/5/2/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112, 672, 1, 1)"]; +"features/5/2/block/3/0/conv2d/0" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; +"features.5.2.block.3.1.weight" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112,)"]; +"features.5.2.block.3.1.bias" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(112,)"]; +"features.5.2.block.3.1.running_mean" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(112,)"]; +"features.5.2.block.3.1.running_var" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(112,)"]; +"features/5/2/block/3/1/batch_norm/0" -> "features/5/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; +"features/5/2/add_/0" -> "features/6/0/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; +"features.6.0.block.0.0.weight" -> "features/6/0/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 112, 1, 1)"]; +"features/6/0/block/0/0/conv2d/0" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features.6.0.block.0.1.weight" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; +"features.6.0.block.0.1.bias" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; +"features.6.0.block.0.1.running_mean" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; +"features.6.0.block.0.1.running_var" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; +"features/6/0/block/0/1/batch_norm/0" -> "features/6/0/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features/6/0/block/0/2/silu/0" -> "features/6/0/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"features.6.0.block.1.0.weight" -> "features/6/0/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 1, 5, 5)"]; +"features/6/0/block/1/0/conv2d/0" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 2, 2)"]; +"features.6.0.block.1.1.weight" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; +"features.6.0.block.1.1.bias" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; +"features.6.0.block.1.1.running_mean" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; +"features.6.0.block.1.1.running_var" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; +"features/6/0/block/1/1/batch_norm/0" -> "features/6/0/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 2, 2)"]; +"features/6/0/block/1/2/silu/0" -> "features/6/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 2, 2)"]; +"features/6/0/block/1/2/silu/0" -> "features/6/0/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 672, 2, 2)"]; +"features/6/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; +"features.6.0.block.2.fc1.weight" -> "features/6/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(28, 672, 1, 1)"]; +"features.6.0.block.2.fc1.bias" -> "features/6/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(28,)"]; +"features/6/0/block/2/fc1/conv2d/0" -> "features/6/0/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 28, 1, 1)"]; +"features/6/0/block/2/activation/silu/0" -> "features/6/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 28, 1, 1)"]; +"features.6.0.block.2.fc2.weight" -> "features/6/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 28, 1, 1)"]; +"features.6.0.block.2.fc2.bias" -> "features/6/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; +"features/6/0/block/2/fc2/conv2d/0" -> "features/6/0/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; +"features/6/0/block/2/scale_activation/sigmoid/0" -> "features/6/0/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; +"features/6/0/block/2/mul/0" -> "features/6/0/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 2, 2)"]; +"features.6.0.block.3.0.weight" -> "features/6/0/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 672, 1, 1)"]; +"features/6/0/block/3/0/conv2d/0" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features.6.0.block.3.1.weight" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.6.0.block.3.1.bias" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.6.0.block.3.1.running_mean" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.6.0.block.3.1.running_var" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/6/0/block/3/1/batch_norm/0" -> "features/6/1/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features/6/0/block/3/1/batch_norm/0" -> "features/6/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features.6.1.block.0.0.weight" -> "features/6/1/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 192, 1, 1)"]; +"features/6/1/block/0/0/conv2d/0" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.6.1.block.0.1.weight" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; +"features.6.1.block.0.1.bias" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; +"features.6.1.block.0.1.running_mean" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; +"features.6.1.block.0.1.running_var" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; +"features/6/1/block/0/1/batch_norm/0" -> "features/6/1/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/6/1/block/0/2/silu/0" -> "features/6/1/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.6.1.block.1.0.weight" -> "features/6/1/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 1, 5, 5)"]; +"features/6/1/block/1/0/conv2d/0" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.6.1.block.1.1.weight" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; +"features.6.1.block.1.1.bias" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; +"features.6.1.block.1.1.running_mean" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; +"features.6.1.block.1.1.running_var" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; +"features/6/1/block/1/1/batch_norm/0" -> "features/6/1/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/6/1/block/1/2/silu/0" -> "features/6/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/6/1/block/1/2/silu/0" -> "features/6/1/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/6/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; +"features.6.1.block.2.fc1.weight" -> "features/6/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1152, 1, 1)"]; +"features.6.1.block.2.fc1.bias" -> "features/6/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"features/6/1/block/2/fc1/conv2d/0" -> "features/6/1/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"features/6/1/block/2/activation/silu/0" -> "features/6/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"features.6.1.block.2.fc2.weight" -> "features/6/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 48, 1, 1)"]; +"features.6.1.block.2.fc2.bias" -> "features/6/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; +"features/6/1/block/2/fc2/conv2d/0" -> "features/6/1/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; +"features/6/1/block/2/scale_activation/sigmoid/0" -> "features/6/1/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; +"features/6/1/block/2/mul/0" -> "features/6/1/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.6.1.block.3.0.weight" -> "features/6/1/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1152, 1, 1)"]; +"features/6/1/block/3/0/conv2d/0" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features.6.1.block.3.1.weight" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.6.1.block.3.1.bias" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.6.1.block.3.1.running_mean" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.6.1.block.3.1.running_var" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/6/1/block/3/1/batch_norm/0" -> "features/6/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features/6/1/add_/0" -> "features/6/2/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features/6/1/add_/0" -> "features/6/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features.6.2.block.0.0.weight" -> "features/6/2/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 192, 1, 1)"]; +"features/6/2/block/0/0/conv2d/0" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.6.2.block.0.1.weight" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; +"features.6.2.block.0.1.bias" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; +"features.6.2.block.0.1.running_mean" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; +"features.6.2.block.0.1.running_var" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; +"features/6/2/block/0/1/batch_norm/0" -> "features/6/2/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/6/2/block/0/2/silu/0" -> "features/6/2/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.6.2.block.1.0.weight" -> "features/6/2/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 1, 5, 5)"]; +"features/6/2/block/1/0/conv2d/0" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.6.2.block.1.1.weight" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; +"features.6.2.block.1.1.bias" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; +"features.6.2.block.1.1.running_mean" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; +"features.6.2.block.1.1.running_var" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; +"features/6/2/block/1/1/batch_norm/0" -> "features/6/2/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/6/2/block/1/2/silu/0" -> "features/6/2/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/6/2/block/1/2/silu/0" -> "features/6/2/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/6/2/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; +"features.6.2.block.2.fc1.weight" -> "features/6/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1152, 1, 1)"]; +"features.6.2.block.2.fc1.bias" -> "features/6/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"features/6/2/block/2/fc1/conv2d/0" -> "features/6/2/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"features/6/2/block/2/activation/silu/0" -> "features/6/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"features.6.2.block.2.fc2.weight" -> "features/6/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 48, 1, 1)"]; +"features.6.2.block.2.fc2.bias" -> "features/6/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; +"features/6/2/block/2/fc2/conv2d/0" -> "features/6/2/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; +"features/6/2/block/2/scale_activation/sigmoid/0" -> "features/6/2/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; +"features/6/2/block/2/mul/0" -> "features/6/2/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.6.2.block.3.0.weight" -> "features/6/2/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1152, 1, 1)"]; +"features/6/2/block/3/0/conv2d/0" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features.6.2.block.3.1.weight" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.6.2.block.3.1.bias" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.6.2.block.3.1.running_mean" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.6.2.block.3.1.running_var" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/6/2/block/3/1/batch_norm/0" -> "features/6/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features/6/2/add_/0" -> "features/6/3/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features/6/2/add_/0" -> "features/6/3/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features.6.3.block.0.0.weight" -> "features/6/3/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 192, 1, 1)"]; +"features/6/3/block/0/0/conv2d/0" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.6.3.block.0.1.weight" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; +"features.6.3.block.0.1.bias" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; +"features.6.3.block.0.1.running_mean" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; +"features.6.3.block.0.1.running_var" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; +"features/6/3/block/0/1/batch_norm/0" -> "features/6/3/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/6/3/block/0/2/silu/0" -> "features/6/3/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.6.3.block.1.0.weight" -> "features/6/3/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 1, 5, 5)"]; +"features/6/3/block/1/0/conv2d/0" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.6.3.block.1.1.weight" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; +"features.6.3.block.1.1.bias" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; +"features.6.3.block.1.1.running_mean" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; +"features.6.3.block.1.1.running_var" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; +"features/6/3/block/1/1/batch_norm/0" -> "features/6/3/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/6/3/block/1/2/silu/0" -> "features/6/3/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/6/3/block/1/2/silu/0" -> "features/6/3/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/6/3/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/3/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; +"features.6.3.block.2.fc1.weight" -> "features/6/3/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1152, 1, 1)"]; +"features.6.3.block.2.fc1.bias" -> "features/6/3/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"features/6/3/block/2/fc1/conv2d/0" -> "features/6/3/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"features/6/3/block/2/activation/silu/0" -> "features/6/3/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"features.6.3.block.2.fc2.weight" -> "features/6/3/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 48, 1, 1)"]; +"features.6.3.block.2.fc2.bias" -> "features/6/3/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; +"features/6/3/block/2/fc2/conv2d/0" -> "features/6/3/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; +"features/6/3/block/2/scale_activation/sigmoid/0" -> "features/6/3/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; +"features/6/3/block/2/mul/0" -> "features/6/3/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.6.3.block.3.0.weight" -> "features/6/3/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1152, 1, 1)"]; +"features/6/3/block/3/0/conv2d/0" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features.6.3.block.3.1.weight" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.6.3.block.3.1.bias" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.6.3.block.3.1.running_mean" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.6.3.block.3.1.running_var" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/6/3/block/3/1/batch_norm/0" -> "features/6/3/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features/6/3/add_/0" -> "features/7/0/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features.7.0.block.0.0.weight" -> "features/7/0/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 192, 1, 1)"]; +"features/7/0/block/0/0/conv2d/0" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.7.0.block.0.1.weight" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; +"features.7.0.block.0.1.bias" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; +"features.7.0.block.0.1.running_mean" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; +"features.7.0.block.0.1.running_var" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; +"features/7/0/block/0/1/batch_norm/0" -> "features/7/0/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/7/0/block/0/2/silu/0" -> "features/7/0/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.7.0.block.1.0.weight" -> "features/7/0/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 1, 3, 3)"]; +"features/7/0/block/1/0/conv2d/0" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.7.0.block.1.1.weight" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; +"features.7.0.block.1.1.bias" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; +"features.7.0.block.1.1.running_mean" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; +"features.7.0.block.1.1.running_var" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; +"features/7/0/block/1/1/batch_norm/0" -> "features/7/0/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/7/0/block/1/2/silu/0" -> "features/7/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/7/0/block/1/2/silu/0" -> "features/7/0/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features/7/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/7/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; +"features.7.0.block.2.fc1.weight" -> "features/7/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1152, 1, 1)"]; +"features.7.0.block.2.fc1.bias" -> "features/7/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"features/7/0/block/2/fc1/conv2d/0" -> "features/7/0/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"features/7/0/block/2/activation/silu/0" -> "features/7/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"features.7.0.block.2.fc2.weight" -> "features/7/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 48, 1, 1)"]; +"features.7.0.block.2.fc2.bias" -> "features/7/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; +"features/7/0/block/2/fc2/conv2d/0" -> "features/7/0/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; +"features/7/0/block/2/scale_activation/sigmoid/0" -> "features/7/0/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; +"features/7/0/block/2/mul/0" -> "features/7/0/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; +"features.7.0.block.3.0.weight" -> "features/7/0/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 1152, 1, 1)"]; +"features/7/0/block/3/0/conv2d/0" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 2, 2)"]; +"features.7.0.block.3.1.weight" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"features.7.0.block.3.1.bias" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"features.7.0.block.3.1.running_mean" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"features.7.0.block.3.1.running_var" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"features/7/0/block/3/1/batch_norm/0" -> "features/8/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 2, 2)"]; +"features.8.0.weight" -> "features/8/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1280, 320, 1, 1)"]; +"features/8/0/conv2d/0" -> "features/8/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 2, 2)"]; +"features.8.1.weight" -> "features/8/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1280,)"]; +"features.8.1.bias" -> "features/8/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1280,)"]; +"features.8.1.running_mean" -> "features/8/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1280,)"]; +"features.8.1.running_var" -> "features/8/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1280,)"]; +"features/8/1/batch_norm/0" -> "features/8/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 2, 2)"]; +"features/8/2/silu/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 2, 2)"]; +"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; +"/flatten/0" -> "classifier/0/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280)"]; +"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280)"]; +"classifier.1.weight" -> "classifier/1/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1280)"]; +"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"classifier/1/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_inception_v3.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_inception_v3.dot index 792873d6472..dd01616aed7 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_inception_v3.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_inception_v3.dot @@ -1,1612 +1,1612 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"Conv2d_1a_3x3.conv.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_1a_3x3/conv/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; -"Conv2d_1a_3x3.bn.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_1a_3x3.bn.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_1a_3x3.bn.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_1a_3x3.bn.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_1a_3x3/bn/batch_norm/0" [id=7, type="batch_norm", metatype=PTBatchNormMetatype]; -"Conv2d_1a_3x3/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; -"Conv2d_2a_3x3.conv.weight" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2a_3x3/conv/conv2d/0" [id=10, type=conv2d, metatype=PTConv2dMetatype]; -"Conv2d_2a_3x3.bn.weight" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2a_3x3.bn.bias" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2a_3x3.bn.running_mean" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2a_3x3.bn.running_var" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2a_3x3/bn/batch_norm/0" [id=15, type="batch_norm", metatype=PTBatchNormMetatype]; -"Conv2d_2a_3x3/relu_/0" [id=16, type="relu_", metatype=PTRELUMetatype]; -"Conv2d_2b_3x3.conv.weight" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2b_3x3/conv/conv2d/0" [id=18, type=conv2d, metatype=PTConv2dMetatype]; -"Conv2d_2b_3x3.bn.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2b_3x3.bn.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2b_3x3.bn.running_mean" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2b_3x3.bn.running_var" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2b_3x3/bn/batch_norm/0" [id=23, type="batch_norm", metatype=PTBatchNormMetatype]; -"Conv2d_2b_3x3/relu_/0" [id=24, type="relu_", metatype=PTRELUMetatype]; -"maxpool1/max_pool2d/0" [id=25, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"Conv2d_3b_1x1.conv.weight" [id=26, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_3b_1x1/conv/conv2d/0" [id=27, type=conv2d, metatype=PTConv2dMetatype]; -"Conv2d_3b_1x1.bn.weight" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_3b_1x1.bn.bias" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_3b_1x1.bn.running_mean" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_3b_1x1.bn.running_var" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_3b_1x1/bn/batch_norm/0" [id=32, type="batch_norm", metatype=PTBatchNormMetatype]; -"Conv2d_3b_1x1/relu_/0" [id=33, type="relu_", metatype=PTRELUMetatype]; -"Conv2d_4a_3x3.conv.weight" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_4a_3x3/conv/conv2d/0" [id=35, type=conv2d, metatype=PTConv2dMetatype]; -"Conv2d_4a_3x3.bn.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_4a_3x3.bn.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_4a_3x3.bn.running_mean" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_4a_3x3.bn.running_var" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_4a_3x3/bn/batch_norm/0" [id=40, type="batch_norm", metatype=PTBatchNormMetatype]; -"Conv2d_4a_3x3/relu_/0" [id=41, type="relu_", metatype=PTRELUMetatype]; -"maxpool2/max_pool2d/0" [id=42, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"Mixed_5b.branch1x1.conv.weight" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch1x1/conv/conv2d/0" [id=44, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5b.branch1x1.bn.weight" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch1x1.bn.bias" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch1x1.bn.running_mean" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch1x1.bn.running_var" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch1x1/bn/batch_norm/0" [id=49, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5b/branch1x1/relu_/0" [id=50, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5b.branch5x5_1.conv.weight" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch5x5_1/conv/conv2d/0" [id=52, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5b.branch5x5_1.bn.weight" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch5x5_1.bn.bias" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch5x5_1.bn.running_mean" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch5x5_1.bn.running_var" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch5x5_1/bn/batch_norm/0" [id=57, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5b/branch5x5_1/relu_/0" [id=58, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5b.branch5x5_2.conv.weight" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch5x5_2/conv/conv2d/0" [id=60, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5b.branch5x5_2.bn.weight" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch5x5_2.bn.bias" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch5x5_2.bn.running_mean" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch5x5_2.bn.running_var" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch5x5_2/bn/batch_norm/0" [id=65, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5b/branch5x5_2/relu_/0" [id=66, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5b.branch3x3dbl_1.conv.weight" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [id=68, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5b.branch3x3dbl_1.bn.weight" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_1.bn.bias" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_1.bn.running_mean" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_1.bn.running_var" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [id=73, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5b/branch3x3dbl_1/relu_/0" [id=74, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5b.branch3x3dbl_2.conv.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [id=76, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5b.branch3x3dbl_2.bn.weight" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_2.bn.bias" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_2.bn.running_mean" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_2.bn.running_var" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [id=81, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5b/branch3x3dbl_2/relu_/0" [id=82, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5b.branch3x3dbl_3.conv.weight" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [id=84, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5b.branch3x3dbl_3.bn.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_3.bn.bias" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_3.bn.running_mean" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_3.bn.running_var" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [id=89, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5b/branch3x3dbl_3/relu_/0" [id=90, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5b/avg_pool2d/0" [id=91, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"Mixed_5b.branch_pool.conv.weight" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch_pool/conv/conv2d/0" [id=93, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5b.branch_pool.bn.weight" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch_pool.bn.bias" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch_pool.bn.running_mean" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch_pool.bn.running_var" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch_pool/bn/batch_norm/0" [id=98, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5b/branch_pool/relu_/0" [id=99, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5b/cat/0" [id=100, type=cat, metatype=PTCatMetatype]; -"Mixed_5c.branch1x1.conv.weight" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch1x1/conv/conv2d/0" [id=102, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5c.branch1x1.bn.weight" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch1x1.bn.bias" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch1x1.bn.running_mean" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch1x1.bn.running_var" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch1x1/bn/batch_norm/0" [id=107, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5c/branch1x1/relu_/0" [id=108, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5c.branch5x5_1.conv.weight" [id=109, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch5x5_1/conv/conv2d/0" [id=110, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5c.branch5x5_1.bn.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch5x5_1.bn.bias" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch5x5_1.bn.running_mean" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch5x5_1.bn.running_var" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch5x5_1/bn/batch_norm/0" [id=115, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5c/branch5x5_1/relu_/0" [id=116, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5c.branch5x5_2.conv.weight" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch5x5_2/conv/conv2d/0" [id=118, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5c.branch5x5_2.bn.weight" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch5x5_2.bn.bias" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch5x5_2.bn.running_mean" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch5x5_2.bn.running_var" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch5x5_2/bn/batch_norm/0" [id=123, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5c/branch5x5_2/relu_/0" [id=124, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5c.branch3x3dbl_1.conv.weight" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [id=126, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5c.branch3x3dbl_1.bn.weight" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_1.bn.bias" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_1.bn.running_mean" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_1.bn.running_var" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [id=131, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5c/branch3x3dbl_1/relu_/0" [id=132, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5c.branch3x3dbl_2.conv.weight" [id=133, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [id=134, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5c.branch3x3dbl_2.bn.weight" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_2.bn.bias" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_2.bn.running_mean" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_2.bn.running_var" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [id=139, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5c/branch3x3dbl_2/relu_/0" [id=140, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5c.branch3x3dbl_3.conv.weight" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [id=142, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5c.branch3x3dbl_3.bn.weight" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_3.bn.bias" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_3.bn.running_mean" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_3.bn.running_var" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [id=147, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5c/branch3x3dbl_3/relu_/0" [id=148, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5c/avg_pool2d/0" [id=149, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"Mixed_5c.branch_pool.conv.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch_pool/conv/conv2d/0" [id=151, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5c.branch_pool.bn.weight" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch_pool.bn.bias" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch_pool.bn.running_mean" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch_pool.bn.running_var" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch_pool/bn/batch_norm/0" [id=156, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5c/branch_pool/relu_/0" [id=157, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5c/cat/0" [id=158, type=cat, metatype=PTCatMetatype]; -"Mixed_5d.branch1x1.conv.weight" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch1x1/conv/conv2d/0" [id=160, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5d.branch1x1.bn.weight" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch1x1.bn.bias" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch1x1.bn.running_mean" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch1x1.bn.running_var" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch1x1/bn/batch_norm/0" [id=165, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5d/branch1x1/relu_/0" [id=166, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5d.branch5x5_1.conv.weight" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch5x5_1/conv/conv2d/0" [id=168, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5d.branch5x5_1.bn.weight" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch5x5_1.bn.bias" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch5x5_1.bn.running_mean" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch5x5_1.bn.running_var" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch5x5_1/bn/batch_norm/0" [id=173, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5d/branch5x5_1/relu_/0" [id=174, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5d.branch5x5_2.conv.weight" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch5x5_2/conv/conv2d/0" [id=176, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5d.branch5x5_2.bn.weight" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch5x5_2.bn.bias" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch5x5_2.bn.running_mean" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch5x5_2.bn.running_var" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch5x5_2/bn/batch_norm/0" [id=181, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5d/branch5x5_2/relu_/0" [id=182, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5d.branch3x3dbl_1.conv.weight" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [id=184, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5d.branch3x3dbl_1.bn.weight" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_1.bn.bias" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_1.bn.running_mean" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_1.bn.running_var" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [id=189, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5d/branch3x3dbl_1/relu_/0" [id=190, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5d.branch3x3dbl_2.conv.weight" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [id=192, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5d.branch3x3dbl_2.bn.weight" [id=193, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_2.bn.bias" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_2.bn.running_mean" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_2.bn.running_var" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [id=197, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5d/branch3x3dbl_2/relu_/0" [id=198, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5d.branch3x3dbl_3.conv.weight" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [id=200, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5d.branch3x3dbl_3.bn.weight" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_3.bn.bias" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_3.bn.running_mean" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_3.bn.running_var" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [id=205, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5d/branch3x3dbl_3/relu_/0" [id=206, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5d/avg_pool2d/0" [id=207, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"Mixed_5d.branch_pool.conv.weight" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch_pool/conv/conv2d/0" [id=209, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5d.branch_pool.bn.weight" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch_pool.bn.bias" [id=211, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch_pool.bn.running_mean" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch_pool.bn.running_var" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch_pool/bn/batch_norm/0" [id=214, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5d/branch_pool/relu_/0" [id=215, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5d/cat/0" [id=216, type=cat, metatype=PTCatMetatype]; -"Mixed_6a.branch3x3.conv.weight" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3/conv/conv2d/0" [id=218, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6a.branch3x3.bn.weight" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3.bn.bias" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3.bn.running_mean" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3.bn.running_var" [id=222, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3/bn/batch_norm/0" [id=223, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6a/branch3x3/relu_/0" [id=224, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6a.branch3x3dbl_1.conv.weight" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [id=226, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6a.branch3x3dbl_1.bn.weight" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_1.bn.bias" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_1.bn.running_mean" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_1.bn.running_var" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [id=231, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6a/branch3x3dbl_1/relu_/0" [id=232, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6a.branch3x3dbl_2.conv.weight" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [id=234, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6a.branch3x3dbl_2.bn.weight" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_2.bn.bias" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_2.bn.running_mean" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_2.bn.running_var" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [id=239, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6a/branch3x3dbl_2/relu_/0" [id=240, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6a.branch3x3dbl_3.conv.weight" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [id=242, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6a.branch3x3dbl_3.bn.weight" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_3.bn.bias" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_3.bn.running_mean" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_3.bn.running_var" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [id=247, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6a/branch3x3dbl_3/relu_/0" [id=248, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6a/max_pool2d/0" [id=249, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"Mixed_6a/cat/0" [id=250, type=cat, metatype=PTCatMetatype]; -"Mixed_6b.branch1x1.conv.weight" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch1x1/conv/conv2d/0" [id=252, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch1x1.bn.weight" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch1x1.bn.bias" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch1x1.bn.running_mean" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch1x1.bn.running_var" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch1x1/bn/batch_norm/0" [id=257, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch1x1/relu_/0" [id=258, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6b.branch7x7_1.conv.weight" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7_1/conv/conv2d/0" [id=260, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7_1.bn.weight" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_1.bn.bias" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_1.bn.running_mean" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_1.bn.running_var" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7_1/bn/batch_norm/0" [id=265, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7_1/relu_/0" [id=266, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6b.branch7x7_2.conv.weight" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7_2/conv/conv2d/0" [id=268, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7_2.bn.weight" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_2.bn.bias" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_2.bn.running_mean" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_2.bn.running_var" [id=272, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7_2/bn/batch_norm/0" [id=273, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7_2/relu_/0" [id=274, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6b.branch7x7_3.conv.weight" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7_3/conv/conv2d/0" [id=276, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7_3.bn.weight" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_3.bn.bias" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_3.bn.running_mean" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_3.bn.running_var" [id=280, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7_3/bn/batch_norm/0" [id=281, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7_3/relu_/0" [id=282, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6b.branch7x7dbl_1.conv.weight" [id=283, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [id=284, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7dbl_1.bn.weight" [id=285, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_1.bn.bias" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_1.bn.running_mean" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_1.bn.running_var" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [id=289, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7dbl_1/relu_/0" [id=290, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6b.branch7x7dbl_2.conv.weight" [id=291, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [id=292, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7dbl_2.bn.weight" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_2.bn.bias" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_2.bn.running_mean" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_2.bn.running_var" [id=296, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [id=297, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7dbl_2/relu_/0" [id=298, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6b.branch7x7dbl_3.conv.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [id=300, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7dbl_3.bn.weight" [id=301, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_3.bn.bias" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_3.bn.running_mean" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_3.bn.running_var" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [id=305, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7dbl_3/relu_/0" [id=306, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6b.branch7x7dbl_4.conv.weight" [id=307, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [id=308, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7dbl_4.bn.weight" [id=309, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_4.bn.bias" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_4.bn.running_mean" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_4.bn.running_var" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [id=313, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7dbl_4/relu_/0" [id=314, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6b.branch7x7dbl_5.conv.weight" [id=315, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [id=316, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7dbl_5.bn.weight" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_5.bn.bias" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_5.bn.running_mean" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_5.bn.running_var" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [id=321, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7dbl_5/relu_/0" [id=322, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6b/avg_pool2d/0" [id=323, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"Mixed_6b.branch_pool.conv.weight" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch_pool/conv/conv2d/0" [id=325, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch_pool.bn.weight" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch_pool.bn.bias" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch_pool.bn.running_mean" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch_pool.bn.running_var" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch_pool/bn/batch_norm/0" [id=330, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch_pool/relu_/0" [id=331, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6b/cat/0" [id=332, type=cat, metatype=PTCatMetatype]; -"Mixed_6c.branch1x1.conv.weight" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch1x1/conv/conv2d/0" [id=334, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch1x1.bn.weight" [id=335, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch1x1.bn.bias" [id=336, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch1x1.bn.running_mean" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch1x1.bn.running_var" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch1x1/bn/batch_norm/0" [id=339, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch1x1/relu_/0" [id=340, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6c.branch7x7_1.conv.weight" [id=341, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7_1/conv/conv2d/0" [id=342, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7_1.bn.weight" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_1.bn.bias" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_1.bn.running_mean" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_1.bn.running_var" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7_1/bn/batch_norm/0" [id=347, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7_1/relu_/0" [id=348, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6c.branch7x7_2.conv.weight" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7_2/conv/conv2d/0" [id=350, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7_2.bn.weight" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_2.bn.bias" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_2.bn.running_mean" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_2.bn.running_var" [id=354, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7_2/bn/batch_norm/0" [id=355, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7_2/relu_/0" [id=356, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6c.branch7x7_3.conv.weight" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7_3/conv/conv2d/0" [id=358, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7_3.bn.weight" [id=359, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_3.bn.bias" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_3.bn.running_mean" [id=361, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_3.bn.running_var" [id=362, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7_3/bn/batch_norm/0" [id=363, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7_3/relu_/0" [id=364, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6c.branch7x7dbl_1.conv.weight" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [id=366, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7dbl_1.bn.weight" [id=367, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_1.bn.bias" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_1.bn.running_mean" [id=369, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_1.bn.running_var" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [id=371, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7dbl_1/relu_/0" [id=372, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6c.branch7x7dbl_2.conv.weight" [id=373, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [id=374, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7dbl_2.bn.weight" [id=375, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_2.bn.bias" [id=376, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_2.bn.running_mean" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_2.bn.running_var" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [id=379, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7dbl_2/relu_/0" [id=380, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6c.branch7x7dbl_3.conv.weight" [id=381, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [id=382, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7dbl_3.bn.weight" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_3.bn.bias" [id=384, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_3.bn.running_mean" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_3.bn.running_var" [id=386, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [id=387, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7dbl_3/relu_/0" [id=388, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6c.branch7x7dbl_4.conv.weight" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [id=390, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7dbl_4.bn.weight" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_4.bn.bias" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_4.bn.running_mean" [id=393, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_4.bn.running_var" [id=394, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [id=395, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7dbl_4/relu_/0" [id=396, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6c.branch7x7dbl_5.conv.weight" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [id=398, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7dbl_5.bn.weight" [id=399, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_5.bn.bias" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_5.bn.running_mean" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_5.bn.running_var" [id=402, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [id=403, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7dbl_5/relu_/0" [id=404, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6c/avg_pool2d/0" [id=405, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"Mixed_6c.branch_pool.conv.weight" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch_pool/conv/conv2d/0" [id=407, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch_pool.bn.weight" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch_pool.bn.bias" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch_pool.bn.running_mean" [id=410, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch_pool.bn.running_var" [id=411, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch_pool/bn/batch_norm/0" [id=412, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch_pool/relu_/0" [id=413, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6c/cat/0" [id=414, type=cat, metatype=PTCatMetatype]; -"Mixed_6d.branch1x1.conv.weight" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch1x1/conv/conv2d/0" [id=416, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch1x1.bn.weight" [id=417, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch1x1.bn.bias" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch1x1.bn.running_mean" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch1x1.bn.running_var" [id=420, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch1x1/bn/batch_norm/0" [id=421, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch1x1/relu_/0" [id=422, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6d.branch7x7_1.conv.weight" [id=423, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7_1/conv/conv2d/0" [id=424, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7_1.bn.weight" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_1.bn.bias" [id=426, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_1.bn.running_mean" [id=427, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_1.bn.running_var" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7_1/bn/batch_norm/0" [id=429, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7_1/relu_/0" [id=430, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6d.branch7x7_2.conv.weight" [id=431, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7_2/conv/conv2d/0" [id=432, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7_2.bn.weight" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_2.bn.bias" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_2.bn.running_mean" [id=435, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_2.bn.running_var" [id=436, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7_2/bn/batch_norm/0" [id=437, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7_2/relu_/0" [id=438, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6d.branch7x7_3.conv.weight" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7_3/conv/conv2d/0" [id=440, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7_3.bn.weight" [id=441, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_3.bn.bias" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_3.bn.running_mean" [id=443, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_3.bn.running_var" [id=444, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7_3/bn/batch_norm/0" [id=445, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7_3/relu_/0" [id=446, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6d.branch7x7dbl_1.conv.weight" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [id=448, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7dbl_1.bn.weight" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_1.bn.bias" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_1.bn.running_mean" [id=451, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_1.bn.running_var" [id=452, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [id=453, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7dbl_1/relu_/0" [id=454, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6d.branch7x7dbl_2.conv.weight" [id=455, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [id=456, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7dbl_2.bn.weight" [id=457, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_2.bn.bias" [id=458, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_2.bn.running_mean" [id=459, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_2.bn.running_var" [id=460, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [id=461, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7dbl_2/relu_/0" [id=462, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6d.branch7x7dbl_3.conv.weight" [id=463, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [id=464, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7dbl_3.bn.weight" [id=465, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_3.bn.bias" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_3.bn.running_mean" [id=467, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_3.bn.running_var" [id=468, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [id=469, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7dbl_3/relu_/0" [id=470, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6d.branch7x7dbl_4.conv.weight" [id=471, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [id=472, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7dbl_4.bn.weight" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_4.bn.bias" [id=474, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_4.bn.running_mean" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_4.bn.running_var" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [id=477, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7dbl_4/relu_/0" [id=478, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6d.branch7x7dbl_5.conv.weight" [id=479, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [id=480, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7dbl_5.bn.weight" [id=481, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_5.bn.bias" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_5.bn.running_mean" [id=483, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_5.bn.running_var" [id=484, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [id=485, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7dbl_5/relu_/0" [id=486, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6d/avg_pool2d/0" [id=487, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"Mixed_6d.branch_pool.conv.weight" [id=488, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch_pool/conv/conv2d/0" [id=489, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch_pool.bn.weight" [id=490, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch_pool.bn.bias" [id=491, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch_pool.bn.running_mean" [id=492, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch_pool.bn.running_var" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch_pool/bn/batch_norm/0" [id=494, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch_pool/relu_/0" [id=495, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6d/cat/0" [id=496, type=cat, metatype=PTCatMetatype]; -"Mixed_6e.branch1x1.conv.weight" [id=497, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch1x1/conv/conv2d/0" [id=498, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch1x1.bn.weight" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch1x1.bn.bias" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch1x1.bn.running_mean" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch1x1.bn.running_var" [id=502, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch1x1/bn/batch_norm/0" [id=503, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch1x1/relu_/0" [id=504, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6e.branch7x7_1.conv.weight" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7_1/conv/conv2d/0" [id=506, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7_1.bn.weight" [id=507, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_1.bn.bias" [id=508, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_1.bn.running_mean" [id=509, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_1.bn.running_var" [id=510, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7_1/bn/batch_norm/0" [id=511, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7_1/relu_/0" [id=512, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6e.branch7x7_2.conv.weight" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7_2/conv/conv2d/0" [id=514, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7_2.bn.weight" [id=515, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_2.bn.bias" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_2.bn.running_mean" [id=517, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_2.bn.running_var" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7_2/bn/batch_norm/0" [id=519, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7_2/relu_/0" [id=520, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6e.branch7x7_3.conv.weight" [id=521, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7_3/conv/conv2d/0" [id=522, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7_3.bn.weight" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_3.bn.bias" [id=524, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_3.bn.running_mean" [id=525, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_3.bn.running_var" [id=526, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7_3/bn/batch_norm/0" [id=527, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7_3/relu_/0" [id=528, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6e.branch7x7dbl_1.conv.weight" [id=529, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [id=530, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7dbl_1.bn.weight" [id=531, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_1.bn.bias" [id=532, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_1.bn.running_mean" [id=533, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_1.bn.running_var" [id=534, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [id=535, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7dbl_1/relu_/0" [id=536, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6e.branch7x7dbl_2.conv.weight" [id=537, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [id=538, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7dbl_2.bn.weight" [id=539, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_2.bn.bias" [id=540, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_2.bn.running_mean" [id=541, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_2.bn.running_var" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [id=543, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7dbl_2/relu_/0" [id=544, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6e.branch7x7dbl_3.conv.weight" [id=545, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [id=546, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7dbl_3.bn.weight" [id=547, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_3.bn.bias" [id=548, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_3.bn.running_mean" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_3.bn.running_var" [id=550, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [id=551, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7dbl_3/relu_/0" [id=552, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6e.branch7x7dbl_4.conv.weight" [id=553, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [id=554, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7dbl_4.bn.weight" [id=555, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_4.bn.bias" [id=556, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_4.bn.running_mean" [id=557, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_4.bn.running_var" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [id=559, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7dbl_4/relu_/0" [id=560, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6e.branch7x7dbl_5.conv.weight" [id=561, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [id=562, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7dbl_5.bn.weight" [id=563, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_5.bn.bias" [id=564, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_5.bn.running_mean" [id=565, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_5.bn.running_var" [id=566, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [id=567, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7dbl_5/relu_/0" [id=568, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6e/avg_pool2d/0" [id=569, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"Mixed_6e.branch_pool.conv.weight" [id=570, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch_pool/conv/conv2d/0" [id=571, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch_pool.bn.weight" [id=572, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch_pool.bn.bias" [id=573, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch_pool.bn.running_mean" [id=574, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch_pool.bn.running_var" [id=575, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch_pool/bn/batch_norm/0" [id=576, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch_pool/relu_/0" [id=577, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6e/cat/0" [id=578, type=cat, metatype=PTCatMetatype]; -"Mixed_7a.branch3x3_1.conv.weight" [id=579, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch3x3_1/conv/conv2d/0" [id=580, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7a.branch3x3_1.bn.weight" [id=581, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch3x3_1.bn.bias" [id=582, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch3x3_1.bn.running_mean" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch3x3_1.bn.running_var" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch3x3_1/bn/batch_norm/0" [id=585, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7a/branch3x3_1/relu_/0" [id=586, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7a.branch3x3_2.conv.weight" [id=587, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch3x3_2/conv/conv2d/0" [id=588, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7a.branch3x3_2.bn.weight" [id=589, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch3x3_2.bn.bias" [id=590, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch3x3_2.bn.running_mean" [id=591, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch3x3_2.bn.running_var" [id=592, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch3x3_2/bn/batch_norm/0" [id=593, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7a/branch3x3_2/relu_/0" [id=594, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7a.branch7x7x3_1.conv.weight" [id=595, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_1/conv/conv2d/0" [id=596, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7a.branch7x7x3_1.bn.weight" [id=597, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_1.bn.bias" [id=598, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_1.bn.running_mean" [id=599, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_1.bn.running_var" [id=600, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [id=601, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7a/branch7x7x3_1/relu_/0" [id=602, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7a.branch7x7x3_2.conv.weight" [id=603, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_2/conv/conv2d/0" [id=604, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7a.branch7x7x3_2.bn.weight" [id=605, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_2.bn.bias" [id=606, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_2.bn.running_mean" [id=607, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_2.bn.running_var" [id=608, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [id=609, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7a/branch7x7x3_2/relu_/0" [id=610, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7a.branch7x7x3_3.conv.weight" [id=611, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_3/conv/conv2d/0" [id=612, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7a.branch7x7x3_3.bn.weight" [id=613, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_3.bn.bias" [id=614, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_3.bn.running_mean" [id=615, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_3.bn.running_var" [id=616, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [id=617, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7a/branch7x7x3_3/relu_/0" [id=618, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7a.branch7x7x3_4.conv.weight" [id=619, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_4/conv/conv2d/0" [id=620, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7a.branch7x7x3_4.bn.weight" [id=621, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_4.bn.bias" [id=622, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_4.bn.running_mean" [id=623, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_4.bn.running_var" [id=624, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [id=625, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7a/branch7x7x3_4/relu_/0" [id=626, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7a/max_pool2d/0" [id=627, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"Mixed_7a/cat/0" [id=628, type=cat, metatype=PTCatMetatype]; -"Mixed_7b.branch1x1.conv.weight" [id=629, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch1x1/conv/conv2d/0" [id=630, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch1x1.bn.weight" [id=631, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch1x1.bn.bias" [id=632, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch1x1.bn.running_mean" [id=633, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch1x1.bn.running_var" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch1x1/bn/batch_norm/0" [id=635, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch1x1/relu_/0" [id=636, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7b.branch3x3_1.conv.weight" [id=637, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3_1/conv/conv2d/0" [id=638, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch3x3_1.bn.weight" [id=639, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_1.bn.bias" [id=640, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_1.bn.running_mean" [id=641, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_1.bn.running_var" [id=642, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3_1/bn/batch_norm/0" [id=643, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch3x3_1/relu_/0" [id=644, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7b.branch3x3_2a.conv.weight" [id=645, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3_2a/conv/conv2d/0" [id=646, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch3x3_2a.bn.weight" [id=647, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_2a.bn.bias" [id=648, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_2a.bn.running_mean" [id=649, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_2a.bn.running_var" [id=650, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3_2a/bn/batch_norm/0" [id=651, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch3x3_2a/relu_/0" [id=652, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7b.branch3x3_2b.conv.weight" [id=653, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3_2b/conv/conv2d/0" [id=654, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch3x3_2b.bn.weight" [id=655, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_2b.bn.bias" [id=656, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_2b.bn.running_mean" [id=657, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_2b.bn.running_var" [id=658, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3_2b/bn/batch_norm/0" [id=659, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch3x3_2b/relu_/0" [id=660, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7b/cat/0" [id=661, type=cat, metatype=PTCatMetatype]; -"Mixed_7b.branch3x3dbl_1.conv.weight" [id=662, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [id=663, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch3x3dbl_1.bn.weight" [id=664, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_1.bn.bias" [id=665, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_1.bn.running_mean" [id=666, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_1.bn.running_var" [id=667, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [id=668, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch3x3dbl_1/relu_/0" [id=669, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7b.branch3x3dbl_2.conv.weight" [id=670, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [id=671, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch3x3dbl_2.bn.weight" [id=672, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_2.bn.bias" [id=673, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_2.bn.running_mean" [id=674, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_2.bn.running_var" [id=675, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [id=676, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch3x3dbl_2/relu_/0" [id=677, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7b.branch3x3dbl_3a.conv.weight" [id=678, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [id=679, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch3x3dbl_3a.bn.weight" [id=680, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_3a.bn.bias" [id=681, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_3a.bn.running_mean" [id=682, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_3a.bn.running_var" [id=683, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [id=684, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch3x3dbl_3a/relu_/0" [id=685, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7b.branch3x3dbl_3b.conv.weight" [id=686, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [id=687, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch3x3dbl_3b.bn.weight" [id=688, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_3b.bn.bias" [id=689, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_3b.bn.running_mean" [id=690, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_3b.bn.running_var" [id=691, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [id=692, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch3x3dbl_3b/relu_/0" [id=693, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7b/cat/1" [id=694, type=cat, metatype=PTCatMetatype]; -"Mixed_7b/avg_pool2d/0" [id=695, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"Mixed_7b.branch_pool.conv.weight" [id=696, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch_pool/conv/conv2d/0" [id=697, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch_pool.bn.weight" [id=698, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch_pool.bn.bias" [id=699, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch_pool.bn.running_mean" [id=700, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch_pool.bn.running_var" [id=701, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch_pool/bn/batch_norm/0" [id=702, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch_pool/relu_/0" [id=703, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7b/cat/2" [id=704, type=cat, metatype=PTCatMetatype]; -"Mixed_7c.branch1x1.conv.weight" [id=705, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch1x1/conv/conv2d/0" [id=706, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch1x1.bn.weight" [id=707, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch1x1.bn.bias" [id=708, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch1x1.bn.running_mean" [id=709, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch1x1.bn.running_var" [id=710, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch1x1/bn/batch_norm/0" [id=711, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch1x1/relu_/0" [id=712, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7c.branch3x3_1.conv.weight" [id=713, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_1/conv/conv2d/0" [id=714, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch3x3_1.bn.weight" [id=715, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_1.bn.bias" [id=716, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_1.bn.running_mean" [id=717, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_1.bn.running_var" [id=718, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_1/bn/batch_norm/0" [id=719, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch3x3_1/relu_/0" [id=720, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7c.branch3x3_2a.conv.weight" [id=721, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_2a/conv/conv2d/0" [id=722, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch3x3_2a.bn.weight" [id=723, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_2a.bn.bias" [id=724, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_2a.bn.running_mean" [id=725, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_2a.bn.running_var" [id=726, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_2a/bn/batch_norm/0" [id=727, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch3x3_2a/relu_/0" [id=728, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7c.branch3x3_2b.conv.weight" [id=729, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_2b/conv/conv2d/0" [id=730, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch3x3_2b.bn.weight" [id=731, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_2b.bn.bias" [id=732, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_2b.bn.running_mean" [id=733, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_2b.bn.running_var" [id=734, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_2b/bn/batch_norm/0" [id=735, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch3x3_2b/relu_/0" [id=736, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7c/cat/0" [id=737, type=cat, metatype=PTCatMetatype]; -"Mixed_7c.branch3x3dbl_1.conv.weight" [id=738, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [id=739, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch3x3dbl_1.bn.weight" [id=740, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_1.bn.bias" [id=741, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_1.bn.running_mean" [id=742, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_1.bn.running_var" [id=743, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [id=744, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch3x3dbl_1/relu_/0" [id=745, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7c.branch3x3dbl_2.conv.weight" [id=746, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [id=747, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch3x3dbl_2.bn.weight" [id=748, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_2.bn.bias" [id=749, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_2.bn.running_mean" [id=750, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_2.bn.running_var" [id=751, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [id=752, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch3x3dbl_2/relu_/0" [id=753, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7c.branch3x3dbl_3a.conv.weight" [id=754, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [id=755, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch3x3dbl_3a.bn.weight" [id=756, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_3a.bn.bias" [id=757, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_3a.bn.running_mean" [id=758, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_3a.bn.running_var" [id=759, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [id=760, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch3x3dbl_3a/relu_/0" [id=761, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7c.branch3x3dbl_3b.conv.weight" [id=762, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [id=763, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch3x3dbl_3b.bn.weight" [id=764, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_3b.bn.bias" [id=765, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_3b.bn.running_mean" [id=766, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_3b.bn.running_var" [id=767, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [id=768, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch3x3dbl_3b/relu_/0" [id=769, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7c/cat/1" [id=770, type=cat, metatype=PTCatMetatype]; -"Mixed_7c/avg_pool2d/0" [id=771, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"Mixed_7c.branch_pool.conv.weight" [id=772, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch_pool/conv/conv2d/0" [id=773, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch_pool.bn.weight" [id=774, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch_pool.bn.bias" [id=775, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch_pool.bn.running_mean" [id=776, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch_pool.bn.running_var" [id=777, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch_pool/bn/batch_norm/0" [id=778, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch_pool/relu_/0" [id=779, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7c/cat/2" [id=780, type=cat, metatype=PTCatMetatype]; -"avgpool/adaptive_avg_pool2d/0" [id=781, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"dropout/dropout/0" [id=782, type=dropout, metatype=PTDropoutMetatype]; -"/flatten/0" [id=783, type=flatten, metatype=PTReshapeMetatype]; -"fc.weight" [id=784, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc.bias" [id=785, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc/linear/0" [id=786, type=linear, metatype=PTLinearMetatype]; -output [id=787, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, shape="(1, 3, 300, 300)", out_port_id=0, in_port_id=0]; -"Conv2d_1a_3x3.conv.weight" -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, shape="(32, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"Conv2d_1a_3x3/conv/conv2d/0" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(1, 32, 149, 149)", out_port_id=0, in_port_id=0]; -"Conv2d_1a_3x3.bn.weight" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"Conv2d_1a_3x3.bn.bias" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"Conv2d_1a_3x3.bn.running_mean" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"Conv2d_1a_3x3.bn.running_var" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"Conv2d_1a_3x3/bn/batch_norm/0" -> "Conv2d_1a_3x3/relu_/0" [dtype=float, shape="(1, 32, 149, 149)", out_port_id=0, in_port_id=0]; -"Conv2d_1a_3x3/relu_/0" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, shape="(1, 32, 149, 149)", out_port_id=0, in_port_id=0]; -"Conv2d_2a_3x3.conv.weight" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, shape="(32, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"Conv2d_2a_3x3/conv/conv2d/0" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(1, 32, 147, 147)", out_port_id=0, in_port_id=0]; -"Conv2d_2a_3x3.bn.weight" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"Conv2d_2a_3x3.bn.bias" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"Conv2d_2a_3x3.bn.running_mean" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"Conv2d_2a_3x3.bn.running_var" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"Conv2d_2a_3x3/bn/batch_norm/0" -> "Conv2d_2a_3x3/relu_/0" [dtype=float, shape="(1, 32, 147, 147)", out_port_id=0, in_port_id=0]; -"Conv2d_2a_3x3/relu_/0" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, shape="(1, 32, 147, 147)", out_port_id=0, in_port_id=0]; -"Conv2d_2b_3x3.conv.weight" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, shape="(64, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"Conv2d_2b_3x3/conv/conv2d/0" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(1, 64, 147, 147)", out_port_id=0, in_port_id=0]; -"Conv2d_2b_3x3.bn.weight" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Conv2d_2b_3x3.bn.bias" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Conv2d_2b_3x3.bn.running_mean" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Conv2d_2b_3x3.bn.running_var" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Conv2d_2b_3x3/bn/batch_norm/0" -> "Conv2d_2b_3x3/relu_/0" [dtype=float, shape="(1, 64, 147, 147)", out_port_id=0, in_port_id=0]; -"Conv2d_2b_3x3/relu_/0" -> "maxpool1/max_pool2d/0" [dtype=float, shape="(1, 64, 147, 147)", out_port_id=0, in_port_id=0]; -"maxpool1/max_pool2d/0" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, shape="(1, 64, 73, 73)", out_port_id=0, in_port_id=0]; -"Conv2d_3b_1x1.conv.weight" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, shape="(80, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"Conv2d_3b_1x1/conv/conv2d/0" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(1, 80, 73, 73)", out_port_id=0, in_port_id=0]; -"Conv2d_3b_1x1.bn.weight" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=1]; -"Conv2d_3b_1x1.bn.bias" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=2]; -"Conv2d_3b_1x1.bn.running_mean" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=3]; -"Conv2d_3b_1x1.bn.running_var" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=4]; -"Conv2d_3b_1x1/bn/batch_norm/0" -> "Conv2d_3b_1x1/relu_/0" [dtype=float, shape="(1, 80, 73, 73)", out_port_id=0, in_port_id=0]; -"Conv2d_3b_1x1/relu_/0" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, shape="(1, 80, 73, 73)", out_port_id=0, in_port_id=0]; -"Conv2d_4a_3x3.conv.weight" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, shape="(192, 80, 3, 3)", out_port_id=0, in_port_id=1]; -"Conv2d_4a_3x3/conv/conv2d/0" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(1, 192, 71, 71)", out_port_id=0, in_port_id=0]; -"Conv2d_4a_3x3.bn.weight" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Conv2d_4a_3x3.bn.bias" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Conv2d_4a_3x3.bn.running_mean" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Conv2d_4a_3x3.bn.running_var" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Conv2d_4a_3x3/bn/batch_norm/0" -> "Conv2d_4a_3x3/relu_/0" [dtype=float, shape="(1, 192, 71, 71)", out_port_id=0, in_port_id=0]; -"Conv2d_4a_3x3/relu_/0" -> "maxpool2/max_pool2d/0" [dtype=float, shape="(1, 192, 71, 71)", out_port_id=0, in_port_id=0]; -"maxpool2/max_pool2d/0" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 192, 35, 35)", out_port_id=0, in_port_id=0]; -"maxpool2/max_pool2d/0" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(1, 192, 35, 35)", out_port_id=0, in_port_id=0]; -"maxpool2/max_pool2d/0" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 192, 35, 35)", out_port_id=0, in_port_id=0]; -"maxpool2/max_pool2d/0" -> "Mixed_5b/avg_pool2d/0" [dtype=float, shape="(1, 192, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch1x1.conv.weight" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5b/branch1x1/conv/conv2d/0" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch1x1.bn.weight" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch1x1.bn.bias" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5b.branch1x1.bn.running_mean" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5b.branch1x1.bn.running_var" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch1x1/bn/batch_norm/0" -> "Mixed_5b/branch1x1/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch1x1/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch5x5_1.conv.weight" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(48, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5b/branch5x5_1/conv/conv2d/0" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch5x5_1.bn.weight" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch5x5_1.bn.bias" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"Mixed_5b.branch5x5_1.bn.running_mean" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"Mixed_5b.branch5x5_1.bn.running_var" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch5x5_1/bn/batch_norm/0" -> "Mixed_5b/branch5x5_1/relu_/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch5x5_1/relu_/0" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch5x5_2.conv.weight" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=1]; -"Mixed_5b/branch5x5_2/conv/conv2d/0" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch5x5_2.bn.weight" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch5x5_2.bn.bias" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5b.branch5x5_2.bn.running_mean" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5b.branch5x5_2.bn.running_var" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch5x5_2/bn/batch_norm/0" -> "Mixed_5b/branch5x5_2/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch5x5_2/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch3x3dbl_1.conv.weight" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch3x3dbl_1.bn.weight" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch3x3dbl_1.bn.bias" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5b.branch3x3dbl_1.bn.running_mean" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5b.branch3x3dbl_1.bn.running_var" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_1/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch3x3dbl_1/relu_/0" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch3x3dbl_2.conv.weight" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch3x3dbl_2.bn.weight" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch3x3dbl_2.bn.bias" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_5b.branch3x3dbl_2.bn.running_mean" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_5b.branch3x3dbl_2.bn.running_var" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_2/relu_/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch3x3dbl_2/relu_/0" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch3x3dbl_3.conv.weight" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch3x3dbl_3.bn.weight" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch3x3dbl_3.bn.bias" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_5b.branch3x3dbl_3.bn.running_mean" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_5b.branch3x3dbl_3.bn.running_var" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_3/relu_/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch3x3dbl_3/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=2]; -"Mixed_5b/avg_pool2d/0" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 192, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch_pool.conv.weight" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5b/branch_pool/conv/conv2d/0" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 32, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch_pool.bn.weight" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch_pool.bn.bias" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"Mixed_5b.branch_pool.bn.running_mean" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"Mixed_5b.branch_pool.bn.running_var" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch_pool/bn/batch_norm/0" -> "Mixed_5b/branch_pool/relu_/0" [dtype=float, shape="(1, 32, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch_pool/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(1, 32, 35, 35)", out_port_id=0, in_port_id=3]; -"Mixed_5b/cat/0" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 256, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/cat/0" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(1, 256, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/cat/0" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 256, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/cat/0" -> "Mixed_5c/avg_pool2d/0" [dtype=float, shape="(1, 256, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch1x1.conv.weight" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5c/branch1x1/conv/conv2d/0" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch1x1.bn.weight" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch1x1.bn.bias" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5c.branch1x1.bn.running_mean" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5c.branch1x1.bn.running_var" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch1x1/bn/batch_norm/0" -> "Mixed_5c/branch1x1/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch1x1/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch5x5_1.conv.weight" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(48, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5c/branch5x5_1/conv/conv2d/0" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch5x5_1.bn.weight" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch5x5_1.bn.bias" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"Mixed_5c.branch5x5_1.bn.running_mean" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"Mixed_5c.branch5x5_1.bn.running_var" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch5x5_1/bn/batch_norm/0" -> "Mixed_5c/branch5x5_1/relu_/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch5x5_1/relu_/0" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch5x5_2.conv.weight" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=1]; -"Mixed_5c/branch5x5_2/conv/conv2d/0" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch5x5_2.bn.weight" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch5x5_2.bn.bias" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5c.branch5x5_2.bn.running_mean" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5c.branch5x5_2.bn.running_var" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch5x5_2/bn/batch_norm/0" -> "Mixed_5c/branch5x5_2/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch5x5_2/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch3x3dbl_1.conv.weight" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch3x3dbl_1.bn.weight" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch3x3dbl_1.bn.bias" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5c.branch3x3dbl_1.bn.running_mean" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5c.branch3x3dbl_1.bn.running_var" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_1/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch3x3dbl_1/relu_/0" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch3x3dbl_2.conv.weight" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch3x3dbl_2.bn.weight" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch3x3dbl_2.bn.bias" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_5c.branch3x3dbl_2.bn.running_mean" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_5c.branch3x3dbl_2.bn.running_var" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_2/relu_/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch3x3dbl_2/relu_/0" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch3x3dbl_3.conv.weight" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch3x3dbl_3.bn.weight" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch3x3dbl_3.bn.bias" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_5c.branch3x3dbl_3.bn.running_mean" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_5c.branch3x3dbl_3.bn.running_var" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_3/relu_/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch3x3dbl_3/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=2]; -"Mixed_5c/avg_pool2d/0" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 256, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch_pool.conv.weight" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5c/branch_pool/conv/conv2d/0" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch_pool.bn.weight" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch_pool.bn.bias" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5c.branch_pool.bn.running_mean" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5c.branch_pool.bn.running_var" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch_pool/bn/batch_norm/0" -> "Mixed_5c/branch_pool/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch_pool/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=3]; -"Mixed_5c/cat/0" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/cat/0" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/cat/0" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/cat/0" -> "Mixed_5d/avg_pool2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch1x1.conv.weight" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5d/branch1x1/conv/conv2d/0" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch1x1.bn.weight" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch1x1.bn.bias" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5d.branch1x1.bn.running_mean" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5d.branch1x1.bn.running_var" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch1x1/bn/batch_norm/0" -> "Mixed_5d/branch1x1/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch1x1/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch5x5_1.conv.weight" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(48, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5d/branch5x5_1/conv/conv2d/0" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch5x5_1.bn.weight" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch5x5_1.bn.bias" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"Mixed_5d.branch5x5_1.bn.running_mean" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"Mixed_5d.branch5x5_1.bn.running_var" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch5x5_1/bn/batch_norm/0" -> "Mixed_5d/branch5x5_1/relu_/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch5x5_1/relu_/0" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch5x5_2.conv.weight" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=1]; -"Mixed_5d/branch5x5_2/conv/conv2d/0" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch5x5_2.bn.weight" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch5x5_2.bn.bias" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5d.branch5x5_2.bn.running_mean" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5d.branch5x5_2.bn.running_var" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch5x5_2/bn/batch_norm/0" -> "Mixed_5d/branch5x5_2/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch5x5_2/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch3x3dbl_1.conv.weight" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch3x3dbl_1.bn.weight" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch3x3dbl_1.bn.bias" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5d.branch3x3dbl_1.bn.running_mean" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5d.branch3x3dbl_1.bn.running_var" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_1/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch3x3dbl_1/relu_/0" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch3x3dbl_2.conv.weight" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch3x3dbl_2.bn.weight" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch3x3dbl_2.bn.bias" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_5d.branch3x3dbl_2.bn.running_mean" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_5d.branch3x3dbl_2.bn.running_var" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_2/relu_/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch3x3dbl_2/relu_/0" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch3x3dbl_3.conv.weight" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch3x3dbl_3.bn.weight" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch3x3dbl_3.bn.bias" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_5d.branch3x3dbl_3.bn.running_mean" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_5d.branch3x3dbl_3.bn.running_var" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_3/relu_/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch3x3dbl_3/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=2]; -"Mixed_5d/avg_pool2d/0" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch_pool.conv.weight" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5d/branch_pool/conv/conv2d/0" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch_pool.bn.weight" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch_pool.bn.bias" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5d.branch_pool.bn.running_mean" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5d.branch_pool.bn.running_var" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch_pool/bn/batch_norm/0" -> "Mixed_5d/branch_pool/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch_pool/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=3]; -"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/cat/0" -> "Mixed_6a/max_pool2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3.conv.weight" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, shape="(384, 288, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_6a/branch3x3/conv/conv2d/0" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(1, 384, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3.bn.weight" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_6a.branch3x3.bn.bias" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_6a.branch3x3.bn.running_mean" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_6a.branch3x3.bn.running_var" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_6a/branch3x3/bn/batch_norm/0" -> "Mixed_6a/branch3x3/relu_/0" [dtype=float, shape="(1, 384, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a/branch3x3/relu_/0" -> "Mixed_6a/cat/0" [dtype=float, shape="(1, 384, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3dbl_1.conv.weight" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3dbl_1.bn.weight" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_6a.branch3x3dbl_1.bn.bias" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_6a.branch3x3dbl_1.bn.running_mean" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_6a.branch3x3dbl_1.bn.running_var" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_1/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_6a/branch3x3dbl_1/relu_/0" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3dbl_2.conv.weight" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3dbl_2.bn.weight" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_6a.branch3x3dbl_2.bn.bias" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_6a.branch3x3dbl_2.bn.running_mean" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_6a.branch3x3dbl_2.bn.running_var" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_2/relu_/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_6a/branch3x3dbl_2/relu_/0" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3dbl_3.conv.weight" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 96, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3dbl_3.bn.weight" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_6a.branch3x3dbl_3.bn.bias" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_6a.branch3x3dbl_3.bn.running_mean" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_6a.branch3x3dbl_3.bn.running_var" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_3/relu_/0" [dtype=float, shape="(1, 96, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a/branch3x3dbl_3/relu_/0" -> "Mixed_6a/cat/0" [dtype=float, shape="(1, 96, 17, 17)", out_port_id=0, in_port_id=1]; -"Mixed_6a/max_pool2d/0" -> "Mixed_6a/cat/0" [dtype=float, shape="(1, 288, 17, 17)", out_port_id=0, in_port_id=2]; -"Mixed_6a/cat/0" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a/cat/0" -> "Mixed_6b/avg_pool2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch1x1.conv.weight" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch1x1/conv/conv2d/0" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch1x1.bn.weight" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch1x1.bn.bias" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch1x1.bn.running_mean" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch1x1.bn.running_var" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch1x1/bn/batch_norm/0" -> "Mixed_6b/branch1x1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch1x1/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7_1.conv.weight" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7_1/conv/conv2d/0" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7_1.bn.weight" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7_1.bn.bias" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7_1.bn.running_mean" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7_1.bn.running_var" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7_1/relu_/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7_1/relu_/0" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7_2.conv.weight" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(128, 128, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7_2/conv/conv2d/0" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7_2.bn.weight" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7_2.bn.bias" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7_2.bn.running_mean" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7_2.bn.running_var" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7_2/relu_/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7_2/relu_/0" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7_3.conv.weight" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 128, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7_3/conv/conv2d/0" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7_3.bn.weight" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7_3.bn.bias" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7_3.bn.running_mean" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7_3.bn.running_var" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7_3/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7_3/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7dbl_1.conv.weight" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_1.bn.weight" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7dbl_1.bn.bias" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7dbl_1.bn.running_mean" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7dbl_1.bn.running_var" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_1/relu_/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7dbl_1/relu_/0" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_2.conv.weight" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(128, 128, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_2.bn.weight" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7dbl_2.bn.bias" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7dbl_2.bn.running_mean" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7dbl_2.bn.running_var" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_2/relu_/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7dbl_2/relu_/0" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_3.conv.weight" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(128, 128, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_3.bn.weight" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7dbl_3.bn.bias" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7dbl_3.bn.running_mean" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7dbl_3.bn.running_var" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_3/relu_/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7dbl_3/relu_/0" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_4.conv.weight" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(128, 128, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_4.bn.weight" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7dbl_4.bn.bias" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7dbl_4.bn.running_mean" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7dbl_4.bn.running_var" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_4/relu_/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7dbl_4/relu_/0" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_5.conv.weight" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 128, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_5.bn.weight" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7dbl_5.bn.bias" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7dbl_5.bn.running_mean" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7dbl_5.bn.running_var" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_5/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7dbl_5/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=2]; -"Mixed_6b/avg_pool2d/0" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch_pool.conv.weight" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch_pool/conv/conv2d/0" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch_pool.bn.weight" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch_pool.bn.bias" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch_pool.bn.running_mean" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch_pool.bn.running_var" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch_pool/bn/batch_norm/0" -> "Mixed_6b/branch_pool/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch_pool/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=3]; -"Mixed_6b/cat/0" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/cat/0" -> "Mixed_6c/avg_pool2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch1x1.conv.weight" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch1x1/conv/conv2d/0" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch1x1.bn.weight" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch1x1.bn.bias" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch1x1.bn.running_mean" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch1x1.bn.running_var" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch1x1/bn/batch_norm/0" -> "Mixed_6c/branch1x1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch1x1/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7_1.conv.weight" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7_1/conv/conv2d/0" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7_1.bn.weight" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7_1.bn.bias" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7_1.bn.running_mean" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7_1.bn.running_var" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7_1/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7_1/relu_/0" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7_2.conv.weight" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7_2/conv/conv2d/0" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7_2.bn.weight" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7_2.bn.bias" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7_2.bn.running_mean" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7_2.bn.running_var" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7_2/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7_2/relu_/0" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7_3.conv.weight" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 160, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7_3/conv/conv2d/0" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7_3.bn.weight" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7_3.bn.bias" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7_3.bn.running_mean" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7_3.bn.running_var" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7_3/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7_3/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7dbl_1.conv.weight" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_1.bn.weight" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7dbl_1.bn.bias" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7dbl_1.bn.running_mean" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7dbl_1.bn.running_var" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_1/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7dbl_1/relu_/0" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_2.conv.weight" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_2.bn.weight" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7dbl_2.bn.bias" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7dbl_2.bn.running_mean" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7dbl_2.bn.running_var" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_2/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7dbl_2/relu_/0" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_3.conv.weight" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_3.bn.weight" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7dbl_3.bn.bias" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7dbl_3.bn.running_mean" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7dbl_3.bn.running_var" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_3/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7dbl_3/relu_/0" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_4.conv.weight" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_4.bn.weight" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7dbl_4.bn.bias" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7dbl_4.bn.running_mean" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7dbl_4.bn.running_var" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_4/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7dbl_4/relu_/0" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_5.conv.weight" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 160, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_5.bn.weight" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7dbl_5.bn.bias" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7dbl_5.bn.running_mean" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7dbl_5.bn.running_var" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_5/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7dbl_5/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=2]; -"Mixed_6c/avg_pool2d/0" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch_pool.conv.weight" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch_pool/conv/conv2d/0" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch_pool.bn.weight" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch_pool.bn.bias" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch_pool.bn.running_mean" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch_pool.bn.running_var" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch_pool/bn/batch_norm/0" -> "Mixed_6c/branch_pool/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch_pool/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=3]; -"Mixed_6c/cat/0" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/cat/0" -> "Mixed_6d/avg_pool2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch1x1.conv.weight" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch1x1/conv/conv2d/0" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch1x1.bn.weight" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch1x1.bn.bias" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch1x1.bn.running_mean" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch1x1.bn.running_var" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch1x1/bn/batch_norm/0" -> "Mixed_6d/branch1x1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch1x1/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7_1.conv.weight" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7_1/conv/conv2d/0" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7_1.bn.weight" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7_1.bn.bias" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7_1.bn.running_mean" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7_1.bn.running_var" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7_1/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7_1/relu_/0" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7_2.conv.weight" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7_2/conv/conv2d/0" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7_2.bn.weight" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7_2.bn.bias" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7_2.bn.running_mean" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7_2.bn.running_var" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7_2/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7_2/relu_/0" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7_3.conv.weight" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 160, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7_3/conv/conv2d/0" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7_3.bn.weight" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7_3.bn.bias" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7_3.bn.running_mean" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7_3.bn.running_var" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7_3/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7_3/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7dbl_1.conv.weight" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_1.bn.weight" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7dbl_1.bn.bias" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7dbl_1.bn.running_mean" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7dbl_1.bn.running_var" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_1/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7dbl_1/relu_/0" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_2.conv.weight" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_2.bn.weight" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7dbl_2.bn.bias" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7dbl_2.bn.running_mean" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7dbl_2.bn.running_var" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_2/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7dbl_2/relu_/0" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_3.conv.weight" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_3.bn.weight" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7dbl_3.bn.bias" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7dbl_3.bn.running_mean" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7dbl_3.bn.running_var" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_3/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7dbl_3/relu_/0" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_4.conv.weight" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_4.bn.weight" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7dbl_4.bn.bias" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7dbl_4.bn.running_mean" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7dbl_4.bn.running_var" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_4/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7dbl_4/relu_/0" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_5.conv.weight" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 160, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_5.bn.weight" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7dbl_5.bn.bias" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7dbl_5.bn.running_mean" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7dbl_5.bn.running_var" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_5/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7dbl_5/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=2]; -"Mixed_6d/avg_pool2d/0" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch_pool.conv.weight" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch_pool/conv/conv2d/0" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch_pool.bn.weight" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch_pool.bn.bias" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch_pool.bn.running_mean" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch_pool.bn.running_var" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch_pool/bn/batch_norm/0" -> "Mixed_6d/branch_pool/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch_pool/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=3]; -"Mixed_6d/cat/0" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/cat/0" -> "Mixed_6e/avg_pool2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch1x1.conv.weight" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch1x1/conv/conv2d/0" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch1x1.bn.weight" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch1x1.bn.bias" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch1x1.bn.running_mean" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch1x1.bn.running_var" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch1x1/bn/batch_norm/0" -> "Mixed_6e/branch1x1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch1x1/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7_1.conv.weight" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7_1/conv/conv2d/0" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7_1.bn.weight" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7_1.bn.bias" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7_1.bn.running_mean" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7_1.bn.running_var" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7_1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7_1/relu_/0" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7_2.conv.weight" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7_2/conv/conv2d/0" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7_2.bn.weight" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7_2.bn.bias" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7_2.bn.running_mean" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7_2.bn.running_var" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7_2/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7_2/relu_/0" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7_3.conv.weight" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7_3/conv/conv2d/0" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7_3.bn.weight" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7_3.bn.bias" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7_3.bn.running_mean" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7_3.bn.running_var" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7_3/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7_3/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7dbl_1.conv.weight" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_1.bn.weight" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7dbl_1.bn.bias" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7dbl_1.bn.running_mean" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7dbl_1.bn.running_var" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7dbl_1/relu_/0" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_2.conv.weight" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_2.bn.weight" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7dbl_2.bn.bias" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7dbl_2.bn.running_mean" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7dbl_2.bn.running_var" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_2/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7dbl_2/relu_/0" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_3.conv.weight" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_3.bn.weight" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7dbl_3.bn.bias" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7dbl_3.bn.running_mean" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7dbl_3.bn.running_var" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_3/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7dbl_3/relu_/0" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_4.conv.weight" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_4.bn.weight" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7dbl_4.bn.bias" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7dbl_4.bn.running_mean" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7dbl_4.bn.running_var" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_4/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7dbl_4/relu_/0" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_5.conv.weight" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_5.bn.weight" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7dbl_5.bn.bias" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7dbl_5.bn.running_mean" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7dbl_5.bn.running_var" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_5/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7dbl_5/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=2]; -"Mixed_6e/avg_pool2d/0" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch_pool.conv.weight" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch_pool/conv/conv2d/0" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch_pool.bn.weight" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch_pool.bn.bias" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch_pool.bn.running_mean" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch_pool.bn.running_var" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch_pool/bn/batch_norm/0" -> "Mixed_6e/branch_pool/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch_pool/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=3]; -"Mixed_6e/cat/0" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/cat/0" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/cat/0" -> "Mixed_7a/max_pool2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch3x3_1.conv.weight" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7a/branch3x3_1/conv/conv2d/0" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch3x3_1.bn.weight" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_7a.branch3x3_1.bn.bias" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_7a.branch3x3_1.bn.running_mean" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_7a.branch3x3_1.bn.running_var" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch3x3_1/bn/batch_norm/0" -> "Mixed_7a/branch3x3_1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a/branch3x3_1/relu_/0" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch3x3_2.conv.weight" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, shape="(320, 192, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7a/branch3x3_2/conv/conv2d/0" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch3x3_2.bn.weight" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"Mixed_7a.branch3x3_2.bn.bias" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"Mixed_7a.branch3x3_2.bn.running_mean" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"Mixed_7a.branch3x3_2.bn.running_var" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch3x3_2/bn/batch_norm/0" -> "Mixed_7a/branch3x3_2/relu_/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a/branch3x3_2/relu_/0" -> "Mixed_7a/cat/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_1.conv.weight" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7a/branch7x7x3_1/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_1.bn.weight" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_7a.branch7x7x3_1.bn.bias" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_7a.branch7x7x3_1.bn.running_mean" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_7a.branch7x7x3_1.bn.running_var" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a/branch7x7x3_1/relu_/0" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_2.conv.weight" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_7a/branch7x7x3_2/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_2.bn.weight" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_7a.branch7x7x3_2.bn.bias" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_7a.branch7x7x3_2.bn.running_mean" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_7a.branch7x7x3_2.bn.running_var" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_2/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a/branch7x7x3_2/relu_/0" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_3.conv.weight" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7a/branch7x7x3_3/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_3.bn.weight" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_7a.branch7x7x3_3.bn.bias" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_7a.branch7x7x3_3.bn.running_mean" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_7a.branch7x7x3_3.bn.running_var" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_3/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a/branch7x7x3_3/relu_/0" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_4.conv.weight" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, shape="(192, 192, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7a/branch7x7x3_4/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_4.bn.weight" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_7a.branch7x7x3_4.bn.bias" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_7a.branch7x7x3_4.bn.running_mean" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_7a.branch7x7x3_4.bn.running_var" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_4/relu_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a/branch7x7x3_4/relu_/0" -> "Mixed_7a/cat/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=1]; -"Mixed_7a/max_pool2d/0" -> "Mixed_7a/cat/0" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=2]; -"Mixed_7a/cat/0" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 1280, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(1, 1280, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 1280, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a/cat/0" -> "Mixed_7b/avg_pool2d/0" [dtype=float, shape="(1, 1280, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch1x1.conv.weight" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, shape="(320, 1280, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch1x1/conv/conv2d/0" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch1x1.bn.weight" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch1x1.bn.bias" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch1x1.bn.running_mean" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch1x1.bn.running_var" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch1x1/bn/batch_norm/0" -> "Mixed_7b/branch1x1/relu_/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch1x1/relu_/0" -> "Mixed_7b/cat/2" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3_1.conv.weight" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(384, 1280, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch3x3_1/conv/conv2d/0" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3_1.bn.weight" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3_1.bn.bias" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch3x3_1.bn.running_mean" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch3x3_1.bn.running_var" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3_1/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3_1/relu_/0" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3_1/relu_/0" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3_2a.conv.weight" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch3x3_2a/conv/conv2d/0" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3_2a.bn.weight" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3_2a.bn.bias" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch3x3_2a.bn.running_mean" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch3x3_2a.bn.running_var" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2a/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3_2a/relu_/0" -> "Mixed_7b/cat/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3_2b.conv.weight" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch3x3_2b/conv/conv2d/0" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3_2b.bn.weight" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3_2b.bn.bias" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch3x3_2b.bn.running_mean" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch3x3_2b.bn.running_var" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2b/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3_2b/relu_/0" -> "Mixed_7b/cat/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=1]; -"Mixed_7b/cat/0" -> "Mixed_7b/cat/2" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3dbl_1.conv.weight" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(448, 1280, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3dbl_1.bn.weight" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3dbl_1.bn.bias" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch3x3dbl_1.bn.running_mean" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch3x3dbl_1.bn.running_var" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_1/relu_/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3dbl_1/relu_/0" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3dbl_2.conv.weight" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(384, 448, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3dbl_2.bn.weight" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3dbl_2.bn.bias" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch3x3dbl_2.bn.running_mean" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch3x3dbl_2.bn.running_var" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_2/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3dbl_2/relu_/0" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3dbl_2/relu_/0" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3dbl_3a.conv.weight" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3dbl_3a.bn.weight" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3dbl_3a.bn.bias" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch3x3dbl_3a.bn.running_var" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3a/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3dbl_3a/relu_/0" -> "Mixed_7b/cat/1" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3dbl_3b.conv.weight" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3dbl_3b.bn.weight" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3dbl_3b.bn.bias" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch3x3dbl_3b.bn.running_var" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3b/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3dbl_3b/relu_/0" -> "Mixed_7b/cat/1" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=1]; -"Mixed_7b/cat/1" -> "Mixed_7b/cat/2" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=2]; -"Mixed_7b/avg_pool2d/0" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 1280, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch_pool.conv.weight" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 1280, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch_pool/conv/conv2d/0" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch_pool.bn.weight" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch_pool.bn.bias" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch_pool.bn.running_mean" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch_pool.bn.running_var" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch_pool/bn/batch_norm/0" -> "Mixed_7b/branch_pool/relu_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch_pool/relu_/0" -> "Mixed_7b/cat/2" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=3]; -"Mixed_7b/cat/2" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 2048, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(1, 2048, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 2048, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/cat/2" -> "Mixed_7c/avg_pool2d/0" [dtype=float, shape="(1, 2048, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch1x1.conv.weight" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, shape="(320, 2048, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch1x1/conv/conv2d/0" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch1x1.bn.weight" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch1x1.bn.bias" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch1x1.bn.running_mean" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch1x1.bn.running_var" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch1x1/bn/batch_norm/0" -> "Mixed_7c/branch1x1/relu_/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch1x1/relu_/0" -> "Mixed_7c/cat/2" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3_1.conv.weight" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(384, 2048, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch3x3_1/conv/conv2d/0" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3_1.bn.weight" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3_1.bn.bias" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch3x3_1.bn.running_mean" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch3x3_1.bn.running_var" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3_1/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3_1/relu_/0" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3_1/relu_/0" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3_2a.conv.weight" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch3x3_2a/conv/conv2d/0" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3_2a.bn.weight" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3_2a.bn.bias" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch3x3_2a.bn.running_mean" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch3x3_2a.bn.running_var" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2a/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3_2a/relu_/0" -> "Mixed_7c/cat/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3_2b.conv.weight" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch3x3_2b/conv/conv2d/0" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3_2b.bn.weight" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3_2b.bn.bias" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch3x3_2b.bn.running_mean" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch3x3_2b.bn.running_var" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2b/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3_2b/relu_/0" -> "Mixed_7c/cat/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=1]; -"Mixed_7c/cat/0" -> "Mixed_7c/cat/2" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3dbl_1.conv.weight" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(448, 2048, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3dbl_1.bn.weight" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3dbl_1.bn.bias" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch3x3dbl_1.bn.running_mean" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch3x3dbl_1.bn.running_var" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_1/relu_/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3dbl_1/relu_/0" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3dbl_2.conv.weight" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(384, 448, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3dbl_2.bn.weight" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3dbl_2.bn.bias" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch3x3dbl_2.bn.running_mean" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch3x3dbl_2.bn.running_var" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_2/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3dbl_2/relu_/0" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3dbl_2/relu_/0" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3dbl_3a.conv.weight" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3dbl_3a.bn.weight" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3dbl_3a.bn.bias" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch3x3dbl_3a.bn.running_var" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3a/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3dbl_3a/relu_/0" -> "Mixed_7c/cat/1" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3dbl_3b.conv.weight" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3dbl_3b.bn.weight" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3dbl_3b.bn.bias" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch3x3dbl_3b.bn.running_var" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3b/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3dbl_3b/relu_/0" -> "Mixed_7c/cat/1" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=1]; -"Mixed_7c/cat/1" -> "Mixed_7c/cat/2" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=2]; -"Mixed_7c/avg_pool2d/0" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 2048, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch_pool.conv.weight" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 2048, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch_pool/conv/conv2d/0" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch_pool.bn.weight" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch_pool.bn.bias" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch_pool.bn.running_mean" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch_pool.bn.running_var" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch_pool/bn/batch_norm/0" -> "Mixed_7c/branch_pool/relu_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch_pool/relu_/0" -> "Mixed_7c/cat/2" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=3]; -"Mixed_7c/cat/2" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 2048, 8, 8)", out_port_id=0, in_port_id=0]; -"avgpool/adaptive_avg_pool2d/0" -> "dropout/dropout/0" [dtype=float, shape="(1, 2048, 1, 1)", out_port_id=0, in_port_id=0]; -"dropout/dropout/0" -> "/flatten/0" [dtype=float, shape="(1, 2048, 1, 1)", out_port_id=0, in_port_id=0]; -"/flatten/0" -> "fc/linear/0" [dtype=float, shape="(1, 2048)", out_port_id=0, in_port_id=0]; -"fc.weight" -> "fc/linear/0" [dtype=float, shape="(1000, 2048)", out_port_id=0, in_port_id=1]; -"fc.bias" -> "fc/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"fc/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"Conv2d_1a_3x3.conv.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_1a_3x3/conv/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; +"Conv2d_1a_3x3.bn.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_1a_3x3.bn.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_1a_3x3.bn.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_1a_3x3.bn.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_1a_3x3/bn/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Conv2d_1a_3x3/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; +"Conv2d_2a_3x3.conv.weight" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2a_3x3/conv/conv2d/0" [id=10, metatype=PTConv2dMetatype, type=conv2d]; +"Conv2d_2a_3x3.bn.weight" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2a_3x3.bn.bias" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2a_3x3.bn.running_mean" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2a_3x3.bn.running_var" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2a_3x3/bn/batch_norm/0" [id=15, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Conv2d_2a_3x3/relu_/0" [id=16, metatype=PTRELUMetatype, type=relu_]; +"Conv2d_2b_3x3.conv.weight" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2b_3x3/conv/conv2d/0" [id=18, metatype=PTConv2dMetatype, type=conv2d]; +"Conv2d_2b_3x3.bn.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2b_3x3.bn.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2b_3x3.bn.running_mean" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2b_3x3.bn.running_var" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2b_3x3/bn/batch_norm/0" [id=23, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Conv2d_2b_3x3/relu_/0" [id=24, metatype=PTRELUMetatype, type=relu_]; +"maxpool1/max_pool2d/0" [id=25, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"Conv2d_3b_1x1.conv.weight" [id=26, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_3b_1x1/conv/conv2d/0" [id=27, metatype=PTConv2dMetatype, type=conv2d]; +"Conv2d_3b_1x1.bn.weight" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_3b_1x1.bn.bias" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_3b_1x1.bn.running_mean" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_3b_1x1.bn.running_var" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_3b_1x1/bn/batch_norm/0" [id=32, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Conv2d_3b_1x1/relu_/0" [id=33, metatype=PTRELUMetatype, type=relu_]; +"Conv2d_4a_3x3.conv.weight" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_4a_3x3/conv/conv2d/0" [id=35, metatype=PTConv2dMetatype, type=conv2d]; +"Conv2d_4a_3x3.bn.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_4a_3x3.bn.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_4a_3x3.bn.running_mean" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_4a_3x3.bn.running_var" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_4a_3x3/bn/batch_norm/0" [id=40, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Conv2d_4a_3x3/relu_/0" [id=41, metatype=PTRELUMetatype, type=relu_]; +"maxpool2/max_pool2d/0" [id=42, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"Mixed_5b.branch1x1.conv.weight" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch1x1/conv/conv2d/0" [id=44, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5b.branch1x1.bn.weight" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch1x1.bn.bias" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch1x1.bn.running_mean" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch1x1.bn.running_var" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch1x1/bn/batch_norm/0" [id=49, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5b/branch1x1/relu_/0" [id=50, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5b.branch5x5_1.conv.weight" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch5x5_1/conv/conv2d/0" [id=52, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5b.branch5x5_1.bn.weight" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch5x5_1.bn.bias" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch5x5_1.bn.running_mean" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch5x5_1.bn.running_var" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch5x5_1/bn/batch_norm/0" [id=57, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5b/branch5x5_1/relu_/0" [id=58, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5b.branch5x5_2.conv.weight" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch5x5_2/conv/conv2d/0" [id=60, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5b.branch5x5_2.bn.weight" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch5x5_2.bn.bias" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch5x5_2.bn.running_mean" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch5x5_2.bn.running_var" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch5x5_2/bn/batch_norm/0" [id=65, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5b/branch5x5_2/relu_/0" [id=66, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5b.branch3x3dbl_1.conv.weight" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [id=68, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5b.branch3x3dbl_1.bn.weight" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_1.bn.bias" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_1.bn.running_mean" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_1.bn.running_var" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [id=73, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5b/branch3x3dbl_1/relu_/0" [id=74, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5b.branch3x3dbl_2.conv.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [id=76, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5b.branch3x3dbl_2.bn.weight" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_2.bn.bias" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_2.bn.running_mean" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_2.bn.running_var" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [id=81, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5b/branch3x3dbl_2/relu_/0" [id=82, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5b.branch3x3dbl_3.conv.weight" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [id=84, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5b.branch3x3dbl_3.bn.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_3.bn.bias" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_3.bn.running_mean" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_3.bn.running_var" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [id=89, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5b/branch3x3dbl_3/relu_/0" [id=90, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5b/avg_pool2d/0" [id=91, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"Mixed_5b.branch_pool.conv.weight" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch_pool/conv/conv2d/0" [id=93, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5b.branch_pool.bn.weight" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch_pool.bn.bias" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch_pool.bn.running_mean" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch_pool.bn.running_var" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch_pool/bn/batch_norm/0" [id=98, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5b/branch_pool/relu_/0" [id=99, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5b/cat/0" [id=100, metatype=PTCatMetatype, type=cat]; +"Mixed_5c.branch1x1.conv.weight" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch1x1/conv/conv2d/0" [id=102, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5c.branch1x1.bn.weight" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch1x1.bn.bias" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch1x1.bn.running_mean" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch1x1.bn.running_var" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch1x1/bn/batch_norm/0" [id=107, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5c/branch1x1/relu_/0" [id=108, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5c.branch5x5_1.conv.weight" [id=109, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch5x5_1/conv/conv2d/0" [id=110, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5c.branch5x5_1.bn.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch5x5_1.bn.bias" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch5x5_1.bn.running_mean" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch5x5_1.bn.running_var" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch5x5_1/bn/batch_norm/0" [id=115, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5c/branch5x5_1/relu_/0" [id=116, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5c.branch5x5_2.conv.weight" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch5x5_2/conv/conv2d/0" [id=118, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5c.branch5x5_2.bn.weight" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch5x5_2.bn.bias" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch5x5_2.bn.running_mean" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch5x5_2.bn.running_var" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch5x5_2/bn/batch_norm/0" [id=123, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5c/branch5x5_2/relu_/0" [id=124, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5c.branch3x3dbl_1.conv.weight" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [id=126, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5c.branch3x3dbl_1.bn.weight" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_1.bn.bias" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_1.bn.running_mean" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_1.bn.running_var" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [id=131, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5c/branch3x3dbl_1/relu_/0" [id=132, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5c.branch3x3dbl_2.conv.weight" [id=133, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [id=134, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5c.branch3x3dbl_2.bn.weight" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_2.bn.bias" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_2.bn.running_mean" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_2.bn.running_var" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [id=139, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5c/branch3x3dbl_2/relu_/0" [id=140, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5c.branch3x3dbl_3.conv.weight" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [id=142, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5c.branch3x3dbl_3.bn.weight" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_3.bn.bias" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_3.bn.running_mean" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_3.bn.running_var" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [id=147, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5c/branch3x3dbl_3/relu_/0" [id=148, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5c/avg_pool2d/0" [id=149, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"Mixed_5c.branch_pool.conv.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch_pool/conv/conv2d/0" [id=151, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5c.branch_pool.bn.weight" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch_pool.bn.bias" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch_pool.bn.running_mean" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch_pool.bn.running_var" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch_pool/bn/batch_norm/0" [id=156, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5c/branch_pool/relu_/0" [id=157, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5c/cat/0" [id=158, metatype=PTCatMetatype, type=cat]; +"Mixed_5d.branch1x1.conv.weight" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch1x1/conv/conv2d/0" [id=160, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5d.branch1x1.bn.weight" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch1x1.bn.bias" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch1x1.bn.running_mean" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch1x1.bn.running_var" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch1x1/bn/batch_norm/0" [id=165, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5d/branch1x1/relu_/0" [id=166, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5d.branch5x5_1.conv.weight" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch5x5_1/conv/conv2d/0" [id=168, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5d.branch5x5_1.bn.weight" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch5x5_1.bn.bias" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch5x5_1.bn.running_mean" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch5x5_1.bn.running_var" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch5x5_1/bn/batch_norm/0" [id=173, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5d/branch5x5_1/relu_/0" [id=174, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5d.branch5x5_2.conv.weight" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch5x5_2/conv/conv2d/0" [id=176, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5d.branch5x5_2.bn.weight" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch5x5_2.bn.bias" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch5x5_2.bn.running_mean" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch5x5_2.bn.running_var" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch5x5_2/bn/batch_norm/0" [id=181, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5d/branch5x5_2/relu_/0" [id=182, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5d.branch3x3dbl_1.conv.weight" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [id=184, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5d.branch3x3dbl_1.bn.weight" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_1.bn.bias" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_1.bn.running_mean" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_1.bn.running_var" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [id=189, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5d/branch3x3dbl_1/relu_/0" [id=190, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5d.branch3x3dbl_2.conv.weight" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [id=192, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5d.branch3x3dbl_2.bn.weight" [id=193, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_2.bn.bias" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_2.bn.running_mean" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_2.bn.running_var" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [id=197, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5d/branch3x3dbl_2/relu_/0" [id=198, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5d.branch3x3dbl_3.conv.weight" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [id=200, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5d.branch3x3dbl_3.bn.weight" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_3.bn.bias" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_3.bn.running_mean" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_3.bn.running_var" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [id=205, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5d/branch3x3dbl_3/relu_/0" [id=206, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5d/avg_pool2d/0" [id=207, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"Mixed_5d.branch_pool.conv.weight" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch_pool/conv/conv2d/0" [id=209, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5d.branch_pool.bn.weight" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch_pool.bn.bias" [id=211, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch_pool.bn.running_mean" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch_pool.bn.running_var" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch_pool/bn/batch_norm/0" [id=214, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5d/branch_pool/relu_/0" [id=215, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5d/cat/0" [id=216, metatype=PTCatMetatype, type=cat]; +"Mixed_6a.branch3x3.conv.weight" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3/conv/conv2d/0" [id=218, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6a.branch3x3.bn.weight" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3.bn.bias" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3.bn.running_mean" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3.bn.running_var" [id=222, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3/bn/batch_norm/0" [id=223, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6a/branch3x3/relu_/0" [id=224, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6a.branch3x3dbl_1.conv.weight" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [id=226, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6a.branch3x3dbl_1.bn.weight" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_1.bn.bias" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_1.bn.running_mean" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_1.bn.running_var" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [id=231, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6a/branch3x3dbl_1/relu_/0" [id=232, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6a.branch3x3dbl_2.conv.weight" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [id=234, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6a.branch3x3dbl_2.bn.weight" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_2.bn.bias" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_2.bn.running_mean" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_2.bn.running_var" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [id=239, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6a/branch3x3dbl_2/relu_/0" [id=240, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6a.branch3x3dbl_3.conv.weight" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [id=242, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6a.branch3x3dbl_3.bn.weight" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_3.bn.bias" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_3.bn.running_mean" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_3.bn.running_var" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [id=247, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6a/branch3x3dbl_3/relu_/0" [id=248, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6a/max_pool2d/0" [id=249, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"Mixed_6a/cat/0" [id=250, metatype=PTCatMetatype, type=cat]; +"Mixed_6b.branch1x1.conv.weight" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch1x1/conv/conv2d/0" [id=252, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch1x1.bn.weight" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch1x1.bn.bias" [id=254, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch1x1.bn.running_mean" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch1x1.bn.running_var" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch1x1/bn/batch_norm/0" [id=257, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch1x1/relu_/0" [id=258, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6b.branch7x7_1.conv.weight" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7_1/conv/conv2d/0" [id=260, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7_1.bn.weight" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_1.bn.bias" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_1.bn.running_mean" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_1.bn.running_var" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7_1/bn/batch_norm/0" [id=265, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7_1/relu_/0" [id=266, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6b.branch7x7_2.conv.weight" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7_2/conv/conv2d/0" [id=268, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7_2.bn.weight" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_2.bn.bias" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_2.bn.running_mean" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_2.bn.running_var" [id=272, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7_2/bn/batch_norm/0" [id=273, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7_2/relu_/0" [id=274, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6b.branch7x7_3.conv.weight" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7_3/conv/conv2d/0" [id=276, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7_3.bn.weight" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_3.bn.bias" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_3.bn.running_mean" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_3.bn.running_var" [id=280, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7_3/bn/batch_norm/0" [id=281, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7_3/relu_/0" [id=282, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6b.branch7x7dbl_1.conv.weight" [id=283, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [id=284, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7dbl_1.bn.weight" [id=285, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_1.bn.bias" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_1.bn.running_mean" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_1.bn.running_var" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [id=289, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7dbl_1/relu_/0" [id=290, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6b.branch7x7dbl_2.conv.weight" [id=291, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [id=292, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7dbl_2.bn.weight" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_2.bn.bias" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_2.bn.running_mean" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_2.bn.running_var" [id=296, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [id=297, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7dbl_2/relu_/0" [id=298, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6b.branch7x7dbl_3.conv.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [id=300, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7dbl_3.bn.weight" [id=301, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_3.bn.bias" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_3.bn.running_mean" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_3.bn.running_var" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [id=305, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7dbl_3/relu_/0" [id=306, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6b.branch7x7dbl_4.conv.weight" [id=307, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [id=308, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7dbl_4.bn.weight" [id=309, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_4.bn.bias" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_4.bn.running_mean" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_4.bn.running_var" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [id=313, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7dbl_4/relu_/0" [id=314, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6b.branch7x7dbl_5.conv.weight" [id=315, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [id=316, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7dbl_5.bn.weight" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_5.bn.bias" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_5.bn.running_mean" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_5.bn.running_var" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [id=321, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7dbl_5/relu_/0" [id=322, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6b/avg_pool2d/0" [id=323, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"Mixed_6b.branch_pool.conv.weight" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch_pool/conv/conv2d/0" [id=325, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch_pool.bn.weight" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch_pool.bn.bias" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch_pool.bn.running_mean" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch_pool.bn.running_var" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch_pool/bn/batch_norm/0" [id=330, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch_pool/relu_/0" [id=331, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6b/cat/0" [id=332, metatype=PTCatMetatype, type=cat]; +"Mixed_6c.branch1x1.conv.weight" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch1x1/conv/conv2d/0" [id=334, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch1x1.bn.weight" [id=335, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch1x1.bn.bias" [id=336, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch1x1.bn.running_mean" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch1x1.bn.running_var" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch1x1/bn/batch_norm/0" [id=339, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch1x1/relu_/0" [id=340, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6c.branch7x7_1.conv.weight" [id=341, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7_1/conv/conv2d/0" [id=342, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7_1.bn.weight" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_1.bn.bias" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_1.bn.running_mean" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_1.bn.running_var" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7_1/bn/batch_norm/0" [id=347, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7_1/relu_/0" [id=348, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6c.branch7x7_2.conv.weight" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7_2/conv/conv2d/0" [id=350, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7_2.bn.weight" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_2.bn.bias" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_2.bn.running_mean" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_2.bn.running_var" [id=354, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7_2/bn/batch_norm/0" [id=355, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7_2/relu_/0" [id=356, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6c.branch7x7_3.conv.weight" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7_3/conv/conv2d/0" [id=358, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7_3.bn.weight" [id=359, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_3.bn.bias" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_3.bn.running_mean" [id=361, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_3.bn.running_var" [id=362, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7_3/bn/batch_norm/0" [id=363, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7_3/relu_/0" [id=364, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6c.branch7x7dbl_1.conv.weight" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [id=366, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7dbl_1.bn.weight" [id=367, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_1.bn.bias" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_1.bn.running_mean" [id=369, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_1.bn.running_var" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [id=371, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7dbl_1/relu_/0" [id=372, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6c.branch7x7dbl_2.conv.weight" [id=373, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [id=374, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7dbl_2.bn.weight" [id=375, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_2.bn.bias" [id=376, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_2.bn.running_mean" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_2.bn.running_var" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [id=379, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7dbl_2/relu_/0" [id=380, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6c.branch7x7dbl_3.conv.weight" [id=381, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [id=382, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7dbl_3.bn.weight" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_3.bn.bias" [id=384, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_3.bn.running_mean" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_3.bn.running_var" [id=386, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [id=387, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7dbl_3/relu_/0" [id=388, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6c.branch7x7dbl_4.conv.weight" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [id=390, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7dbl_4.bn.weight" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_4.bn.bias" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_4.bn.running_mean" [id=393, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_4.bn.running_var" [id=394, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [id=395, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7dbl_4/relu_/0" [id=396, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6c.branch7x7dbl_5.conv.weight" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [id=398, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7dbl_5.bn.weight" [id=399, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_5.bn.bias" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_5.bn.running_mean" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_5.bn.running_var" [id=402, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [id=403, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7dbl_5/relu_/0" [id=404, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6c/avg_pool2d/0" [id=405, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"Mixed_6c.branch_pool.conv.weight" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch_pool/conv/conv2d/0" [id=407, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch_pool.bn.weight" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch_pool.bn.bias" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch_pool.bn.running_mean" [id=410, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch_pool.bn.running_var" [id=411, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch_pool/bn/batch_norm/0" [id=412, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch_pool/relu_/0" [id=413, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6c/cat/0" [id=414, metatype=PTCatMetatype, type=cat]; +"Mixed_6d.branch1x1.conv.weight" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch1x1/conv/conv2d/0" [id=416, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch1x1.bn.weight" [id=417, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch1x1.bn.bias" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch1x1.bn.running_mean" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch1x1.bn.running_var" [id=420, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch1x1/bn/batch_norm/0" [id=421, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch1x1/relu_/0" [id=422, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6d.branch7x7_1.conv.weight" [id=423, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7_1/conv/conv2d/0" [id=424, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7_1.bn.weight" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_1.bn.bias" [id=426, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_1.bn.running_mean" [id=427, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_1.bn.running_var" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7_1/bn/batch_norm/0" [id=429, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7_1/relu_/0" [id=430, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6d.branch7x7_2.conv.weight" [id=431, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7_2/conv/conv2d/0" [id=432, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7_2.bn.weight" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_2.bn.bias" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_2.bn.running_mean" [id=435, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_2.bn.running_var" [id=436, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7_2/bn/batch_norm/0" [id=437, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7_2/relu_/0" [id=438, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6d.branch7x7_3.conv.weight" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7_3/conv/conv2d/0" [id=440, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7_3.bn.weight" [id=441, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_3.bn.bias" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_3.bn.running_mean" [id=443, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_3.bn.running_var" [id=444, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7_3/bn/batch_norm/0" [id=445, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7_3/relu_/0" [id=446, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6d.branch7x7dbl_1.conv.weight" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [id=448, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7dbl_1.bn.weight" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_1.bn.bias" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_1.bn.running_mean" [id=451, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_1.bn.running_var" [id=452, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [id=453, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7dbl_1/relu_/0" [id=454, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6d.branch7x7dbl_2.conv.weight" [id=455, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [id=456, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7dbl_2.bn.weight" [id=457, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_2.bn.bias" [id=458, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_2.bn.running_mean" [id=459, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_2.bn.running_var" [id=460, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [id=461, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7dbl_2/relu_/0" [id=462, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6d.branch7x7dbl_3.conv.weight" [id=463, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [id=464, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7dbl_3.bn.weight" [id=465, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_3.bn.bias" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_3.bn.running_mean" [id=467, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_3.bn.running_var" [id=468, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [id=469, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7dbl_3/relu_/0" [id=470, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6d.branch7x7dbl_4.conv.weight" [id=471, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [id=472, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7dbl_4.bn.weight" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_4.bn.bias" [id=474, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_4.bn.running_mean" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_4.bn.running_var" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [id=477, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7dbl_4/relu_/0" [id=478, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6d.branch7x7dbl_5.conv.weight" [id=479, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [id=480, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7dbl_5.bn.weight" [id=481, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_5.bn.bias" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_5.bn.running_mean" [id=483, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_5.bn.running_var" [id=484, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [id=485, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7dbl_5/relu_/0" [id=486, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6d/avg_pool2d/0" [id=487, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"Mixed_6d.branch_pool.conv.weight" [id=488, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch_pool/conv/conv2d/0" [id=489, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch_pool.bn.weight" [id=490, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch_pool.bn.bias" [id=491, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch_pool.bn.running_mean" [id=492, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch_pool.bn.running_var" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch_pool/bn/batch_norm/0" [id=494, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch_pool/relu_/0" [id=495, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6d/cat/0" [id=496, metatype=PTCatMetatype, type=cat]; +"Mixed_6e.branch1x1.conv.weight" [id=497, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch1x1/conv/conv2d/0" [id=498, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch1x1.bn.weight" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch1x1.bn.bias" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch1x1.bn.running_mean" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch1x1.bn.running_var" [id=502, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch1x1/bn/batch_norm/0" [id=503, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch1x1/relu_/0" [id=504, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6e.branch7x7_1.conv.weight" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7_1/conv/conv2d/0" [id=506, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7_1.bn.weight" [id=507, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_1.bn.bias" [id=508, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_1.bn.running_mean" [id=509, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_1.bn.running_var" [id=510, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7_1/bn/batch_norm/0" [id=511, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7_1/relu_/0" [id=512, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6e.branch7x7_2.conv.weight" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7_2/conv/conv2d/0" [id=514, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7_2.bn.weight" [id=515, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_2.bn.bias" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_2.bn.running_mean" [id=517, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_2.bn.running_var" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7_2/bn/batch_norm/0" [id=519, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7_2/relu_/0" [id=520, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6e.branch7x7_3.conv.weight" [id=521, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7_3/conv/conv2d/0" [id=522, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7_3.bn.weight" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_3.bn.bias" [id=524, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_3.bn.running_mean" [id=525, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_3.bn.running_var" [id=526, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7_3/bn/batch_norm/0" [id=527, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7_3/relu_/0" [id=528, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6e.branch7x7dbl_1.conv.weight" [id=529, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [id=530, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7dbl_1.bn.weight" [id=531, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_1.bn.bias" [id=532, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_1.bn.running_mean" [id=533, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_1.bn.running_var" [id=534, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [id=535, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7dbl_1/relu_/0" [id=536, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6e.branch7x7dbl_2.conv.weight" [id=537, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [id=538, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7dbl_2.bn.weight" [id=539, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_2.bn.bias" [id=540, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_2.bn.running_mean" [id=541, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_2.bn.running_var" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [id=543, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7dbl_2/relu_/0" [id=544, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6e.branch7x7dbl_3.conv.weight" [id=545, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [id=546, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7dbl_3.bn.weight" [id=547, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_3.bn.bias" [id=548, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_3.bn.running_mean" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_3.bn.running_var" [id=550, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [id=551, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7dbl_3/relu_/0" [id=552, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6e.branch7x7dbl_4.conv.weight" [id=553, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [id=554, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7dbl_4.bn.weight" [id=555, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_4.bn.bias" [id=556, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_4.bn.running_mean" [id=557, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_4.bn.running_var" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [id=559, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7dbl_4/relu_/0" [id=560, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6e.branch7x7dbl_5.conv.weight" [id=561, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [id=562, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7dbl_5.bn.weight" [id=563, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_5.bn.bias" [id=564, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_5.bn.running_mean" [id=565, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_5.bn.running_var" [id=566, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [id=567, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7dbl_5/relu_/0" [id=568, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6e/avg_pool2d/0" [id=569, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"Mixed_6e.branch_pool.conv.weight" [id=570, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch_pool/conv/conv2d/0" [id=571, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch_pool.bn.weight" [id=572, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch_pool.bn.bias" [id=573, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch_pool.bn.running_mean" [id=574, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch_pool.bn.running_var" [id=575, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch_pool/bn/batch_norm/0" [id=576, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch_pool/relu_/0" [id=577, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6e/cat/0" [id=578, metatype=PTCatMetatype, type=cat]; +"Mixed_7a.branch3x3_1.conv.weight" [id=579, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch3x3_1/conv/conv2d/0" [id=580, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7a.branch3x3_1.bn.weight" [id=581, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch3x3_1.bn.bias" [id=582, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch3x3_1.bn.running_mean" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch3x3_1.bn.running_var" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch3x3_1/bn/batch_norm/0" [id=585, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7a/branch3x3_1/relu_/0" [id=586, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7a.branch3x3_2.conv.weight" [id=587, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch3x3_2/conv/conv2d/0" [id=588, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7a.branch3x3_2.bn.weight" [id=589, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch3x3_2.bn.bias" [id=590, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch3x3_2.bn.running_mean" [id=591, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch3x3_2.bn.running_var" [id=592, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch3x3_2/bn/batch_norm/0" [id=593, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7a/branch3x3_2/relu_/0" [id=594, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7a.branch7x7x3_1.conv.weight" [id=595, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_1/conv/conv2d/0" [id=596, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7a.branch7x7x3_1.bn.weight" [id=597, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_1.bn.bias" [id=598, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_1.bn.running_mean" [id=599, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_1.bn.running_var" [id=600, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [id=601, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7a/branch7x7x3_1/relu_/0" [id=602, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7a.branch7x7x3_2.conv.weight" [id=603, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_2/conv/conv2d/0" [id=604, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7a.branch7x7x3_2.bn.weight" [id=605, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_2.bn.bias" [id=606, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_2.bn.running_mean" [id=607, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_2.bn.running_var" [id=608, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [id=609, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7a/branch7x7x3_2/relu_/0" [id=610, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7a.branch7x7x3_3.conv.weight" [id=611, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_3/conv/conv2d/0" [id=612, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7a.branch7x7x3_3.bn.weight" [id=613, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_3.bn.bias" [id=614, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_3.bn.running_mean" [id=615, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_3.bn.running_var" [id=616, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [id=617, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7a/branch7x7x3_3/relu_/0" [id=618, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7a.branch7x7x3_4.conv.weight" [id=619, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_4/conv/conv2d/0" [id=620, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7a.branch7x7x3_4.bn.weight" [id=621, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_4.bn.bias" [id=622, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_4.bn.running_mean" [id=623, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_4.bn.running_var" [id=624, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [id=625, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7a/branch7x7x3_4/relu_/0" [id=626, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7a/max_pool2d/0" [id=627, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"Mixed_7a/cat/0" [id=628, metatype=PTCatMetatype, type=cat]; +"Mixed_7b.branch1x1.conv.weight" [id=629, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch1x1/conv/conv2d/0" [id=630, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch1x1.bn.weight" [id=631, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch1x1.bn.bias" [id=632, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch1x1.bn.running_mean" [id=633, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch1x1.bn.running_var" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch1x1/bn/batch_norm/0" [id=635, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch1x1/relu_/0" [id=636, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7b.branch3x3_1.conv.weight" [id=637, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3_1/conv/conv2d/0" [id=638, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch3x3_1.bn.weight" [id=639, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_1.bn.bias" [id=640, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_1.bn.running_mean" [id=641, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_1.bn.running_var" [id=642, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3_1/bn/batch_norm/0" [id=643, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch3x3_1/relu_/0" [id=644, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7b.branch3x3_2a.conv.weight" [id=645, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3_2a/conv/conv2d/0" [id=646, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch3x3_2a.bn.weight" [id=647, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_2a.bn.bias" [id=648, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_2a.bn.running_mean" [id=649, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_2a.bn.running_var" [id=650, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3_2a/bn/batch_norm/0" [id=651, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch3x3_2a/relu_/0" [id=652, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7b.branch3x3_2b.conv.weight" [id=653, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3_2b/conv/conv2d/0" [id=654, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch3x3_2b.bn.weight" [id=655, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_2b.bn.bias" [id=656, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_2b.bn.running_mean" [id=657, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_2b.bn.running_var" [id=658, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3_2b/bn/batch_norm/0" [id=659, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch3x3_2b/relu_/0" [id=660, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7b/cat/0" [id=661, metatype=PTCatMetatype, type=cat]; +"Mixed_7b.branch3x3dbl_1.conv.weight" [id=662, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [id=663, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch3x3dbl_1.bn.weight" [id=664, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_1.bn.bias" [id=665, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_1.bn.running_mean" [id=666, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_1.bn.running_var" [id=667, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [id=668, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch3x3dbl_1/relu_/0" [id=669, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7b.branch3x3dbl_2.conv.weight" [id=670, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [id=671, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch3x3dbl_2.bn.weight" [id=672, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_2.bn.bias" [id=673, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_2.bn.running_mean" [id=674, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_2.bn.running_var" [id=675, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [id=676, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch3x3dbl_2/relu_/0" [id=677, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7b.branch3x3dbl_3a.conv.weight" [id=678, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [id=679, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch3x3dbl_3a.bn.weight" [id=680, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_3a.bn.bias" [id=681, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_3a.bn.running_mean" [id=682, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_3a.bn.running_var" [id=683, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [id=684, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch3x3dbl_3a/relu_/0" [id=685, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7b.branch3x3dbl_3b.conv.weight" [id=686, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [id=687, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch3x3dbl_3b.bn.weight" [id=688, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_3b.bn.bias" [id=689, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_3b.bn.running_mean" [id=690, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_3b.bn.running_var" [id=691, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [id=692, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch3x3dbl_3b/relu_/0" [id=693, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7b/cat/1" [id=694, metatype=PTCatMetatype, type=cat]; +"Mixed_7b/avg_pool2d/0" [id=695, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"Mixed_7b.branch_pool.conv.weight" [id=696, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch_pool/conv/conv2d/0" [id=697, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch_pool.bn.weight" [id=698, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch_pool.bn.bias" [id=699, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch_pool.bn.running_mean" [id=700, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch_pool.bn.running_var" [id=701, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch_pool/bn/batch_norm/0" [id=702, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch_pool/relu_/0" [id=703, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7b/cat/2" [id=704, metatype=PTCatMetatype, type=cat]; +"Mixed_7c.branch1x1.conv.weight" [id=705, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch1x1/conv/conv2d/0" [id=706, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch1x1.bn.weight" [id=707, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch1x1.bn.bias" [id=708, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch1x1.bn.running_mean" [id=709, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch1x1.bn.running_var" [id=710, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch1x1/bn/batch_norm/0" [id=711, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch1x1/relu_/0" [id=712, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7c.branch3x3_1.conv.weight" [id=713, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_1/conv/conv2d/0" [id=714, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch3x3_1.bn.weight" [id=715, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_1.bn.bias" [id=716, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_1.bn.running_mean" [id=717, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_1.bn.running_var" [id=718, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_1/bn/batch_norm/0" [id=719, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch3x3_1/relu_/0" [id=720, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7c.branch3x3_2a.conv.weight" [id=721, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_2a/conv/conv2d/0" [id=722, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch3x3_2a.bn.weight" [id=723, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_2a.bn.bias" [id=724, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_2a.bn.running_mean" [id=725, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_2a.bn.running_var" [id=726, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_2a/bn/batch_norm/0" [id=727, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch3x3_2a/relu_/0" [id=728, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7c.branch3x3_2b.conv.weight" [id=729, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_2b/conv/conv2d/0" [id=730, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch3x3_2b.bn.weight" [id=731, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_2b.bn.bias" [id=732, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_2b.bn.running_mean" [id=733, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_2b.bn.running_var" [id=734, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_2b/bn/batch_norm/0" [id=735, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch3x3_2b/relu_/0" [id=736, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7c/cat/0" [id=737, metatype=PTCatMetatype, type=cat]; +"Mixed_7c.branch3x3dbl_1.conv.weight" [id=738, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [id=739, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch3x3dbl_1.bn.weight" [id=740, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_1.bn.bias" [id=741, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_1.bn.running_mean" [id=742, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_1.bn.running_var" [id=743, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [id=744, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch3x3dbl_1/relu_/0" [id=745, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7c.branch3x3dbl_2.conv.weight" [id=746, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [id=747, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch3x3dbl_2.bn.weight" [id=748, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_2.bn.bias" [id=749, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_2.bn.running_mean" [id=750, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_2.bn.running_var" [id=751, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [id=752, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch3x3dbl_2/relu_/0" [id=753, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7c.branch3x3dbl_3a.conv.weight" [id=754, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [id=755, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch3x3dbl_3a.bn.weight" [id=756, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_3a.bn.bias" [id=757, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_3a.bn.running_mean" [id=758, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_3a.bn.running_var" [id=759, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [id=760, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch3x3dbl_3a/relu_/0" [id=761, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7c.branch3x3dbl_3b.conv.weight" [id=762, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [id=763, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch3x3dbl_3b.bn.weight" [id=764, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_3b.bn.bias" [id=765, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_3b.bn.running_mean" [id=766, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_3b.bn.running_var" [id=767, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [id=768, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch3x3dbl_3b/relu_/0" [id=769, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7c/cat/1" [id=770, metatype=PTCatMetatype, type=cat]; +"Mixed_7c/avg_pool2d/0" [id=771, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"Mixed_7c.branch_pool.conv.weight" [id=772, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch_pool/conv/conv2d/0" [id=773, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch_pool.bn.weight" [id=774, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch_pool.bn.bias" [id=775, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch_pool.bn.running_mean" [id=776, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch_pool.bn.running_var" [id=777, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch_pool/bn/batch_norm/0" [id=778, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch_pool/relu_/0" [id=779, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7c/cat/2" [id=780, metatype=PTCatMetatype, type=cat]; +"avgpool/adaptive_avg_pool2d/0" [id=781, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"dropout/dropout/0" [id=782, metatype=PTDropoutMetatype, type=dropout]; +"/flatten/0" [id=783, metatype=PTReshapeMetatype, type=flatten]; +"fc.weight" [id=784, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc.bias" [id=785, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc/linear/0" [id=786, metatype=PTLinearMetatype, type=linear]; +output [id=787, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 300, 300)"]; +"Conv2d_1a_3x3.conv.weight" -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 3, 3, 3)"]; +"Conv2d_1a_3x3/conv/conv2d/0" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 149, 149)"]; +"Conv2d_1a_3x3.bn.weight" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"Conv2d_1a_3x3.bn.bias" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"Conv2d_1a_3x3.bn.running_mean" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"Conv2d_1a_3x3.bn.running_var" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"Conv2d_1a_3x3/bn/batch_norm/0" -> "Conv2d_1a_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 149, 149)"]; +"Conv2d_1a_3x3/relu_/0" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 149, 149)"]; +"Conv2d_2a_3x3.conv.weight" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 32, 3, 3)"]; +"Conv2d_2a_3x3/conv/conv2d/0" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 147, 147)"]; +"Conv2d_2a_3x3.bn.weight" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"Conv2d_2a_3x3.bn.bias" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"Conv2d_2a_3x3.bn.running_mean" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"Conv2d_2a_3x3.bn.running_var" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"Conv2d_2a_3x3/bn/batch_norm/0" -> "Conv2d_2a_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 147, 147)"]; +"Conv2d_2a_3x3/relu_/0" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 147, 147)"]; +"Conv2d_2b_3x3.conv.weight" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 32, 3, 3)"]; +"Conv2d_2b_3x3/conv/conv2d/0" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 147, 147)"]; +"Conv2d_2b_3x3.bn.weight" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Conv2d_2b_3x3.bn.bias" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Conv2d_2b_3x3.bn.running_mean" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Conv2d_2b_3x3.bn.running_var" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Conv2d_2b_3x3/bn/batch_norm/0" -> "Conv2d_2b_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 147, 147)"]; +"Conv2d_2b_3x3/relu_/0" -> "maxpool1/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 147, 147)"]; +"maxpool1/max_pool2d/0" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 73, 73)"]; +"Conv2d_3b_1x1.conv.weight" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80, 64, 1, 1)"]; +"Conv2d_3b_1x1/conv/conv2d/0" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 73, 73)"]; +"Conv2d_3b_1x1.bn.weight" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80,)"]; +"Conv2d_3b_1x1.bn.bias" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(80,)"]; +"Conv2d_3b_1x1.bn.running_mean" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(80,)"]; +"Conv2d_3b_1x1.bn.running_var" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(80,)"]; +"Conv2d_3b_1x1/bn/batch_norm/0" -> "Conv2d_3b_1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 73, 73)"]; +"Conv2d_3b_1x1/relu_/0" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 73, 73)"]; +"Conv2d_4a_3x3.conv.weight" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 80, 3, 3)"]; +"Conv2d_4a_3x3/conv/conv2d/0" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 71, 71)"]; +"Conv2d_4a_3x3.bn.weight" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Conv2d_4a_3x3.bn.bias" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Conv2d_4a_3x3.bn.running_mean" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Conv2d_4a_3x3.bn.running_var" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Conv2d_4a_3x3/bn/batch_norm/0" -> "Conv2d_4a_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 71, 71)"]; +"Conv2d_4a_3x3/relu_/0" -> "maxpool2/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 71, 71)"]; +"maxpool2/max_pool2d/0" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 35, 35)"]; +"maxpool2/max_pool2d/0" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 35, 35)"]; +"maxpool2/max_pool2d/0" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 35, 35)"]; +"maxpool2/max_pool2d/0" -> "Mixed_5b/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 35, 35)"]; +"Mixed_5b.branch1x1.conv.weight" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 192, 1, 1)"]; +"Mixed_5b/branch1x1/conv/conv2d/0" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5b.branch1x1.bn.weight" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch1x1.bn.bias" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch1x1.bn.running_mean" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch1x1.bn.running_var" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5b/branch1x1/bn/batch_norm/0" -> "Mixed_5b/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5b/branch1x1/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5b.branch5x5_1.conv.weight" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 192, 1, 1)"]; +"Mixed_5b/branch5x5_1/conv/conv2d/0" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; +"Mixed_5b.branch5x5_1.bn.weight" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"Mixed_5b.branch5x5_1.bn.bias" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"Mixed_5b.branch5x5_1.bn.running_mean" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"Mixed_5b.branch5x5_1.bn.running_var" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"Mixed_5b/branch5x5_1/bn/batch_norm/0" -> "Mixed_5b/branch5x5_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; +"Mixed_5b/branch5x5_1/relu_/0" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; +"Mixed_5b.branch5x5_2.conv.weight" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 48, 5, 5)"]; +"Mixed_5b/branch5x5_2/conv/conv2d/0" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5b.branch5x5_2.bn.weight" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch5x5_2.bn.bias" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch5x5_2.bn.running_mean" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch5x5_2.bn.running_var" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5b/branch5x5_2/bn/batch_norm/0" -> "Mixed_5b/branch5x5_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5b/branch5x5_2/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5b.branch3x3dbl_1.conv.weight" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 192, 1, 1)"]; +"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5b.branch3x3dbl_1.bn.weight" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch3x3dbl_1.bn.bias" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch3x3dbl_1.bn.running_mean" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch3x3dbl_1.bn.running_var" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5b/branch3x3dbl_1/relu_/0" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5b.branch3x3dbl_2.conv.weight" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; +"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5b.branch3x3dbl_2.bn.weight" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_5b.branch3x3dbl_2.bn.bias" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_5b.branch3x3dbl_2.bn.running_mean" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_5b.branch3x3dbl_2.bn.running_var" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5b/branch3x3dbl_2/relu_/0" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5b.branch3x3dbl_3.conv.weight" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; +"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5b.branch3x3dbl_3.bn.weight" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_5b.branch3x3dbl_3.bn.bias" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_5b.branch3x3dbl_3.bn.running_mean" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_5b.branch3x3dbl_3.bn.running_var" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5b/branch3x3dbl_3/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5b/avg_pool2d/0" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 35, 35)"]; +"Mixed_5b.branch_pool.conv.weight" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 192, 1, 1)"]; +"Mixed_5b/branch_pool/conv/conv2d/0" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 35, 35)"]; +"Mixed_5b.branch_pool.bn.weight" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"Mixed_5b.branch_pool.bn.bias" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"Mixed_5b.branch_pool.bn.running_mean" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"Mixed_5b.branch_pool.bn.running_var" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"Mixed_5b/branch_pool/bn/batch_norm/0" -> "Mixed_5b/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 35, 35)"]; +"Mixed_5b/branch_pool/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 35, 35)"]; +"Mixed_5b/cat/0" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 35, 35)"]; +"Mixed_5b/cat/0" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 35, 35)"]; +"Mixed_5b/cat/0" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 35, 35)"]; +"Mixed_5b/cat/0" -> "Mixed_5c/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 35, 35)"]; +"Mixed_5c.branch1x1.conv.weight" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 256, 1, 1)"]; +"Mixed_5c/branch1x1/conv/conv2d/0" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5c.branch1x1.bn.weight" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch1x1.bn.bias" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch1x1.bn.running_mean" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch1x1.bn.running_var" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5c/branch1x1/bn/batch_norm/0" -> "Mixed_5c/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5c/branch1x1/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5c.branch5x5_1.conv.weight" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 256, 1, 1)"]; +"Mixed_5c/branch5x5_1/conv/conv2d/0" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; +"Mixed_5c.branch5x5_1.bn.weight" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"Mixed_5c.branch5x5_1.bn.bias" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"Mixed_5c.branch5x5_1.bn.running_mean" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"Mixed_5c.branch5x5_1.bn.running_var" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"Mixed_5c/branch5x5_1/bn/batch_norm/0" -> "Mixed_5c/branch5x5_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; +"Mixed_5c/branch5x5_1/relu_/0" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; +"Mixed_5c.branch5x5_2.conv.weight" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 48, 5, 5)"]; +"Mixed_5c/branch5x5_2/conv/conv2d/0" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5c.branch5x5_2.bn.weight" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch5x5_2.bn.bias" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch5x5_2.bn.running_mean" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch5x5_2.bn.running_var" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5c/branch5x5_2/bn/batch_norm/0" -> "Mixed_5c/branch5x5_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5c/branch5x5_2/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5c.branch3x3dbl_1.conv.weight" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 256, 1, 1)"]; +"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5c.branch3x3dbl_1.bn.weight" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch3x3dbl_1.bn.bias" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch3x3dbl_1.bn.running_mean" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch3x3dbl_1.bn.running_var" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5c/branch3x3dbl_1/relu_/0" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5c.branch3x3dbl_2.conv.weight" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; +"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5c.branch3x3dbl_2.bn.weight" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_5c.branch3x3dbl_2.bn.bias" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_5c.branch3x3dbl_2.bn.running_mean" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_5c.branch3x3dbl_2.bn.running_var" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5c/branch3x3dbl_2/relu_/0" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5c.branch3x3dbl_3.conv.weight" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; +"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5c.branch3x3dbl_3.bn.weight" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_5c.branch3x3dbl_3.bn.bias" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_5c.branch3x3dbl_3.bn.running_mean" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_5c.branch3x3dbl_3.bn.running_var" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5c/branch3x3dbl_3/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5c/avg_pool2d/0" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 35, 35)"]; +"Mixed_5c.branch_pool.conv.weight" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 256, 1, 1)"]; +"Mixed_5c/branch_pool/conv/conv2d/0" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5c.branch_pool.bn.weight" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch_pool.bn.bias" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch_pool.bn.running_mean" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch_pool.bn.running_var" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5c/branch_pool/bn/batch_norm/0" -> "Mixed_5c/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5c/branch_pool/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5c/cat/0" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; +"Mixed_5c/cat/0" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; +"Mixed_5c/cat/0" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; +"Mixed_5c/cat/0" -> "Mixed_5d/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; +"Mixed_5d.branch1x1.conv.weight" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; +"Mixed_5d/branch1x1/conv/conv2d/0" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5d.branch1x1.bn.weight" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch1x1.bn.bias" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch1x1.bn.running_mean" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch1x1.bn.running_var" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5d/branch1x1/bn/batch_norm/0" -> "Mixed_5d/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5d/branch1x1/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5d.branch5x5_1.conv.weight" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 288, 1, 1)"]; +"Mixed_5d/branch5x5_1/conv/conv2d/0" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; +"Mixed_5d.branch5x5_1.bn.weight" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"Mixed_5d.branch5x5_1.bn.bias" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"Mixed_5d.branch5x5_1.bn.running_mean" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"Mixed_5d.branch5x5_1.bn.running_var" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"Mixed_5d/branch5x5_1/bn/batch_norm/0" -> "Mixed_5d/branch5x5_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; +"Mixed_5d/branch5x5_1/relu_/0" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; +"Mixed_5d.branch5x5_2.conv.weight" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 48, 5, 5)"]; +"Mixed_5d/branch5x5_2/conv/conv2d/0" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5d.branch5x5_2.bn.weight" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch5x5_2.bn.bias" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch5x5_2.bn.running_mean" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch5x5_2.bn.running_var" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5d/branch5x5_2/bn/batch_norm/0" -> "Mixed_5d/branch5x5_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5d/branch5x5_2/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5d.branch3x3dbl_1.conv.weight" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; +"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5d.branch3x3dbl_1.bn.weight" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch3x3dbl_1.bn.bias" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch3x3dbl_1.bn.running_mean" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch3x3dbl_1.bn.running_var" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5d/branch3x3dbl_1/relu_/0" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5d.branch3x3dbl_2.conv.weight" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; +"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5d.branch3x3dbl_2.bn.weight" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_5d.branch3x3dbl_2.bn.bias" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_5d.branch3x3dbl_2.bn.running_mean" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_5d.branch3x3dbl_2.bn.running_var" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5d/branch3x3dbl_2/relu_/0" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5d.branch3x3dbl_3.conv.weight" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; +"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5d.branch3x3dbl_3.bn.weight" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_5d.branch3x3dbl_3.bn.bias" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_5d.branch3x3dbl_3.bn.running_mean" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_5d.branch3x3dbl_3.bn.running_var" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5d/branch3x3dbl_3/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_5d/avg_pool2d/0" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; +"Mixed_5d.branch_pool.conv.weight" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; +"Mixed_5d/branch_pool/conv/conv2d/0" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5d.branch_pool.bn.weight" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch_pool.bn.bias" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch_pool.bn.running_mean" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch_pool.bn.running_var" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5d/branch_pool/bn/batch_norm/0" -> "Mixed_5d/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5d/branch_pool/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; +"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; +"Mixed_5d/cat/0" -> "Mixed_6a/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; +"Mixed_6a.branch3x3.conv.weight" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 288, 3, 3)"]; +"Mixed_6a/branch3x3/conv/conv2d/0" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 17, 17)"]; +"Mixed_6a.branch3x3.bn.weight" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_6a.branch3x3.bn.bias" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_6a.branch3x3.bn.running_mean" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_6a.branch3x3.bn.running_var" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_6a/branch3x3/bn/batch_norm/0" -> "Mixed_6a/branch3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 17, 17)"]; +"Mixed_6a/branch3x3/relu_/0" -> "Mixed_6a/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 17, 17)"]; +"Mixed_6a.branch3x3dbl_1.conv.weight" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; +"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_6a.branch3x3dbl_1.bn.weight" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_6a.branch3x3dbl_1.bn.bias" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_6a.branch3x3dbl_1.bn.running_mean" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_6a.branch3x3dbl_1.bn.running_var" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_6a/branch3x3dbl_1/relu_/0" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; +"Mixed_6a.branch3x3dbl_2.conv.weight" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; +"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_6a.branch3x3dbl_2.bn.weight" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_6a.branch3x3dbl_2.bn.bias" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_6a.branch3x3dbl_2.bn.running_mean" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_6a.branch3x3dbl_2.bn.running_var" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_6a/branch3x3dbl_2/relu_/0" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; +"Mixed_6a.branch3x3dbl_3.conv.weight" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; +"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 17, 17)"]; +"Mixed_6a.branch3x3dbl_3.bn.weight" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_6a.branch3x3dbl_3.bn.bias" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_6a.branch3x3dbl_3.bn.running_mean" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_6a.branch3x3dbl_3.bn.running_var" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 17, 17)"]; +"Mixed_6a/branch3x3dbl_3/relu_/0" -> "Mixed_6a/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 17, 17)"]; +"Mixed_6a/max_pool2d/0" -> "Mixed_6a/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 288, 17, 17)"]; +"Mixed_6a/cat/0" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6a/cat/0" -> "Mixed_6b/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6b.branch1x1.conv.weight" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6b/branch1x1/conv/conv2d/0" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6b.branch1x1.bn.weight" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch1x1.bn.bias" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch1x1.bn.running_mean" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch1x1.bn.running_var" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6b/branch1x1/bn/batch_norm/0" -> "Mixed_6b/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6b/branch1x1/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6b.branch7x7_1.conv.weight" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; +"Mixed_6b/branch7x7_1/conv/conv2d/0" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b.branch7x7_1.bn.weight" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7_1.bn.bias" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7_1.bn.running_mean" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7_1.bn.running_var" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"Mixed_6b/branch7x7_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b/branch7x7_1/relu_/0" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b.branch7x7_2.conv.weight" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 7)"]; +"Mixed_6b/branch7x7_2/conv/conv2d/0" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b.branch7x7_2.bn.weight" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7_2.bn.bias" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7_2.bn.running_mean" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7_2.bn.running_var" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"Mixed_6b/branch7x7_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b/branch7x7_2/relu_/0" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b.branch7x7_3.conv.weight" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 128, 7, 1)"]; +"Mixed_6b/branch7x7_3/conv/conv2d/0" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6b.branch7x7_3.bn.weight" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch7x7_3.bn.bias" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch7x7_3.bn.running_mean" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch7x7_3.bn.running_var" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6b/branch7x7_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6b/branch7x7_3/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6b.branch7x7dbl_1.conv.weight" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; +"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_1.bn.weight" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_1.bn.bias" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_1.bn.running_mean" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_1.bn.running_var" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b/branch7x7dbl_1/relu_/0" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_2.conv.weight" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 7, 1)"]; +"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_2.bn.weight" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_2.bn.bias" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_2.bn.running_mean" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_2.bn.running_var" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b/branch7x7dbl_2/relu_/0" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_3.conv.weight" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 7)"]; +"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_3.bn.weight" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_3.bn.bias" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_3.bn.running_mean" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_3.bn.running_var" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b/branch7x7dbl_3/relu_/0" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_4.conv.weight" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 7, 1)"]; +"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_4.bn.weight" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_4.bn.bias" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_4.bn.running_mean" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_4.bn.running_var" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b/branch7x7dbl_4/relu_/0" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_5.conv.weight" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 128, 1, 7)"]; +"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6b.branch7x7dbl_5.bn.weight" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch7x7dbl_5.bn.bias" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch7x7dbl_5.bn.running_mean" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch7x7dbl_5.bn.running_var" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6b/branch7x7dbl_5/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6b/avg_pool2d/0" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6b.branch_pool.conv.weight" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6b/branch_pool/conv/conv2d/0" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6b.branch_pool.bn.weight" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch_pool.bn.bias" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch_pool.bn.running_mean" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch_pool.bn.running_var" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6b/branch_pool/bn/batch_norm/0" -> "Mixed_6b/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6b/branch_pool/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6b/cat/0" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6b/cat/0" -> "Mixed_6c/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6c.branch1x1.conv.weight" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6c/branch1x1/conv/conv2d/0" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6c.branch1x1.bn.weight" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch1x1.bn.bias" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch1x1.bn.running_mean" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch1x1.bn.running_var" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6c/branch1x1/bn/batch_norm/0" -> "Mixed_6c/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6c/branch1x1/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6c.branch7x7_1.conv.weight" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; +"Mixed_6c/branch7x7_1/conv/conv2d/0" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c.branch7x7_1.bn.weight" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7_1.bn.bias" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7_1.bn.running_mean" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7_1.bn.running_var" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6c/branch7x7_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c/branch7x7_1/relu_/0" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c.branch7x7_2.conv.weight" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; +"Mixed_6c/branch7x7_2/conv/conv2d/0" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c.branch7x7_2.bn.weight" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7_2.bn.bias" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7_2.bn.running_mean" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7_2.bn.running_var" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6c/branch7x7_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c/branch7x7_2/relu_/0" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c.branch7x7_3.conv.weight" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 7, 1)"]; +"Mixed_6c/branch7x7_3/conv/conv2d/0" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6c.branch7x7_3.bn.weight" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch7x7_3.bn.bias" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch7x7_3.bn.running_mean" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch7x7_3.bn.running_var" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6c/branch7x7_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6c/branch7x7_3/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6c.branch7x7dbl_1.conv.weight" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; +"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_1.bn.weight" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_1.bn.bias" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_1.bn.running_mean" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_1.bn.running_var" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c/branch7x7dbl_1/relu_/0" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_2.conv.weight" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; +"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_2.bn.weight" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_2.bn.bias" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_2.bn.running_mean" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_2.bn.running_var" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c/branch7x7dbl_2/relu_/0" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_3.conv.weight" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; +"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_3.bn.weight" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_3.bn.bias" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_3.bn.running_mean" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_3.bn.running_var" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c/branch7x7dbl_3/relu_/0" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_4.conv.weight" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; +"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_4.bn.weight" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_4.bn.bias" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_4.bn.running_mean" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_4.bn.running_var" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c/branch7x7dbl_4/relu_/0" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_5.conv.weight" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 1, 7)"]; +"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6c.branch7x7dbl_5.bn.weight" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch7x7dbl_5.bn.bias" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch7x7dbl_5.bn.running_mean" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch7x7dbl_5.bn.running_var" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6c/branch7x7dbl_5/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6c/avg_pool2d/0" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6c.branch_pool.conv.weight" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6c/branch_pool/conv/conv2d/0" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6c.branch_pool.bn.weight" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch_pool.bn.bias" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch_pool.bn.running_mean" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch_pool.bn.running_var" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6c/branch_pool/bn/batch_norm/0" -> "Mixed_6c/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6c/branch_pool/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6c/cat/0" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6c/cat/0" -> "Mixed_6d/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6d.branch1x1.conv.weight" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6d/branch1x1/conv/conv2d/0" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6d.branch1x1.bn.weight" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch1x1.bn.bias" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch1x1.bn.running_mean" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch1x1.bn.running_var" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6d/branch1x1/bn/batch_norm/0" -> "Mixed_6d/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6d/branch1x1/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6d.branch7x7_1.conv.weight" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; +"Mixed_6d/branch7x7_1/conv/conv2d/0" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d.branch7x7_1.bn.weight" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7_1.bn.bias" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7_1.bn.running_mean" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7_1.bn.running_var" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6d/branch7x7_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d/branch7x7_1/relu_/0" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d.branch7x7_2.conv.weight" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; +"Mixed_6d/branch7x7_2/conv/conv2d/0" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d.branch7x7_2.bn.weight" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7_2.bn.bias" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7_2.bn.running_mean" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7_2.bn.running_var" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6d/branch7x7_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d/branch7x7_2/relu_/0" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d.branch7x7_3.conv.weight" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 7, 1)"]; +"Mixed_6d/branch7x7_3/conv/conv2d/0" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6d.branch7x7_3.bn.weight" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch7x7_3.bn.bias" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch7x7_3.bn.running_mean" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch7x7_3.bn.running_var" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6d/branch7x7_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6d/branch7x7_3/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6d.branch7x7dbl_1.conv.weight" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; +"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_1.bn.weight" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_1.bn.bias" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_1.bn.running_mean" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_1.bn.running_var" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d/branch7x7dbl_1/relu_/0" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_2.conv.weight" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; +"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_2.bn.weight" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_2.bn.bias" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_2.bn.running_mean" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_2.bn.running_var" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d/branch7x7dbl_2/relu_/0" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_3.conv.weight" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; +"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_3.bn.weight" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_3.bn.bias" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_3.bn.running_mean" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_3.bn.running_var" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d/branch7x7dbl_3/relu_/0" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_4.conv.weight" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; +"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_4.bn.weight" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_4.bn.bias" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_4.bn.running_mean" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_4.bn.running_var" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d/branch7x7dbl_4/relu_/0" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_5.conv.weight" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 1, 7)"]; +"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6d.branch7x7dbl_5.bn.weight" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch7x7dbl_5.bn.bias" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch7x7dbl_5.bn.running_mean" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch7x7dbl_5.bn.running_var" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6d/branch7x7dbl_5/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6d/avg_pool2d/0" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6d.branch_pool.conv.weight" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6d/branch_pool/conv/conv2d/0" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6d.branch_pool.bn.weight" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch_pool.bn.bias" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch_pool.bn.running_mean" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch_pool.bn.running_var" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6d/branch_pool/bn/batch_norm/0" -> "Mixed_6d/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6d/branch_pool/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6d/cat/0" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6d/cat/0" -> "Mixed_6e/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6e.branch1x1.conv.weight" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6e/branch1x1/conv/conv2d/0" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch1x1.bn.weight" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch1x1.bn.bias" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch1x1.bn.running_mean" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch1x1.bn.running_var" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch1x1/bn/batch_norm/0" -> "Mixed_6e/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e/branch1x1/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7_1.conv.weight" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6e/branch7x7_1/conv/conv2d/0" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7_1.bn.weight" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_1.bn.bias" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_1.bn.running_mean" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_1.bn.running_var" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e/branch7x7_1/relu_/0" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7_2.conv.weight" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; +"Mixed_6e/branch7x7_2/conv/conv2d/0" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7_2.bn.weight" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_2.bn.bias" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_2.bn.running_mean" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_2.bn.running_var" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e/branch7x7_2/relu_/0" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7_3.conv.weight" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; +"Mixed_6e/branch7x7_3/conv/conv2d/0" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7_3.bn.weight" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_3.bn.bias" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_3.bn.running_mean" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_3.bn.running_var" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e/branch7x7_3/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_1.conv.weight" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_1.bn.weight" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_1.bn.bias" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_1.bn.running_mean" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_1.bn.running_var" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e/branch7x7dbl_1/relu_/0" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_2.conv.weight" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; +"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_2.bn.weight" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_2.bn.bias" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_2.bn.running_mean" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_2.bn.running_var" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e/branch7x7dbl_2/relu_/0" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_3.conv.weight" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; +"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_3.bn.weight" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_3.bn.bias" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_3.bn.running_mean" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_3.bn.running_var" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e/branch7x7dbl_3/relu_/0" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_4.conv.weight" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; +"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_4.bn.weight" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_4.bn.bias" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_4.bn.running_mean" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_4.bn.running_var" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e/branch7x7dbl_4/relu_/0" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_5.conv.weight" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; +"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_5.bn.weight" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_5.bn.bias" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_5.bn.running_mean" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_5.bn.running_var" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e/branch7x7dbl_5/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e/avg_pool2d/0" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6e.branch_pool.conv.weight" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6e/branch_pool/conv/conv2d/0" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e.branch_pool.bn.weight" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch_pool.bn.bias" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch_pool.bn.running_mean" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch_pool.bn.running_var" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch_pool/bn/batch_norm/0" -> "Mixed_6e/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e/branch_pool/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_6e/cat/0" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6e/cat/0" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_6e/cat/0" -> "Mixed_7a/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; +"Mixed_7a.branch3x3_1.conv.weight" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_7a/branch3x3_1/conv/conv2d/0" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_7a.branch3x3_1.bn.weight" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch3x3_1.bn.bias" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch3x3_1.bn.running_mean" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch3x3_1.bn.running_var" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_7a/branch3x3_1/bn/batch_norm/0" -> "Mixed_7a/branch3x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_7a/branch3x3_1/relu_/0" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_7a.branch3x3_2.conv.weight" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 192, 3, 3)"]; +"Mixed_7a/branch3x3_2/conv/conv2d/0" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"Mixed_7a.branch3x3_2.bn.weight" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"Mixed_7a.branch3x3_2.bn.bias" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"Mixed_7a.branch3x3_2.bn.running_mean" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"Mixed_7a.branch3x3_2.bn.running_var" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"Mixed_7a/branch3x3_2/bn/batch_norm/0" -> "Mixed_7a/branch3x3_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"Mixed_7a/branch3x3_2/relu_/0" -> "Mixed_7a/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"Mixed_7a.branch7x7x3_1.conv.weight" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_7a/branch7x7x3_1/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_7a.branch7x7x3_1.bn.weight" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_1.bn.bias" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_1.bn.running_mean" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_1.bn.running_var" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_7a/branch7x7x3_1/relu_/0" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_7a.branch7x7x3_2.conv.weight" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; +"Mixed_7a/branch7x7x3_2/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_7a.branch7x7x3_2.bn.weight" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_2.bn.bias" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_2.bn.running_mean" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_2.bn.running_var" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_7a/branch7x7x3_2/relu_/0" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_7a.branch7x7x3_3.conv.weight" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; +"Mixed_7a/branch7x7x3_3/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_7a.branch7x7x3_3.bn.weight" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_3.bn.bias" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_3.bn.running_mean" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_3.bn.running_var" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_7a/branch7x7x3_3/relu_/0" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; +"Mixed_7a.branch7x7x3_4.conv.weight" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 3, 3)"]; +"Mixed_7a/branch7x7x3_4/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"Mixed_7a.branch7x7x3_4.bn.weight" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_4.bn.bias" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_4.bn.running_mean" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_4.bn.running_var" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"Mixed_7a/branch7x7x3_4/relu_/0" -> "Mixed_7a/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 8, 8)"]; +"Mixed_7a/max_pool2d/0" -> "Mixed_7a/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 768, 8, 8)"]; +"Mixed_7a/cat/0" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 8, 8)"]; +"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 8, 8)"]; +"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 8, 8)"]; +"Mixed_7a/cat/0" -> "Mixed_7b/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 8, 8)"]; +"Mixed_7b.branch1x1.conv.weight" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 1280, 1, 1)"]; +"Mixed_7b/branch1x1/conv/conv2d/0" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"Mixed_7b.branch1x1.bn.weight" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"Mixed_7b.branch1x1.bn.bias" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"Mixed_7b.branch1x1.bn.running_mean" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"Mixed_7b.branch1x1.bn.running_var" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"Mixed_7b/branch1x1/bn/batch_norm/0" -> "Mixed_7b/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"Mixed_7b/branch1x1/relu_/0" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"Mixed_7b.branch3x3_1.conv.weight" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1280, 1, 1)"]; +"Mixed_7b/branch3x3_1/conv/conv2d/0" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b.branch3x3_1.bn.weight" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_1.bn.bias" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_1.bn.running_mean" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_1.bn.running_var" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7b/branch3x3_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b/branch3x3_1/relu_/0" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b/branch3x3_1/relu_/0" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b.branch3x3_2a.conv.weight" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; +"Mixed_7b/branch3x3_2a/conv/conv2d/0" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b.branch3x3_2a.bn.weight" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_2a.bn.bias" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_2a.bn.running_mean" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_2a.bn.running_var" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7b/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b/branch3x3_2a/relu_/0" -> "Mixed_7b/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b.branch3x3_2b.conv.weight" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; +"Mixed_7b/branch3x3_2b/conv/conv2d/0" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b.branch3x3_2b.bn.weight" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_2b.bn.bias" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_2b.bn.running_mean" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_2b.bn.running_var" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7b/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b/branch3x3_2b/relu_/0" -> "Mixed_7b/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b/cat/0" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 8, 8)"]; +"Mixed_7b.branch3x3dbl_1.conv.weight" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448, 1280, 1, 1)"]; +"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; +"Mixed_7b.branch3x3dbl_1.bn.weight" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; +"Mixed_7b.branch3x3dbl_1.bn.bias" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; +"Mixed_7b.branch3x3dbl_1.bn.running_mean" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; +"Mixed_7b.branch3x3dbl_1.bn.running_var" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; +"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; +"Mixed_7b/branch3x3dbl_1/relu_/0" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; +"Mixed_7b.branch3x3dbl_2.conv.weight" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 448, 3, 3)"]; +"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b.branch3x3dbl_2.bn.weight" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_2.bn.bias" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_2.bn.running_mean" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_2.bn.running_var" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b/branch3x3dbl_2/relu_/0" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b/branch3x3dbl_2/relu_/0" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b.branch3x3dbl_3a.conv.weight" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; +"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b.branch3x3dbl_3a.bn.weight" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_3a.bn.bias" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_3a.bn.running_var" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b/branch3x3dbl_3a/relu_/0" -> "Mixed_7b/cat/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b.branch3x3dbl_3b.conv.weight" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; +"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b.branch3x3dbl_3b.bn.weight" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_3b.bn.bias" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_3b.bn.running_var" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b/branch3x3dbl_3b/relu_/0" -> "Mixed_7b/cat/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7b/cat/1" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 768, 8, 8)"]; +"Mixed_7b/avg_pool2d/0" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 8, 8)"]; +"Mixed_7b.branch_pool.conv.weight" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1280, 1, 1)"]; +"Mixed_7b/branch_pool/conv/conv2d/0" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"Mixed_7b.branch_pool.bn.weight" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_7b.branch_pool.bn.bias" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_7b.branch_pool.bn.running_mean" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_7b.branch_pool.bn.running_var" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_7b/branch_pool/bn/batch_norm/0" -> "Mixed_7b/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"Mixed_7b/branch_pool/relu_/0" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 192, 8, 8)"]; +"Mixed_7b/cat/2" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 8, 8)"]; +"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 8, 8)"]; +"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 8, 8)"]; +"Mixed_7b/cat/2" -> "Mixed_7c/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 8, 8)"]; +"Mixed_7c.branch1x1.conv.weight" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 2048, 1, 1)"]; +"Mixed_7c/branch1x1/conv/conv2d/0" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"Mixed_7c.branch1x1.bn.weight" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"Mixed_7c.branch1x1.bn.bias" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"Mixed_7c.branch1x1.bn.running_mean" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"Mixed_7c.branch1x1.bn.running_var" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"Mixed_7c/branch1x1/bn/batch_norm/0" -> "Mixed_7c/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"Mixed_7c/branch1x1/relu_/0" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"Mixed_7c.branch3x3_1.conv.weight" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 2048, 1, 1)"]; +"Mixed_7c/branch3x3_1/conv/conv2d/0" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c.branch3x3_1.bn.weight" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_1.bn.bias" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_1.bn.running_mean" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_1.bn.running_var" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7c/branch3x3_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c/branch3x3_1/relu_/0" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c/branch3x3_1/relu_/0" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c.branch3x3_2a.conv.weight" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; +"Mixed_7c/branch3x3_2a/conv/conv2d/0" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c.branch3x3_2a.bn.weight" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_2a.bn.bias" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_2a.bn.running_mean" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_2a.bn.running_var" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7c/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c/branch3x3_2a/relu_/0" -> "Mixed_7c/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c.branch3x3_2b.conv.weight" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; +"Mixed_7c/branch3x3_2b/conv/conv2d/0" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c.branch3x3_2b.bn.weight" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_2b.bn.bias" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_2b.bn.running_mean" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_2b.bn.running_var" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7c/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c/branch3x3_2b/relu_/0" -> "Mixed_7c/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c/cat/0" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 8, 8)"]; +"Mixed_7c.branch3x3dbl_1.conv.weight" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448, 2048, 1, 1)"]; +"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; +"Mixed_7c.branch3x3dbl_1.bn.weight" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; +"Mixed_7c.branch3x3dbl_1.bn.bias" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; +"Mixed_7c.branch3x3dbl_1.bn.running_mean" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; +"Mixed_7c.branch3x3dbl_1.bn.running_var" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; +"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; +"Mixed_7c/branch3x3dbl_1/relu_/0" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; +"Mixed_7c.branch3x3dbl_2.conv.weight" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 448, 3, 3)"]; +"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c.branch3x3dbl_2.bn.weight" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_2.bn.bias" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_2.bn.running_mean" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_2.bn.running_var" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c/branch3x3dbl_2/relu_/0" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c/branch3x3dbl_2/relu_/0" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c.branch3x3dbl_3a.conv.weight" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; +"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c.branch3x3dbl_3a.bn.weight" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_3a.bn.bias" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_3a.bn.running_var" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c/branch3x3dbl_3a/relu_/0" -> "Mixed_7c/cat/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c.branch3x3dbl_3b.conv.weight" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; +"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c.branch3x3dbl_3b.bn.weight" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_3b.bn.bias" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_3b.bn.running_var" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c/branch3x3dbl_3b/relu_/0" -> "Mixed_7c/cat/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 8, 8)"]; +"Mixed_7c/cat/1" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 768, 8, 8)"]; +"Mixed_7c/avg_pool2d/0" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 8, 8)"]; +"Mixed_7c.branch_pool.conv.weight" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 2048, 1, 1)"]; +"Mixed_7c/branch_pool/conv/conv2d/0" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"Mixed_7c.branch_pool.bn.weight" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_7c.branch_pool.bn.bias" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_7c.branch_pool.bn.running_mean" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_7c.branch_pool.bn.running_var" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_7c/branch_pool/bn/batch_norm/0" -> "Mixed_7c/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"Mixed_7c/branch_pool/relu_/0" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 192, 8, 8)"]; +"Mixed_7c/cat/2" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 8, 8)"]; +"avgpool/adaptive_avg_pool2d/0" -> "dropout/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 1, 1)"]; +"dropout/dropout/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 1, 1)"]; +"/flatten/0" -> "fc/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048)"]; +"fc.weight" -> "fc/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 2048)"]; +"fc.bias" -> "fc/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"fc/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v2.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v2.dot index 8948e69c604..3e4000b069e 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v2.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v2.dot @@ -1,845 +1,845 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"features.0.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/0/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; -"features.0.1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/1/batch_norm/0" [id=7, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/0/2/hardtanh/0" [id=8, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.1.conv.0.0.weight" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/conv/0/0/conv2d/0" [id=10, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.1.conv.0.1.weight" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.conv.0.1.bias" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.conv.0.1.running_mean" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.conv.0.1.running_var" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/conv/0/1/batch_norm/0" [id=15, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/1/conv/0/2/hardtanh/0" [id=16, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.1.conv.1.weight" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/conv/1/conv2d/0" [id=18, type=conv2d, metatype=PTConv2dMetatype]; -"features.1.conv.2.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.conv.2.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.conv.2.running_mean" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.conv.2.running_var" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/conv/2/batch_norm/0" [id=23, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.2.conv.0.0.weight" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/0/0/conv2d/0" [id=25, type=conv2d, metatype=PTConv2dMetatype]; -"features.2.conv.0.1.weight" [id=26, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.0.1.bias" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.0.1.running_mean" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.0.1.running_var" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/0/1/batch_norm/0" [id=30, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/2/conv/0/2/hardtanh/0" [id=31, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.2.conv.1.0.weight" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/1/0/conv2d/0" [id=33, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.2.conv.1.1.weight" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.1.1.bias" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.1.1.running_mean" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.1.1.running_var" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/1/1/batch_norm/0" [id=38, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/2/conv/1/2/hardtanh/0" [id=39, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.2.conv.2.weight" [id=40, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/2/conv2d/0" [id=41, type=conv2d, metatype=PTConv2dMetatype]; -"features.2.conv.3.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.3.bias" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.3.running_mean" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.3.running_var" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/3/batch_norm/0" [id=46, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.3.conv.0.0.weight" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/0/0/conv2d/0" [id=48, type=conv2d, metatype=PTConv2dMetatype]; -"features.3.conv.0.1.weight" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.0.1.bias" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.0.1.running_mean" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.0.1.running_var" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/0/1/batch_norm/0" [id=53, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/conv/0/2/hardtanh/0" [id=54, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.3.conv.1.0.weight" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/1/0/conv2d/0" [id=56, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.3.conv.1.1.weight" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.1.1.bias" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.1.1.running_mean" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.1.1.running_var" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/1/1/batch_norm/0" [id=61, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/conv/1/2/hardtanh/0" [id=62, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.3.conv.2.weight" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/2/conv2d/0" [id=64, type=conv2d, metatype=PTConv2dMetatype]; -"features.3.conv.3.weight" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.3.bias" [id=66, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.3.running_mean" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.3.running_var" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/3/batch_norm/0" [id=69, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/add/0" [id=70, type=add, metatype=PTAddMetatype]; -"features.4.conv.0.0.weight" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/0/0/conv2d/0" [id=72, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.conv.0.1.weight" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.0.1.bias" [id=74, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.0.1.running_mean" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.0.1.running_var" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/0/1/batch_norm/0" [id=77, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/conv/0/2/hardtanh/0" [id=78, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.4.conv.1.0.weight" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/1/0/conv2d/0" [id=80, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.4.conv.1.1.weight" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.1.1.bias" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.1.1.running_mean" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.1.1.running_var" [id=84, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/1/1/batch_norm/0" [id=85, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/conv/1/2/hardtanh/0" [id=86, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.4.conv.2.weight" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/2/conv2d/0" [id=88, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.conv.3.weight" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.3.bias" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.3.running_mean" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.3.running_var" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/3/batch_norm/0" [id=93, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.5.conv.0.0.weight" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/0/0/conv2d/0" [id=95, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.conv.0.1.weight" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.0.1.bias" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.0.1.running_mean" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.0.1.running_var" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/0/1/batch_norm/0" [id=100, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/conv/0/2/hardtanh/0" [id=101, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.5.conv.1.0.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/1/0/conv2d/0" [id=103, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.5.conv.1.1.weight" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.1.1.bias" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.1.1.running_mean" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.1.1.running_var" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/1/1/batch_norm/0" [id=108, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/conv/1/2/hardtanh/0" [id=109, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.5.conv.2.weight" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/2/conv2d/0" [id=111, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.conv.3.weight" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.3.bias" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.3.running_mean" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.3.running_var" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/3/batch_norm/0" [id=116, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/add/0" [id=117, type=add, metatype=PTAddMetatype]; -"features.6.conv.0.0.weight" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/0/0/conv2d/0" [id=119, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.conv.0.1.weight" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.0.1.bias" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.0.1.running_mean" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.0.1.running_var" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/0/1/batch_norm/0" [id=124, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/conv/0/2/hardtanh/0" [id=125, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.6.conv.1.0.weight" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/1/0/conv2d/0" [id=127, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.6.conv.1.1.weight" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.1.1.bias" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.1.1.running_mean" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.1.1.running_var" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/1/1/batch_norm/0" [id=132, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/conv/1/2/hardtanh/0" [id=133, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.6.conv.2.weight" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/2/conv2d/0" [id=135, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.conv.3.weight" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.3.bias" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.3.running_mean" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.3.running_var" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/3/batch_norm/0" [id=140, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/add/0" [id=141, type=add, metatype=PTAddMetatype]; -"features.7.conv.0.0.weight" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/0/0/conv2d/0" [id=143, type=conv2d, metatype=PTConv2dMetatype]; -"features.7.conv.0.1.weight" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.0.1.bias" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.0.1.running_mean" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.0.1.running_var" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/0/1/batch_norm/0" [id=148, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/7/conv/0/2/hardtanh/0" [id=149, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.7.conv.1.0.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/1/0/conv2d/0" [id=151, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.7.conv.1.1.weight" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.1.1.bias" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.1.1.running_mean" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.1.1.running_var" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/1/1/batch_norm/0" [id=156, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/7/conv/1/2/hardtanh/0" [id=157, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.7.conv.2.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/2/conv2d/0" [id=159, type=conv2d, metatype=PTConv2dMetatype]; -"features.7.conv.3.weight" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.3.bias" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.3.running_mean" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.3.running_var" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/3/batch_norm/0" [id=164, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.8.conv.0.0.weight" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/0/0/conv2d/0" [id=166, type=conv2d, metatype=PTConv2dMetatype]; -"features.8.conv.0.1.weight" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.0.1.bias" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.0.1.running_mean" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.0.1.running_var" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/0/1/batch_norm/0" [id=171, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/8/conv/0/2/hardtanh/0" [id=172, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.8.conv.1.0.weight" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/1/0/conv2d/0" [id=174, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.8.conv.1.1.weight" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.1.1.bias" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.1.1.running_mean" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.1.1.running_var" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/1/1/batch_norm/0" [id=179, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/8/conv/1/2/hardtanh/0" [id=180, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.8.conv.2.weight" [id=181, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/2/conv2d/0" [id=182, type=conv2d, metatype=PTConv2dMetatype]; -"features.8.conv.3.weight" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.3.bias" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.3.running_mean" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.3.running_var" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/3/batch_norm/0" [id=187, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/8/add/0" [id=188, type=add, metatype=PTAddMetatype]; -"features.9.conv.0.0.weight" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/0/0/conv2d/0" [id=190, type=conv2d, metatype=PTConv2dMetatype]; -"features.9.conv.0.1.weight" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.0.1.bias" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.0.1.running_mean" [id=193, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.0.1.running_var" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/0/1/batch_norm/0" [id=195, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/9/conv/0/2/hardtanh/0" [id=196, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.9.conv.1.0.weight" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/1/0/conv2d/0" [id=198, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.9.conv.1.1.weight" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.1.1.bias" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.1.1.running_mean" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.1.1.running_var" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/1/1/batch_norm/0" [id=203, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/9/conv/1/2/hardtanh/0" [id=204, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.9.conv.2.weight" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/2/conv2d/0" [id=206, type=conv2d, metatype=PTConv2dMetatype]; -"features.9.conv.3.weight" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.3.bias" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.3.running_mean" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.3.running_var" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/3/batch_norm/0" [id=211, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/9/add/0" [id=212, type=add, metatype=PTAddMetatype]; -"features.10.conv.0.0.weight" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/0/0/conv2d/0" [id=214, type=conv2d, metatype=PTConv2dMetatype]; -"features.10.conv.0.1.weight" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.0.1.bias" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.0.1.running_mean" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.0.1.running_var" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/0/1/batch_norm/0" [id=219, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/10/conv/0/2/hardtanh/0" [id=220, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.10.conv.1.0.weight" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/1/0/conv2d/0" [id=222, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.10.conv.1.1.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.1.1.bias" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.1.1.running_mean" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.1.1.running_var" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/1/1/batch_norm/0" [id=227, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/10/conv/1/2/hardtanh/0" [id=228, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.10.conv.2.weight" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/2/conv2d/0" [id=230, type=conv2d, metatype=PTConv2dMetatype]; -"features.10.conv.3.weight" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.3.bias" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.3.running_mean" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.3.running_var" [id=234, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/3/batch_norm/0" [id=235, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/10/add/0" [id=236, type=add, metatype=PTAddMetatype]; -"features.11.conv.0.0.weight" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/0/0/conv2d/0" [id=238, type=conv2d, metatype=PTConv2dMetatype]; -"features.11.conv.0.1.weight" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.0.1.bias" [id=240, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.0.1.running_mean" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.0.1.running_var" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/0/1/batch_norm/0" [id=243, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/11/conv/0/2/hardtanh/0" [id=244, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.11.conv.1.0.weight" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/1/0/conv2d/0" [id=246, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.11.conv.1.1.weight" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.1.1.bias" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.1.1.running_mean" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.1.1.running_var" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/1/1/batch_norm/0" [id=251, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/11/conv/1/2/hardtanh/0" [id=252, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.11.conv.2.weight" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/2/conv2d/0" [id=254, type=conv2d, metatype=PTConv2dMetatype]; -"features.11.conv.3.weight" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.3.bias" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.3.running_mean" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.3.running_var" [id=258, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/3/batch_norm/0" [id=259, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.12.conv.0.0.weight" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/0/0/conv2d/0" [id=261, type=conv2d, metatype=PTConv2dMetatype]; -"features.12.conv.0.1.weight" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.0.1.bias" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.0.1.running_mean" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.0.1.running_var" [id=265, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/0/1/batch_norm/0" [id=266, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/12/conv/0/2/hardtanh/0" [id=267, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.12.conv.1.0.weight" [id=268, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/1/0/conv2d/0" [id=269, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.12.conv.1.1.weight" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.1.1.bias" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.1.1.running_mean" [id=272, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.1.1.running_var" [id=273, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/1/1/batch_norm/0" [id=274, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/12/conv/1/2/hardtanh/0" [id=275, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.12.conv.2.weight" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/2/conv2d/0" [id=277, type=conv2d, metatype=PTConv2dMetatype]; -"features.12.conv.3.weight" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.3.bias" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.3.running_mean" [id=280, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.3.running_var" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/3/batch_norm/0" [id=282, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/12/add/0" [id=283, type=add, metatype=PTAddMetatype]; -"features.13.conv.0.0.weight" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/0/0/conv2d/0" [id=285, type=conv2d, metatype=PTConv2dMetatype]; -"features.13.conv.0.1.weight" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.0.1.bias" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.0.1.running_mean" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.0.1.running_var" [id=289, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/0/1/batch_norm/0" [id=290, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/13/conv/0/2/hardtanh/0" [id=291, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.13.conv.1.0.weight" [id=292, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/1/0/conv2d/0" [id=293, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.13.conv.1.1.weight" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.1.1.bias" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.1.1.running_mean" [id=296, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.1.1.running_var" [id=297, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/1/1/batch_norm/0" [id=298, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/13/conv/1/2/hardtanh/0" [id=299, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.13.conv.2.weight" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/2/conv2d/0" [id=301, type=conv2d, metatype=PTConv2dMetatype]; -"features.13.conv.3.weight" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.3.bias" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.3.running_mean" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.3.running_var" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/3/batch_norm/0" [id=306, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/13/add/0" [id=307, type=add, metatype=PTAddMetatype]; -"features.14.conv.0.0.weight" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/0/0/conv2d/0" [id=309, type=conv2d, metatype=PTConv2dMetatype]; -"features.14.conv.0.1.weight" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.0.1.bias" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.0.1.running_mean" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.0.1.running_var" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/0/1/batch_norm/0" [id=314, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/14/conv/0/2/hardtanh/0" [id=315, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.14.conv.1.0.weight" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/1/0/conv2d/0" [id=317, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.14.conv.1.1.weight" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.1.1.bias" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.1.1.running_mean" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.1.1.running_var" [id=321, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/1/1/batch_norm/0" [id=322, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/14/conv/1/2/hardtanh/0" [id=323, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.14.conv.2.weight" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/2/conv2d/0" [id=325, type=conv2d, metatype=PTConv2dMetatype]; -"features.14.conv.3.weight" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.3.bias" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.3.running_mean" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.3.running_var" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/3/batch_norm/0" [id=330, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.15.conv.0.0.weight" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/0/0/conv2d/0" [id=332, type=conv2d, metatype=PTConv2dMetatype]; -"features.15.conv.0.1.weight" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.0.1.bias" [id=334, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.0.1.running_mean" [id=335, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.0.1.running_var" [id=336, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/0/1/batch_norm/0" [id=337, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/15/conv/0/2/hardtanh/0" [id=338, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.15.conv.1.0.weight" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/1/0/conv2d/0" [id=340, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.15.conv.1.1.weight" [id=341, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.1.1.bias" [id=342, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.1.1.running_mean" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.1.1.running_var" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/1/1/batch_norm/0" [id=345, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/15/conv/1/2/hardtanh/0" [id=346, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.15.conv.2.weight" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/2/conv2d/0" [id=348, type=conv2d, metatype=PTConv2dMetatype]; -"features.15.conv.3.weight" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.3.bias" [id=350, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.3.running_mean" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.3.running_var" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/3/batch_norm/0" [id=353, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/15/add/0" [id=354, type=add, metatype=PTAddMetatype]; -"features.16.conv.0.0.weight" [id=355, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/0/0/conv2d/0" [id=356, type=conv2d, metatype=PTConv2dMetatype]; -"features.16.conv.0.1.weight" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.0.1.bias" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.0.1.running_mean" [id=359, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.0.1.running_var" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/0/1/batch_norm/0" [id=361, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/16/conv/0/2/hardtanh/0" [id=362, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.16.conv.1.0.weight" [id=363, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/1/0/conv2d/0" [id=364, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.16.conv.1.1.weight" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.1.1.bias" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.1.1.running_mean" [id=367, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.1.1.running_var" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/1/1/batch_norm/0" [id=369, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/16/conv/1/2/hardtanh/0" [id=370, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.16.conv.2.weight" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/2/conv2d/0" [id=372, type=conv2d, metatype=PTConv2dMetatype]; -"features.16.conv.3.weight" [id=373, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.3.bias" [id=374, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.3.running_mean" [id=375, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.3.running_var" [id=376, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/3/batch_norm/0" [id=377, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/16/add/0" [id=378, type=add, metatype=PTAddMetatype]; -"features.17.conv.0.0.weight" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/0/0/conv2d/0" [id=380, type=conv2d, metatype=PTConv2dMetatype]; -"features.17.conv.0.1.weight" [id=381, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.0.1.bias" [id=382, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.0.1.running_mean" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.0.1.running_var" [id=384, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/0/1/batch_norm/0" [id=385, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/17/conv/0/2/hardtanh/0" [id=386, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.17.conv.1.0.weight" [id=387, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/1/0/conv2d/0" [id=388, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.17.conv.1.1.weight" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.1.1.bias" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.1.1.running_mean" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.1.1.running_var" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/1/1/batch_norm/0" [id=393, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/17/conv/1/2/hardtanh/0" [id=394, type=hardtanh, metatype=PTHardTanhMetatype]; -"features.17.conv.2.weight" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/2/conv2d/0" [id=396, type=conv2d, metatype=PTConv2dMetatype]; -"features.17.conv.3.weight" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.3.bias" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.3.running_mean" [id=399, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.3.running_var" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/3/batch_norm/0" [id=401, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.18.0.weight" [id=402, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/18/0/conv2d/0" [id=403, type=conv2d, metatype=PTConv2dMetatype]; -"features.18.1.weight" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.18.1.bias" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.18.1.running_mean" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.18.1.running_var" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/18/1/batch_norm/0" [id=408, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/18/2/hardtanh/0" [id=409, type=hardtanh, metatype=PTHardTanhMetatype]; -"/adaptive_avg_pool2d/0" [id=410, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"/flatten/0" [id=411, type=flatten, metatype=PTReshapeMetatype]; -"classifier/0/dropout/0" [id=412, type=dropout, metatype=PTDropoutMetatype]; -"classifier.1.weight" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.1.bias" [id=414, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/1/linear/0" [id=415, type=linear, metatype=PTLinearMetatype]; -output [id=416, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "features/0/0/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; -"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, shape="(32, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"features/0/1/batch_norm/0" -> "features/0/2/hardtanh/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"features/0/2/hardtanh/0" -> "features/1/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"features.1.conv.0.0.weight" -> "features/1/conv/0/0/conv2d/0" [dtype=float, shape="(32, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/1/conv/0/0/conv2d/0" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"features.1.conv.0.1.weight" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"features.1.conv.0.1.bias" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features.1.conv.0.1.running_mean" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"features.1.conv.0.1.running_var" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"features/1/conv/0/1/batch_norm/0" -> "features/1/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"features/1/conv/0/2/hardtanh/0" -> "features/1/conv/1/conv2d/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"features.1.conv.1.weight" -> "features/1/conv/1/conv2d/0" [dtype=float, shape="(16, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features/1/conv/1/conv2d/0" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; -"features.1.conv.2.weight" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; -"features.1.conv.2.bias" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"features.1.conv.2.running_mean" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; -"features.1.conv.2.running_var" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; -"features/1/conv/2/batch_norm/0" -> "features/2/conv/0/0/conv2d/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; -"features.2.conv.0.0.weight" -> "features/2/conv/0/0/conv2d/0" [dtype=float, shape="(96, 16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/2/conv/0/0/conv2d/0" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"features.2.conv.0.1.weight" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.2.conv.0.1.bias" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.2.conv.0.1.running_mean" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.2.conv.0.1.running_var" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/2/conv/0/1/batch_norm/0" -> "features/2/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"features/2/conv/0/2/hardtanh/0" -> "features/2/conv/1/0/conv2d/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"features.2.conv.1.0.weight" -> "features/2/conv/1/0/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/2/conv/1/0/conv2d/0" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.conv.1.1.weight" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.2.conv.1.1.bias" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.2.conv.1.1.running_mean" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.2.conv.1.1.running_var" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/2/conv/1/1/batch_norm/0" -> "features/2/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/2/conv/1/2/hardtanh/0" -> "features/2/conv/2/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.conv.2.weight" -> "features/2/conv/2/conv2d/0" [dtype=float, shape="(24, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/2/conv/2/conv2d/0" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.conv.3.weight" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"features.2.conv.3.bias" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"features.2.conv.3.running_mean" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"features.2.conv.3.running_var" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"features/2/conv/3/batch_norm/0" -> "features/3/conv/0/0/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"features/2/conv/3/batch_norm/0" -> "features/3/add/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"features.3.conv.0.0.weight" -> "features/3/conv/0/0/conv2d/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/conv/0/0/conv2d/0" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features.3.conv.0.1.weight" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.3.conv.0.1.bias" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.3.conv.0.1.running_mean" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.3.conv.0.1.running_var" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/3/conv/0/1/batch_norm/0" -> "features/3/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features/3/conv/0/2/hardtanh/0" -> "features/3/conv/1/0/conv2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features.3.conv.1.0.weight" -> "features/3/conv/1/0/conv2d/0" [dtype=float, shape="(144, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/3/conv/1/0/conv2d/0" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features.3.conv.1.1.weight" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.3.conv.1.1.bias" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.3.conv.1.1.running_mean" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.3.conv.1.1.running_var" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/3/conv/1/1/batch_norm/0" -> "features/3/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features/3/conv/1/2/hardtanh/0" -> "features/3/conv/2/conv2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features.3.conv.2.weight" -> "features/3/conv/2/conv2d/0" [dtype=float, shape="(24, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/conv/2/conv2d/0" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"features.3.conv.3.weight" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"features.3.conv.3.bias" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"features.3.conv.3.running_mean" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"features.3.conv.3.running_var" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"features/3/conv/3/batch_norm/0" -> "features/3/add/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=1]; -"features/3/add/0" -> "features/4/conv/0/0/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"features.4.conv.0.0.weight" -> "features/4/conv/0/0/conv2d/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/conv/0/0/conv2d/0" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features.4.conv.0.1.weight" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.4.conv.0.1.bias" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.4.conv.0.1.running_mean" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.4.conv.0.1.running_var" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/4/conv/0/1/batch_norm/0" -> "features/4/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features/4/conv/0/2/hardtanh/0" -> "features/4/conv/1/0/conv2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"features.4.conv.1.0.weight" -> "features/4/conv/1/0/conv2d/0" [dtype=float, shape="(144, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/4/conv/1/0/conv2d/0" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features.4.conv.1.1.weight" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.4.conv.1.1.bias" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.4.conv.1.1.running_mean" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.4.conv.1.1.running_var" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/4/conv/1/1/batch_norm/0" -> "features/4/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features/4/conv/1/2/hardtanh/0" -> "features/4/conv/2/conv2d/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features.4.conv.2.weight" -> "features/4/conv/2/conv2d/0" [dtype=float, shape="(32, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/conv/2/conv2d/0" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"features.4.conv.3.weight" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"features.4.conv.3.bias" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features.4.conv.3.running_mean" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"features.4.conv.3.running_var" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"features/4/conv/3/batch_norm/0" -> "features/5/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"features/4/conv/3/batch_norm/0" -> "features/5/add/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"features.5.conv.0.0.weight" -> "features/5/conv/0/0/conv2d/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/conv/0/0/conv2d/0" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features.5.conv.0.1.weight" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.5.conv.0.1.bias" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.5.conv.0.1.running_mean" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.5.conv.0.1.running_var" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/5/conv/0/1/batch_norm/0" -> "features/5/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/5/conv/0/2/hardtanh/0" -> "features/5/conv/1/0/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features.5.conv.1.0.weight" -> "features/5/conv/1/0/conv2d/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/5/conv/1/0/conv2d/0" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features.5.conv.1.1.weight" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.5.conv.1.1.bias" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.5.conv.1.1.running_mean" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.5.conv.1.1.running_var" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/5/conv/1/1/batch_norm/0" -> "features/5/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/5/conv/1/2/hardtanh/0" -> "features/5/conv/2/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features.5.conv.2.weight" -> "features/5/conv/2/conv2d/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/conv/2/conv2d/0" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"features.5.conv.3.weight" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"features.5.conv.3.bias" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features.5.conv.3.running_mean" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"features.5.conv.3.running_var" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"features/5/conv/3/batch_norm/0" -> "features/5/add/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; -"features/5/add/0" -> "features/6/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"features/5/add/0" -> "features/6/add/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"features.6.conv.0.0.weight" -> "features/6/conv/0/0/conv2d/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/conv/0/0/conv2d/0" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features.6.conv.0.1.weight" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.6.conv.0.1.bias" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.6.conv.0.1.running_mean" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.6.conv.0.1.running_var" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/6/conv/0/1/batch_norm/0" -> "features/6/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/6/conv/0/2/hardtanh/0" -> "features/6/conv/1/0/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features.6.conv.1.0.weight" -> "features/6/conv/1/0/conv2d/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/6/conv/1/0/conv2d/0" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features.6.conv.1.1.weight" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.6.conv.1.1.bias" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.6.conv.1.1.running_mean" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.6.conv.1.1.running_var" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/6/conv/1/1/batch_norm/0" -> "features/6/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/6/conv/1/2/hardtanh/0" -> "features/6/conv/2/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features.6.conv.2.weight" -> "features/6/conv/2/conv2d/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/conv/2/conv2d/0" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"features.6.conv.3.weight" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"features.6.conv.3.bias" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features.6.conv.3.running_mean" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"features.6.conv.3.running_var" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"features/6/conv/3/batch_norm/0" -> "features/6/add/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; -"features/6/add/0" -> "features/7/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"features.7.conv.0.0.weight" -> "features/7/conv/0/0/conv2d/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features/7/conv/0/0/conv2d/0" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features.7.conv.0.1.weight" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.7.conv.0.1.bias" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.7.conv.0.1.running_mean" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.7.conv.0.1.running_var" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/7/conv/0/1/batch_norm/0" -> "features/7/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/7/conv/0/2/hardtanh/0" -> "features/7/conv/1/0/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features.7.conv.1.0.weight" -> "features/7/conv/1/0/conv2d/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/7/conv/1/0/conv2d/0" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features.7.conv.1.1.weight" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.7.conv.1.1.bias" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.7.conv.1.1.running_mean" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.7.conv.1.1.running_var" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/7/conv/1/1/batch_norm/0" -> "features/7/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features/7/conv/1/2/hardtanh/0" -> "features/7/conv/2/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features.7.conv.2.weight" -> "features/7/conv/2/conv2d/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"features/7/conv/2/conv2d/0" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; -"features.7.conv.3.weight" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"features.7.conv.3.bias" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features.7.conv.3.running_mean" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"features.7.conv.3.running_var" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"features/7/conv/3/batch_norm/0" -> "features/8/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; -"features/7/conv/3/batch_norm/0" -> "features/8/add/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; -"features.8.conv.0.0.weight" -> "features/8/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features/8/conv/0/0/conv2d/0" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.8.conv.0.1.weight" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.8.conv.0.1.bias" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.8.conv.0.1.running_mean" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.8.conv.0.1.running_var" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/8/conv/0/1/batch_norm/0" -> "features/8/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/8/conv/0/2/hardtanh/0" -> "features/8/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.8.conv.1.0.weight" -> "features/8/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/8/conv/1/0/conv2d/0" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.8.conv.1.1.weight" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.8.conv.1.1.bias" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.8.conv.1.1.running_mean" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.8.conv.1.1.running_var" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/8/conv/1/1/batch_norm/0" -> "features/8/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/8/conv/1/2/hardtanh/0" -> "features/8/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.8.conv.2.weight" -> "features/8/conv/2/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"features/8/conv/2/conv2d/0" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; -"features.8.conv.3.weight" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"features.8.conv.3.bias" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features.8.conv.3.running_mean" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"features.8.conv.3.running_var" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"features/8/conv/3/batch_norm/0" -> "features/8/add/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=1]; -"features/8/add/0" -> "features/9/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; -"features/8/add/0" -> "features/9/add/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; -"features.9.conv.0.0.weight" -> "features/9/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features/9/conv/0/0/conv2d/0" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.9.conv.0.1.weight" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.9.conv.0.1.bias" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.9.conv.0.1.running_mean" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.9.conv.0.1.running_var" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/9/conv/0/1/batch_norm/0" -> "features/9/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/9/conv/0/2/hardtanh/0" -> "features/9/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.9.conv.1.0.weight" -> "features/9/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/9/conv/1/0/conv2d/0" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.9.conv.1.1.weight" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.9.conv.1.1.bias" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.9.conv.1.1.running_mean" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.9.conv.1.1.running_var" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/9/conv/1/1/batch_norm/0" -> "features/9/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/9/conv/1/2/hardtanh/0" -> "features/9/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.9.conv.2.weight" -> "features/9/conv/2/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"features/9/conv/2/conv2d/0" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; -"features.9.conv.3.weight" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"features.9.conv.3.bias" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features.9.conv.3.running_mean" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"features.9.conv.3.running_var" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"features/9/conv/3/batch_norm/0" -> "features/9/add/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=1]; -"features/9/add/0" -> "features/10/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; -"features/9/add/0" -> "features/10/add/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; -"features.10.conv.0.0.weight" -> "features/10/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features/10/conv/0/0/conv2d/0" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.10.conv.0.1.weight" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.10.conv.0.1.bias" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.10.conv.0.1.running_mean" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.10.conv.0.1.running_var" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/10/conv/0/1/batch_norm/0" -> "features/10/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/10/conv/0/2/hardtanh/0" -> "features/10/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.10.conv.1.0.weight" -> "features/10/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/10/conv/1/0/conv2d/0" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.10.conv.1.1.weight" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.10.conv.1.1.bias" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.10.conv.1.1.running_mean" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.10.conv.1.1.running_var" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/10/conv/1/1/batch_norm/0" -> "features/10/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/10/conv/1/2/hardtanh/0" -> "features/10/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.10.conv.2.weight" -> "features/10/conv/2/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"features/10/conv/2/conv2d/0" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; -"features.10.conv.3.weight" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"features.10.conv.3.bias" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features.10.conv.3.running_mean" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"features.10.conv.3.running_var" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"features/10/conv/3/batch_norm/0" -> "features/10/add/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=1]; -"features/10/add/0" -> "features/11/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; -"features.11.conv.0.0.weight" -> "features/11/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features/11/conv/0/0/conv2d/0" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.11.conv.0.1.weight" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.11.conv.0.1.bias" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.11.conv.0.1.running_mean" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.11.conv.0.1.running_var" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/11/conv/0/1/batch_norm/0" -> "features/11/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/11/conv/0/2/hardtanh/0" -> "features/11/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.11.conv.1.0.weight" -> "features/11/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/11/conv/1/0/conv2d/0" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.11.conv.1.1.weight" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.11.conv.1.1.bias" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.11.conv.1.1.running_mean" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.11.conv.1.1.running_var" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/11/conv/1/1/batch_norm/0" -> "features/11/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/11/conv/1/2/hardtanh/0" -> "features/11/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.11.conv.2.weight" -> "features/11/conv/2/conv2d/0" [dtype=float, shape="(96, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"features/11/conv/2/conv2d/0" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features.11.conv.3.weight" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.11.conv.3.bias" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.11.conv.3.running_mean" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.11.conv.3.running_var" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/11/conv/3/batch_norm/0" -> "features/12/conv/0/0/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features/11/conv/3/batch_norm/0" -> "features/12/add/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features.12.conv.0.0.weight" -> "features/12/conv/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/12/conv/0/0/conv2d/0" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features.12.conv.0.1.weight" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.12.conv.0.1.bias" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.12.conv.0.1.running_mean" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.12.conv.0.1.running_var" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/12/conv/0/1/batch_norm/0" -> "features/12/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features/12/conv/0/2/hardtanh/0" -> "features/12/conv/1/0/conv2d/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features.12.conv.1.0.weight" -> "features/12/conv/1/0/conv2d/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/12/conv/1/0/conv2d/0" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features.12.conv.1.1.weight" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.12.conv.1.1.bias" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.12.conv.1.1.running_mean" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.12.conv.1.1.running_var" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/12/conv/1/1/batch_norm/0" -> "features/12/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features/12/conv/1/2/hardtanh/0" -> "features/12/conv/2/conv2d/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features.12.conv.2.weight" -> "features/12/conv/2/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features/12/conv/2/conv2d/0" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features.12.conv.3.weight" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.12.conv.3.bias" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.12.conv.3.running_mean" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.12.conv.3.running_var" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/12/conv/3/batch_norm/0" -> "features/12/add/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=1]; -"features/12/add/0" -> "features/13/conv/0/0/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features/12/add/0" -> "features/13/add/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features.13.conv.0.0.weight" -> "features/13/conv/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/13/conv/0/0/conv2d/0" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features.13.conv.0.1.weight" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.13.conv.0.1.bias" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.13.conv.0.1.running_mean" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.13.conv.0.1.running_var" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/13/conv/0/1/batch_norm/0" -> "features/13/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features/13/conv/0/2/hardtanh/0" -> "features/13/conv/1/0/conv2d/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features.13.conv.1.0.weight" -> "features/13/conv/1/0/conv2d/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/13/conv/1/0/conv2d/0" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features.13.conv.1.1.weight" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.13.conv.1.1.bias" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.13.conv.1.1.running_mean" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.13.conv.1.1.running_var" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/13/conv/1/1/batch_norm/0" -> "features/13/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features/13/conv/1/2/hardtanh/0" -> "features/13/conv/2/conv2d/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features.13.conv.2.weight" -> "features/13/conv/2/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features/13/conv/2/conv2d/0" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features.13.conv.3.weight" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.13.conv.3.bias" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.13.conv.3.running_mean" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.13.conv.3.running_var" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/13/conv/3/batch_norm/0" -> "features/13/add/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=1]; -"features/13/add/0" -> "features/14/conv/0/0/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features.14.conv.0.0.weight" -> "features/14/conv/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/14/conv/0/0/conv2d/0" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features.14.conv.0.1.weight" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.14.conv.0.1.bias" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.14.conv.0.1.running_mean" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.14.conv.0.1.running_var" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/14/conv/0/1/batch_norm/0" -> "features/14/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features/14/conv/0/2/hardtanh/0" -> "features/14/conv/1/0/conv2d/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"features.14.conv.1.0.weight" -> "features/14/conv/1/0/conv2d/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/14/conv/1/0/conv2d/0" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.14.conv.1.1.weight" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.14.conv.1.1.bias" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.14.conv.1.1.running_mean" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.14.conv.1.1.running_var" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/14/conv/1/1/batch_norm/0" -> "features/14/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features/14/conv/1/2/hardtanh/0" -> "features/14/conv/2/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.14.conv.2.weight" -> "features/14/conv/2/conv2d/0" [dtype=float, shape="(160, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features/14/conv/2/conv2d/0" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; -"features.14.conv.3.weight" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"features.14.conv.3.bias" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"features.14.conv.3.running_mean" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"features.14.conv.3.running_var" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"features/14/conv/3/batch_norm/0" -> "features/15/conv/0/0/conv2d/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; -"features/14/conv/3/batch_norm/0" -> "features/15/add/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; -"features.15.conv.0.0.weight" -> "features/15/conv/0/0/conv2d/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=1]; -"features/15/conv/0/0/conv2d/0" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features.15.conv.0.1.weight" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"features.15.conv.0.1.bias" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"features.15.conv.0.1.running_mean" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"features.15.conv.0.1.running_var" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"features/15/conv/0/1/batch_norm/0" -> "features/15/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features/15/conv/0/2/hardtanh/0" -> "features/15/conv/1/0/conv2d/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features.15.conv.1.0.weight" -> "features/15/conv/1/0/conv2d/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/15/conv/1/0/conv2d/0" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features.15.conv.1.1.weight" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"features.15.conv.1.1.bias" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"features.15.conv.1.1.running_mean" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"features.15.conv.1.1.running_var" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"features/15/conv/1/1/batch_norm/0" -> "features/15/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features/15/conv/1/2/hardtanh/0" -> "features/15/conv/2/conv2d/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features.15.conv.2.weight" -> "features/15/conv/2/conv2d/0" [dtype=float, shape="(160, 960, 1, 1)", out_port_id=0, in_port_id=1]; -"features/15/conv/2/conv2d/0" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; -"features.15.conv.3.weight" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"features.15.conv.3.bias" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"features.15.conv.3.running_mean" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"features.15.conv.3.running_var" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"features/15/conv/3/batch_norm/0" -> "features/15/add/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=1]; -"features/15/add/0" -> "features/16/conv/0/0/conv2d/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; -"features/15/add/0" -> "features/16/add/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; -"features.16.conv.0.0.weight" -> "features/16/conv/0/0/conv2d/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=1]; -"features/16/conv/0/0/conv2d/0" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features.16.conv.0.1.weight" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"features.16.conv.0.1.bias" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"features.16.conv.0.1.running_mean" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"features.16.conv.0.1.running_var" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"features/16/conv/0/1/batch_norm/0" -> "features/16/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features/16/conv/0/2/hardtanh/0" -> "features/16/conv/1/0/conv2d/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features.16.conv.1.0.weight" -> "features/16/conv/1/0/conv2d/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/16/conv/1/0/conv2d/0" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features.16.conv.1.1.weight" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"features.16.conv.1.1.bias" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"features.16.conv.1.1.running_mean" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"features.16.conv.1.1.running_var" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"features/16/conv/1/1/batch_norm/0" -> "features/16/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features/16/conv/1/2/hardtanh/0" -> "features/16/conv/2/conv2d/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features.16.conv.2.weight" -> "features/16/conv/2/conv2d/0" [dtype=float, shape="(160, 960, 1, 1)", out_port_id=0, in_port_id=1]; -"features/16/conv/2/conv2d/0" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; -"features.16.conv.3.weight" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"features.16.conv.3.bias" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"features.16.conv.3.running_mean" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"features.16.conv.3.running_var" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"features/16/conv/3/batch_norm/0" -> "features/16/add/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=1]; -"features/16/add/0" -> "features/17/conv/0/0/conv2d/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; -"features.17.conv.0.0.weight" -> "features/17/conv/0/0/conv2d/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=1]; -"features/17/conv/0/0/conv2d/0" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features.17.conv.0.1.weight" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"features.17.conv.0.1.bias" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"features.17.conv.0.1.running_mean" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"features.17.conv.0.1.running_var" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"features/17/conv/0/1/batch_norm/0" -> "features/17/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features/17/conv/0/2/hardtanh/0" -> "features/17/conv/1/0/conv2d/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features.17.conv.1.0.weight" -> "features/17/conv/1/0/conv2d/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/17/conv/1/0/conv2d/0" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features.17.conv.1.1.weight" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"features.17.conv.1.1.bias" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"features.17.conv.1.1.running_mean" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"features.17.conv.1.1.running_var" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"features/17/conv/1/1/batch_norm/0" -> "features/17/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features/17/conv/1/2/hardtanh/0" -> "features/17/conv/2/conv2d/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; -"features.17.conv.2.weight" -> "features/17/conv/2/conv2d/0" [dtype=float, shape="(320, 960, 1, 1)", out_port_id=0, in_port_id=1]; -"features/17/conv/2/conv2d/0" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(1, 320, 2, 2)", out_port_id=0, in_port_id=0]; -"features.17.conv.3.weight" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"features.17.conv.3.bias" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"features.17.conv.3.running_mean" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"features.17.conv.3.running_var" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"features/17/conv/3/batch_norm/0" -> "features/18/0/conv2d/0" [dtype=float, shape="(1, 320, 2, 2)", out_port_id=0, in_port_id=0]; -"features.18.0.weight" -> "features/18/0/conv2d/0" [dtype=float, shape="(1280, 320, 1, 1)", out_port_id=0, in_port_id=1]; -"features/18/0/conv2d/0" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1, 1280, 2, 2)", out_port_id=0, in_port_id=0]; -"features.18.1.weight" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=1]; -"features.18.1.bias" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=2]; -"features.18.1.running_mean" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=3]; -"features.18.1.running_var" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=4]; -"features/18/1/batch_norm/0" -> "features/18/2/hardtanh/0" [dtype=float, shape="(1, 1280, 2, 2)", out_port_id=0, in_port_id=0]; -"features/18/2/hardtanh/0" -> "/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1280, 2, 2)", out_port_id=0, in_port_id=0]; -"/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; -"/flatten/0" -> "classifier/0/dropout/0" [dtype=float, shape="(1, 1280)", out_port_id=0, in_port_id=0]; -"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, shape="(1, 1280)", out_port_id=0, in_port_id=0]; -"classifier.1.weight" -> "classifier/1/linear/0" [dtype=float, shape="(1000, 1280)", out_port_id=0, in_port_id=1]; -"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"classifier/1/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"features.0.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/0/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; +"features.0.1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/1/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/0/2/hardtanh/0" [id=8, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.1.conv.0.0.weight" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/conv/0/0/conv2d/0" [id=10, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.1.conv.0.1.weight" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.conv.0.1.bias" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.conv.0.1.running_mean" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.conv.0.1.running_var" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/conv/0/1/batch_norm/0" [id=15, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/1/conv/0/2/hardtanh/0" [id=16, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.1.conv.1.weight" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/conv/1/conv2d/0" [id=18, metatype=PTConv2dMetatype, type=conv2d]; +"features.1.conv.2.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.conv.2.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.conv.2.running_mean" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.conv.2.running_var" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/conv/2/batch_norm/0" [id=23, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.2.conv.0.0.weight" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/0/0/conv2d/0" [id=25, metatype=PTConv2dMetatype, type=conv2d]; +"features.2.conv.0.1.weight" [id=26, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.0.1.bias" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.0.1.running_mean" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.0.1.running_var" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/0/1/batch_norm/0" [id=30, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/2/conv/0/2/hardtanh/0" [id=31, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.2.conv.1.0.weight" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/1/0/conv2d/0" [id=33, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.2.conv.1.1.weight" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.1.1.bias" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.1.1.running_mean" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.1.1.running_var" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/1/1/batch_norm/0" [id=38, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/2/conv/1/2/hardtanh/0" [id=39, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.2.conv.2.weight" [id=40, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/2/conv2d/0" [id=41, metatype=PTConv2dMetatype, type=conv2d]; +"features.2.conv.3.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.3.bias" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.3.running_mean" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.3.running_var" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/3/batch_norm/0" [id=46, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.3.conv.0.0.weight" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/0/0/conv2d/0" [id=48, metatype=PTConv2dMetatype, type=conv2d]; +"features.3.conv.0.1.weight" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.0.1.bias" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.0.1.running_mean" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.0.1.running_var" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/0/1/batch_norm/0" [id=53, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/conv/0/2/hardtanh/0" [id=54, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.3.conv.1.0.weight" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/1/0/conv2d/0" [id=56, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.3.conv.1.1.weight" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.1.1.bias" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.1.1.running_mean" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.1.1.running_var" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/1/1/batch_norm/0" [id=61, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/conv/1/2/hardtanh/0" [id=62, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.3.conv.2.weight" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/2/conv2d/0" [id=64, metatype=PTConv2dMetatype, type=conv2d]; +"features.3.conv.3.weight" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.3.bias" [id=66, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.3.running_mean" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.3.running_var" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/3/batch_norm/0" [id=69, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/add/0" [id=70, metatype=PTAddMetatype, type=add]; +"features.4.conv.0.0.weight" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/0/0/conv2d/0" [id=72, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.conv.0.1.weight" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.0.1.bias" [id=74, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.0.1.running_mean" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.0.1.running_var" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/0/1/batch_norm/0" [id=77, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/conv/0/2/hardtanh/0" [id=78, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.4.conv.1.0.weight" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/1/0/conv2d/0" [id=80, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.4.conv.1.1.weight" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.1.1.bias" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.1.1.running_mean" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.1.1.running_var" [id=84, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/1/1/batch_norm/0" [id=85, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/conv/1/2/hardtanh/0" [id=86, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.4.conv.2.weight" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/2/conv2d/0" [id=88, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.conv.3.weight" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.3.bias" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.3.running_mean" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.3.running_var" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/3/batch_norm/0" [id=93, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.5.conv.0.0.weight" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/0/0/conv2d/0" [id=95, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.conv.0.1.weight" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.0.1.bias" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.0.1.running_mean" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.0.1.running_var" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/0/1/batch_norm/0" [id=100, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/conv/0/2/hardtanh/0" [id=101, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.5.conv.1.0.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/1/0/conv2d/0" [id=103, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.5.conv.1.1.weight" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.1.1.bias" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.1.1.running_mean" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.1.1.running_var" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/1/1/batch_norm/0" [id=108, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/conv/1/2/hardtanh/0" [id=109, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.5.conv.2.weight" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/2/conv2d/0" [id=111, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.conv.3.weight" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.3.bias" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.3.running_mean" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.3.running_var" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/3/batch_norm/0" [id=116, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/add/0" [id=117, metatype=PTAddMetatype, type=add]; +"features.6.conv.0.0.weight" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/0/0/conv2d/0" [id=119, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.conv.0.1.weight" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.0.1.bias" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.0.1.running_mean" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.0.1.running_var" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/0/1/batch_norm/0" [id=124, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/conv/0/2/hardtanh/0" [id=125, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.6.conv.1.0.weight" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/1/0/conv2d/0" [id=127, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.6.conv.1.1.weight" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.1.1.bias" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.1.1.running_mean" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.1.1.running_var" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/1/1/batch_norm/0" [id=132, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/conv/1/2/hardtanh/0" [id=133, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.6.conv.2.weight" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/2/conv2d/0" [id=135, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.conv.3.weight" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.3.bias" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.3.running_mean" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.3.running_var" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/3/batch_norm/0" [id=140, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/add/0" [id=141, metatype=PTAddMetatype, type=add]; +"features.7.conv.0.0.weight" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/0/0/conv2d/0" [id=143, metatype=PTConv2dMetatype, type=conv2d]; +"features.7.conv.0.1.weight" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.0.1.bias" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.0.1.running_mean" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.0.1.running_var" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/0/1/batch_norm/0" [id=148, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/7/conv/0/2/hardtanh/0" [id=149, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.7.conv.1.0.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/1/0/conv2d/0" [id=151, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.7.conv.1.1.weight" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.1.1.bias" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.1.1.running_mean" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.1.1.running_var" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/1/1/batch_norm/0" [id=156, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/7/conv/1/2/hardtanh/0" [id=157, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.7.conv.2.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/2/conv2d/0" [id=159, metatype=PTConv2dMetatype, type=conv2d]; +"features.7.conv.3.weight" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.3.bias" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.3.running_mean" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.3.running_var" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/3/batch_norm/0" [id=164, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.8.conv.0.0.weight" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/0/0/conv2d/0" [id=166, metatype=PTConv2dMetatype, type=conv2d]; +"features.8.conv.0.1.weight" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.0.1.bias" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.0.1.running_mean" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.0.1.running_var" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/0/1/batch_norm/0" [id=171, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/8/conv/0/2/hardtanh/0" [id=172, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.8.conv.1.0.weight" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/1/0/conv2d/0" [id=174, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.8.conv.1.1.weight" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.1.1.bias" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.1.1.running_mean" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.1.1.running_var" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/1/1/batch_norm/0" [id=179, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/8/conv/1/2/hardtanh/0" [id=180, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.8.conv.2.weight" [id=181, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/2/conv2d/0" [id=182, metatype=PTConv2dMetatype, type=conv2d]; +"features.8.conv.3.weight" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.3.bias" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.3.running_mean" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.3.running_var" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/3/batch_norm/0" [id=187, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/8/add/0" [id=188, metatype=PTAddMetatype, type=add]; +"features.9.conv.0.0.weight" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/0/0/conv2d/0" [id=190, metatype=PTConv2dMetatype, type=conv2d]; +"features.9.conv.0.1.weight" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.0.1.bias" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.0.1.running_mean" [id=193, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.0.1.running_var" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/0/1/batch_norm/0" [id=195, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/9/conv/0/2/hardtanh/0" [id=196, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.9.conv.1.0.weight" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/1/0/conv2d/0" [id=198, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.9.conv.1.1.weight" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.1.1.bias" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.1.1.running_mean" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.1.1.running_var" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/1/1/batch_norm/0" [id=203, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/9/conv/1/2/hardtanh/0" [id=204, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.9.conv.2.weight" [id=205, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/2/conv2d/0" [id=206, metatype=PTConv2dMetatype, type=conv2d]; +"features.9.conv.3.weight" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.3.bias" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.3.running_mean" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.3.running_var" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/3/batch_norm/0" [id=211, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/9/add/0" [id=212, metatype=PTAddMetatype, type=add]; +"features.10.conv.0.0.weight" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/0/0/conv2d/0" [id=214, metatype=PTConv2dMetatype, type=conv2d]; +"features.10.conv.0.1.weight" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.0.1.bias" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.0.1.running_mean" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.0.1.running_var" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/0/1/batch_norm/0" [id=219, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/10/conv/0/2/hardtanh/0" [id=220, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.10.conv.1.0.weight" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/1/0/conv2d/0" [id=222, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.10.conv.1.1.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.1.1.bias" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.1.1.running_mean" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.1.1.running_var" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/1/1/batch_norm/0" [id=227, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/10/conv/1/2/hardtanh/0" [id=228, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.10.conv.2.weight" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/2/conv2d/0" [id=230, metatype=PTConv2dMetatype, type=conv2d]; +"features.10.conv.3.weight" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.3.bias" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.3.running_mean" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.3.running_var" [id=234, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/3/batch_norm/0" [id=235, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/10/add/0" [id=236, metatype=PTAddMetatype, type=add]; +"features.11.conv.0.0.weight" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/0/0/conv2d/0" [id=238, metatype=PTConv2dMetatype, type=conv2d]; +"features.11.conv.0.1.weight" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.0.1.bias" [id=240, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.0.1.running_mean" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.0.1.running_var" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/0/1/batch_norm/0" [id=243, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/11/conv/0/2/hardtanh/0" [id=244, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.11.conv.1.0.weight" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/1/0/conv2d/0" [id=246, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.11.conv.1.1.weight" [id=247, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.1.1.bias" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.1.1.running_mean" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.1.1.running_var" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/1/1/batch_norm/0" [id=251, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/11/conv/1/2/hardtanh/0" [id=252, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.11.conv.2.weight" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/2/conv2d/0" [id=254, metatype=PTConv2dMetatype, type=conv2d]; +"features.11.conv.3.weight" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.3.bias" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.3.running_mean" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.3.running_var" [id=258, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/3/batch_norm/0" [id=259, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.12.conv.0.0.weight" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/0/0/conv2d/0" [id=261, metatype=PTConv2dMetatype, type=conv2d]; +"features.12.conv.0.1.weight" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.0.1.bias" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.0.1.running_mean" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.0.1.running_var" [id=265, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/0/1/batch_norm/0" [id=266, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/12/conv/0/2/hardtanh/0" [id=267, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.12.conv.1.0.weight" [id=268, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/1/0/conv2d/0" [id=269, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.12.conv.1.1.weight" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.1.1.bias" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.1.1.running_mean" [id=272, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.1.1.running_var" [id=273, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/1/1/batch_norm/0" [id=274, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/12/conv/1/2/hardtanh/0" [id=275, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.12.conv.2.weight" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/2/conv2d/0" [id=277, metatype=PTConv2dMetatype, type=conv2d]; +"features.12.conv.3.weight" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.3.bias" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.3.running_mean" [id=280, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.3.running_var" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/3/batch_norm/0" [id=282, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/12/add/0" [id=283, metatype=PTAddMetatype, type=add]; +"features.13.conv.0.0.weight" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/0/0/conv2d/0" [id=285, metatype=PTConv2dMetatype, type=conv2d]; +"features.13.conv.0.1.weight" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.0.1.bias" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.0.1.running_mean" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.0.1.running_var" [id=289, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/0/1/batch_norm/0" [id=290, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/13/conv/0/2/hardtanh/0" [id=291, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.13.conv.1.0.weight" [id=292, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/1/0/conv2d/0" [id=293, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.13.conv.1.1.weight" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.1.1.bias" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.1.1.running_mean" [id=296, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.1.1.running_var" [id=297, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/1/1/batch_norm/0" [id=298, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/13/conv/1/2/hardtanh/0" [id=299, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.13.conv.2.weight" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/2/conv2d/0" [id=301, metatype=PTConv2dMetatype, type=conv2d]; +"features.13.conv.3.weight" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.3.bias" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.3.running_mean" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.3.running_var" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/3/batch_norm/0" [id=306, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/13/add/0" [id=307, metatype=PTAddMetatype, type=add]; +"features.14.conv.0.0.weight" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/0/0/conv2d/0" [id=309, metatype=PTConv2dMetatype, type=conv2d]; +"features.14.conv.0.1.weight" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.0.1.bias" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.0.1.running_mean" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.0.1.running_var" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/0/1/batch_norm/0" [id=314, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/14/conv/0/2/hardtanh/0" [id=315, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.14.conv.1.0.weight" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/1/0/conv2d/0" [id=317, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.14.conv.1.1.weight" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.1.1.bias" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.1.1.running_mean" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.1.1.running_var" [id=321, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/1/1/batch_norm/0" [id=322, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/14/conv/1/2/hardtanh/0" [id=323, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.14.conv.2.weight" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/2/conv2d/0" [id=325, metatype=PTConv2dMetatype, type=conv2d]; +"features.14.conv.3.weight" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.3.bias" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.3.running_mean" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.3.running_var" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/3/batch_norm/0" [id=330, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.15.conv.0.0.weight" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/0/0/conv2d/0" [id=332, metatype=PTConv2dMetatype, type=conv2d]; +"features.15.conv.0.1.weight" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.0.1.bias" [id=334, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.0.1.running_mean" [id=335, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.0.1.running_var" [id=336, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/0/1/batch_norm/0" [id=337, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/15/conv/0/2/hardtanh/0" [id=338, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.15.conv.1.0.weight" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/1/0/conv2d/0" [id=340, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.15.conv.1.1.weight" [id=341, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.1.1.bias" [id=342, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.1.1.running_mean" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.1.1.running_var" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/1/1/batch_norm/0" [id=345, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/15/conv/1/2/hardtanh/0" [id=346, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.15.conv.2.weight" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/2/conv2d/0" [id=348, metatype=PTConv2dMetatype, type=conv2d]; +"features.15.conv.3.weight" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.3.bias" [id=350, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.3.running_mean" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.3.running_var" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/3/batch_norm/0" [id=353, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/15/add/0" [id=354, metatype=PTAddMetatype, type=add]; +"features.16.conv.0.0.weight" [id=355, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/0/0/conv2d/0" [id=356, metatype=PTConv2dMetatype, type=conv2d]; +"features.16.conv.0.1.weight" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.0.1.bias" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.0.1.running_mean" [id=359, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.0.1.running_var" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/0/1/batch_norm/0" [id=361, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/16/conv/0/2/hardtanh/0" [id=362, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.16.conv.1.0.weight" [id=363, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/1/0/conv2d/0" [id=364, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.16.conv.1.1.weight" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.1.1.bias" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.1.1.running_mean" [id=367, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.1.1.running_var" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/1/1/batch_norm/0" [id=369, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/16/conv/1/2/hardtanh/0" [id=370, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.16.conv.2.weight" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/2/conv2d/0" [id=372, metatype=PTConv2dMetatype, type=conv2d]; +"features.16.conv.3.weight" [id=373, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.3.bias" [id=374, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.3.running_mean" [id=375, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.3.running_var" [id=376, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/3/batch_norm/0" [id=377, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/16/add/0" [id=378, metatype=PTAddMetatype, type=add]; +"features.17.conv.0.0.weight" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/0/0/conv2d/0" [id=380, metatype=PTConv2dMetatype, type=conv2d]; +"features.17.conv.0.1.weight" [id=381, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.0.1.bias" [id=382, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.0.1.running_mean" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.0.1.running_var" [id=384, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/0/1/batch_norm/0" [id=385, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/17/conv/0/2/hardtanh/0" [id=386, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.17.conv.1.0.weight" [id=387, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/1/0/conv2d/0" [id=388, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.17.conv.1.1.weight" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.1.1.bias" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.1.1.running_mean" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.1.1.running_var" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/1/1/batch_norm/0" [id=393, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/17/conv/1/2/hardtanh/0" [id=394, metatype=PTHardTanhMetatype, type=hardtanh]; +"features.17.conv.2.weight" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/2/conv2d/0" [id=396, metatype=PTConv2dMetatype, type=conv2d]; +"features.17.conv.3.weight" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.3.bias" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.3.running_mean" [id=399, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.3.running_var" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/3/batch_norm/0" [id=401, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.18.0.weight" [id=402, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/18/0/conv2d/0" [id=403, metatype=PTConv2dMetatype, type=conv2d]; +"features.18.1.weight" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.18.1.bias" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.18.1.running_mean" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.18.1.running_var" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/18/1/batch_norm/0" [id=408, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/18/2/hardtanh/0" [id=409, metatype=PTHardTanhMetatype, type=hardtanh]; +"/adaptive_avg_pool2d/0" [id=410, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"/flatten/0" [id=411, metatype=PTReshapeMetatype, type=flatten]; +"classifier/0/dropout/0" [id=412, metatype=PTDropoutMetatype, type=dropout]; +"classifier.1.weight" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.1.bias" [id=414, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/1/linear/0" [id=415, metatype=PTLinearMetatype, type=linear]; +output [id=416, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "features/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; +"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 3, 3, 3)"]; +"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"features/0/1/batch_norm/0" -> "features/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"features/0/2/hardtanh/0" -> "features/1/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"features.1.conv.0.0.weight" -> "features/1/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 1, 3, 3)"]; +"features/1/conv/0/0/conv2d/0" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"features.1.conv.0.1.weight" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"features.1.conv.0.1.bias" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features.1.conv.0.1.running_mean" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"features.1.conv.0.1.running_var" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"features/1/conv/0/1/batch_norm/0" -> "features/1/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"features/1/conv/0/2/hardtanh/0" -> "features/1/conv/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"features.1.conv.1.weight" -> "features/1/conv/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 32, 1, 1)"]; +"features/1/conv/1/conv2d/0" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; +"features.1.conv.2.weight" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; +"features.1.conv.2.bias" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"features.1.conv.2.running_mean" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; +"features.1.conv.2.running_var" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; +"features/1/conv/2/batch_norm/0" -> "features/2/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; +"features.2.conv.0.0.weight" -> "features/2/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 16, 1, 1)"]; +"features/2/conv/0/0/conv2d/0" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"features.2.conv.0.1.weight" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.2.conv.0.1.bias" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.2.conv.0.1.running_mean" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.2.conv.0.1.running_var" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/2/conv/0/1/batch_norm/0" -> "features/2/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"features/2/conv/0/2/hardtanh/0" -> "features/2/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"features.2.conv.1.0.weight" -> "features/2/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; +"features/2/conv/1/0/conv2d/0" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.2.conv.1.1.weight" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.2.conv.1.1.bias" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.2.conv.1.1.running_mean" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.2.conv.1.1.running_var" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/2/conv/1/1/batch_norm/0" -> "features/2/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/2/conv/1/2/hardtanh/0" -> "features/2/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.2.conv.2.weight" -> "features/2/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 96, 1, 1)"]; +"features/2/conv/2/conv2d/0" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"features.2.conv.3.weight" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"features.2.conv.3.bias" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"features.2.conv.3.running_mean" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"features.2.conv.3.running_var" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"features/2/conv/3/batch_norm/0" -> "features/3/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"features/2/conv/3/batch_norm/0" -> "features/3/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"features.3.conv.0.0.weight" -> "features/3/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 24, 1, 1)"]; +"features/3/conv/0/0/conv2d/0" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features.3.conv.0.1.weight" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.3.conv.0.1.bias" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.3.conv.0.1.running_mean" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.3.conv.0.1.running_var" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/3/conv/0/1/batch_norm/0" -> "features/3/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features/3/conv/0/2/hardtanh/0" -> "features/3/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features.3.conv.1.0.weight" -> "features/3/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 3, 3)"]; +"features/3/conv/1/0/conv2d/0" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features.3.conv.1.1.weight" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.3.conv.1.1.bias" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.3.conv.1.1.running_mean" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.3.conv.1.1.running_var" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/3/conv/1/1/batch_norm/0" -> "features/3/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features/3/conv/1/2/hardtanh/0" -> "features/3/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features.3.conv.2.weight" -> "features/3/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 144, 1, 1)"]; +"features/3/conv/2/conv2d/0" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"features.3.conv.3.weight" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"features.3.conv.3.bias" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"features.3.conv.3.running_mean" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"features.3.conv.3.running_var" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"features/3/conv/3/batch_norm/0" -> "features/3/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 16, 16)"]; +"features/3/add/0" -> "features/4/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"features.4.conv.0.0.weight" -> "features/4/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 24, 1, 1)"]; +"features/4/conv/0/0/conv2d/0" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features.4.conv.0.1.weight" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.4.conv.0.1.bias" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.4.conv.0.1.running_mean" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.4.conv.0.1.running_var" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/4/conv/0/1/batch_norm/0" -> "features/4/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features/4/conv/0/2/hardtanh/0" -> "features/4/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"features.4.conv.1.0.weight" -> "features/4/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 3, 3)"]; +"features/4/conv/1/0/conv2d/0" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features.4.conv.1.1.weight" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.4.conv.1.1.bias" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.4.conv.1.1.running_mean" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.4.conv.1.1.running_var" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/4/conv/1/1/batch_norm/0" -> "features/4/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features/4/conv/1/2/hardtanh/0" -> "features/4/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features.4.conv.2.weight" -> "features/4/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 144, 1, 1)"]; +"features/4/conv/2/conv2d/0" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features.4.conv.3.weight" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"features.4.conv.3.bias" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features.4.conv.3.running_mean" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"features.4.conv.3.running_var" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"features/4/conv/3/batch_norm/0" -> "features/5/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/4/conv/3/batch_norm/0" -> "features/5/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features.5.conv.0.0.weight" -> "features/5/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 32, 1, 1)"]; +"features/5/conv/0/0/conv2d/0" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.5.conv.0.1.weight" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.5.conv.0.1.bias" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.5.conv.0.1.running_mean" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.5.conv.0.1.running_var" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/5/conv/0/1/batch_norm/0" -> "features/5/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/5/conv/0/2/hardtanh/0" -> "features/5/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.5.conv.1.0.weight" -> "features/5/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 3, 3)"]; +"features/5/conv/1/0/conv2d/0" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.5.conv.1.1.weight" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.5.conv.1.1.bias" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.5.conv.1.1.running_mean" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.5.conv.1.1.running_var" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/5/conv/1/1/batch_norm/0" -> "features/5/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/5/conv/1/2/hardtanh/0" -> "features/5/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.5.conv.2.weight" -> "features/5/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 192, 1, 1)"]; +"features/5/conv/2/conv2d/0" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features.5.conv.3.weight" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"features.5.conv.3.bias" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features.5.conv.3.running_mean" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"features.5.conv.3.running_var" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"features/5/conv/3/batch_norm/0" -> "features/5/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/5/add/0" -> "features/6/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/5/add/0" -> "features/6/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features.6.conv.0.0.weight" -> "features/6/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 32, 1, 1)"]; +"features/6/conv/0/0/conv2d/0" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.6.conv.0.1.weight" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.6.conv.0.1.bias" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.6.conv.0.1.running_mean" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.6.conv.0.1.running_var" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/6/conv/0/1/batch_norm/0" -> "features/6/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/6/conv/0/2/hardtanh/0" -> "features/6/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.6.conv.1.0.weight" -> "features/6/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 3, 3)"]; +"features/6/conv/1/0/conv2d/0" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.6.conv.1.1.weight" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.6.conv.1.1.bias" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.6.conv.1.1.running_mean" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.6.conv.1.1.running_var" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/6/conv/1/1/batch_norm/0" -> "features/6/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/6/conv/1/2/hardtanh/0" -> "features/6/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.6.conv.2.weight" -> "features/6/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 192, 1, 1)"]; +"features/6/conv/2/conv2d/0" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features.6.conv.3.weight" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"features.6.conv.3.bias" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features.6.conv.3.running_mean" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"features.6.conv.3.running_var" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"features/6/conv/3/batch_norm/0" -> "features/6/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features/6/add/0" -> "features/7/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"features.7.conv.0.0.weight" -> "features/7/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 32, 1, 1)"]; +"features/7/conv/0/0/conv2d/0" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.7.conv.0.1.weight" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.7.conv.0.1.bias" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.7.conv.0.1.running_mean" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.7.conv.0.1.running_var" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/7/conv/0/1/batch_norm/0" -> "features/7/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/7/conv/0/2/hardtanh/0" -> "features/7/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features.7.conv.1.0.weight" -> "features/7/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 3, 3)"]; +"features/7/conv/1/0/conv2d/0" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features.7.conv.1.1.weight" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.7.conv.1.1.bias" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.7.conv.1.1.running_mean" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.7.conv.1.1.running_var" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/7/conv/1/1/batch_norm/0" -> "features/7/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features/7/conv/1/2/hardtanh/0" -> "features/7/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features.7.conv.2.weight" -> "features/7/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 192, 1, 1)"]; +"features/7/conv/2/conv2d/0" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; +"features.7.conv.3.weight" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"features.7.conv.3.bias" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features.7.conv.3.running_mean" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"features.7.conv.3.running_var" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"features/7/conv/3/batch_norm/0" -> "features/8/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; +"features/7/conv/3/batch_norm/0" -> "features/8/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; +"features.8.conv.0.0.weight" -> "features/8/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; +"features/8/conv/0/0/conv2d/0" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.8.conv.0.1.weight" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.8.conv.0.1.bias" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.8.conv.0.1.running_mean" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.8.conv.0.1.running_var" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/8/conv/0/1/batch_norm/0" -> "features/8/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/8/conv/0/2/hardtanh/0" -> "features/8/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.8.conv.1.0.weight" -> "features/8/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; +"features/8/conv/1/0/conv2d/0" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.8.conv.1.1.weight" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.8.conv.1.1.bias" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.8.conv.1.1.running_mean" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.8.conv.1.1.running_var" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/8/conv/1/1/batch_norm/0" -> "features/8/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/8/conv/1/2/hardtanh/0" -> "features/8/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.8.conv.2.weight" -> "features/8/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; +"features/8/conv/2/conv2d/0" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; +"features.8.conv.3.weight" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"features.8.conv.3.bias" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features.8.conv.3.running_mean" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"features.8.conv.3.running_var" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"features/8/conv/3/batch_norm/0" -> "features/8/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 4, 4)"]; +"features/8/add/0" -> "features/9/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; +"features/8/add/0" -> "features/9/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; +"features.9.conv.0.0.weight" -> "features/9/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; +"features/9/conv/0/0/conv2d/0" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.9.conv.0.1.weight" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.9.conv.0.1.bias" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.9.conv.0.1.running_mean" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.9.conv.0.1.running_var" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/9/conv/0/1/batch_norm/0" -> "features/9/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/9/conv/0/2/hardtanh/0" -> "features/9/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.9.conv.1.0.weight" -> "features/9/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; +"features/9/conv/1/0/conv2d/0" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.9.conv.1.1.weight" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.9.conv.1.1.bias" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.9.conv.1.1.running_mean" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.9.conv.1.1.running_var" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/9/conv/1/1/batch_norm/0" -> "features/9/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/9/conv/1/2/hardtanh/0" -> "features/9/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.9.conv.2.weight" -> "features/9/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; +"features/9/conv/2/conv2d/0" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; +"features.9.conv.3.weight" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"features.9.conv.3.bias" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features.9.conv.3.running_mean" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"features.9.conv.3.running_var" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"features/9/conv/3/batch_norm/0" -> "features/9/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 4, 4)"]; +"features/9/add/0" -> "features/10/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; +"features/9/add/0" -> "features/10/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; +"features.10.conv.0.0.weight" -> "features/10/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; +"features/10/conv/0/0/conv2d/0" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.10.conv.0.1.weight" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.10.conv.0.1.bias" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.10.conv.0.1.running_mean" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.10.conv.0.1.running_var" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/10/conv/0/1/batch_norm/0" -> "features/10/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/10/conv/0/2/hardtanh/0" -> "features/10/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.10.conv.1.0.weight" -> "features/10/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; +"features/10/conv/1/0/conv2d/0" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.10.conv.1.1.weight" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.10.conv.1.1.bias" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.10.conv.1.1.running_mean" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.10.conv.1.1.running_var" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/10/conv/1/1/batch_norm/0" -> "features/10/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/10/conv/1/2/hardtanh/0" -> "features/10/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.10.conv.2.weight" -> "features/10/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; +"features/10/conv/2/conv2d/0" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; +"features.10.conv.3.weight" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"features.10.conv.3.bias" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features.10.conv.3.running_mean" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"features.10.conv.3.running_var" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"features/10/conv/3/batch_norm/0" -> "features/10/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 4, 4)"]; +"features/10/add/0" -> "features/11/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; +"features.11.conv.0.0.weight" -> "features/11/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; +"features/11/conv/0/0/conv2d/0" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.11.conv.0.1.weight" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.11.conv.0.1.bias" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.11.conv.0.1.running_mean" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.11.conv.0.1.running_var" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/11/conv/0/1/batch_norm/0" -> "features/11/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/11/conv/0/2/hardtanh/0" -> "features/11/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.11.conv.1.0.weight" -> "features/11/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; +"features/11/conv/1/0/conv2d/0" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.11.conv.1.1.weight" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.11.conv.1.1.bias" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.11.conv.1.1.running_mean" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.11.conv.1.1.running_var" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/11/conv/1/1/batch_norm/0" -> "features/11/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/11/conv/1/2/hardtanh/0" -> "features/11/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.11.conv.2.weight" -> "features/11/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 384, 1, 1)"]; +"features/11/conv/2/conv2d/0" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features.11.conv.3.weight" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.11.conv.3.bias" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.11.conv.3.running_mean" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.11.conv.3.running_var" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/11/conv/3/batch_norm/0" -> "features/12/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features/11/conv/3/batch_norm/0" -> "features/12/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features.12.conv.0.0.weight" -> "features/12/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; +"features/12/conv/0/0/conv2d/0" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features.12.conv.0.1.weight" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.12.conv.0.1.bias" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.12.conv.0.1.running_mean" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.12.conv.0.1.running_var" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/12/conv/0/1/batch_norm/0" -> "features/12/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features/12/conv/0/2/hardtanh/0" -> "features/12/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features.12.conv.1.0.weight" -> "features/12/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 3, 3)"]; +"features/12/conv/1/0/conv2d/0" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features.12.conv.1.1.weight" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.12.conv.1.1.bias" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.12.conv.1.1.running_mean" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.12.conv.1.1.running_var" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/12/conv/1/1/batch_norm/0" -> "features/12/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features/12/conv/1/2/hardtanh/0" -> "features/12/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features.12.conv.2.weight" -> "features/12/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; +"features/12/conv/2/conv2d/0" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features.12.conv.3.weight" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.12.conv.3.bias" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.12.conv.3.running_mean" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.12.conv.3.running_var" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/12/conv/3/batch_norm/0" -> "features/12/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features/12/add/0" -> "features/13/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features/12/add/0" -> "features/13/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features.13.conv.0.0.weight" -> "features/13/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; +"features/13/conv/0/0/conv2d/0" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features.13.conv.0.1.weight" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.13.conv.0.1.bias" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.13.conv.0.1.running_mean" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.13.conv.0.1.running_var" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/13/conv/0/1/batch_norm/0" -> "features/13/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features/13/conv/0/2/hardtanh/0" -> "features/13/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features.13.conv.1.0.weight" -> "features/13/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 3, 3)"]; +"features/13/conv/1/0/conv2d/0" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features.13.conv.1.1.weight" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.13.conv.1.1.bias" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.13.conv.1.1.running_mean" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.13.conv.1.1.running_var" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/13/conv/1/1/batch_norm/0" -> "features/13/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features/13/conv/1/2/hardtanh/0" -> "features/13/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features.13.conv.2.weight" -> "features/13/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; +"features/13/conv/2/conv2d/0" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features.13.conv.3.weight" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.13.conv.3.bias" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.13.conv.3.running_mean" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.13.conv.3.running_var" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/13/conv/3/batch_norm/0" -> "features/13/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features/13/add/0" -> "features/14/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features.14.conv.0.0.weight" -> "features/14/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; +"features/14/conv/0/0/conv2d/0" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features.14.conv.0.1.weight" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.14.conv.0.1.bias" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.14.conv.0.1.running_mean" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.14.conv.0.1.running_var" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/14/conv/0/1/batch_norm/0" -> "features/14/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features/14/conv/0/2/hardtanh/0" -> "features/14/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"features.14.conv.1.0.weight" -> "features/14/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 3, 3)"]; +"features/14/conv/1/0/conv2d/0" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.14.conv.1.1.weight" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.14.conv.1.1.bias" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.14.conv.1.1.running_mean" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.14.conv.1.1.running_var" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/14/conv/1/1/batch_norm/0" -> "features/14/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/14/conv/1/2/hardtanh/0" -> "features/14/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.14.conv.2.weight" -> "features/14/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 576, 1, 1)"]; +"features/14/conv/2/conv2d/0" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; +"features.14.conv.3.weight" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"features.14.conv.3.bias" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"features.14.conv.3.running_mean" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"features.14.conv.3.running_var" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"features/14/conv/3/batch_norm/0" -> "features/15/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; +"features/14/conv/3/batch_norm/0" -> "features/15/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; +"features.15.conv.0.0.weight" -> "features/15/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 160, 1, 1)"]; +"features/15/conv/0/0/conv2d/0" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features.15.conv.0.1.weight" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"features.15.conv.0.1.bias" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"features.15.conv.0.1.running_mean" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"features.15.conv.0.1.running_var" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"features/15/conv/0/1/batch_norm/0" -> "features/15/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features/15/conv/0/2/hardtanh/0" -> "features/15/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features.15.conv.1.0.weight" -> "features/15/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 1, 3, 3)"]; +"features/15/conv/1/0/conv2d/0" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features.15.conv.1.1.weight" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"features.15.conv.1.1.bias" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"features.15.conv.1.1.running_mean" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"features.15.conv.1.1.running_var" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"features/15/conv/1/1/batch_norm/0" -> "features/15/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features/15/conv/1/2/hardtanh/0" -> "features/15/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features.15.conv.2.weight" -> "features/15/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 960, 1, 1)"]; +"features/15/conv/2/conv2d/0" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; +"features.15.conv.3.weight" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"features.15.conv.3.bias" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"features.15.conv.3.running_mean" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"features.15.conv.3.running_var" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"features/15/conv/3/batch_norm/0" -> "features/15/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 160, 2, 2)"]; +"features/15/add/0" -> "features/16/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; +"features/15/add/0" -> "features/16/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; +"features.16.conv.0.0.weight" -> "features/16/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 160, 1, 1)"]; +"features/16/conv/0/0/conv2d/0" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features.16.conv.0.1.weight" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"features.16.conv.0.1.bias" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"features.16.conv.0.1.running_mean" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"features.16.conv.0.1.running_var" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"features/16/conv/0/1/batch_norm/0" -> "features/16/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features/16/conv/0/2/hardtanh/0" -> "features/16/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features.16.conv.1.0.weight" -> "features/16/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 1, 3, 3)"]; +"features/16/conv/1/0/conv2d/0" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features.16.conv.1.1.weight" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"features.16.conv.1.1.bias" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"features.16.conv.1.1.running_mean" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"features.16.conv.1.1.running_var" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"features/16/conv/1/1/batch_norm/0" -> "features/16/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features/16/conv/1/2/hardtanh/0" -> "features/16/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features.16.conv.2.weight" -> "features/16/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 960, 1, 1)"]; +"features/16/conv/2/conv2d/0" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; +"features.16.conv.3.weight" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"features.16.conv.3.bias" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"features.16.conv.3.running_mean" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"features.16.conv.3.running_var" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"features/16/conv/3/batch_norm/0" -> "features/16/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 160, 2, 2)"]; +"features/16/add/0" -> "features/17/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; +"features.17.conv.0.0.weight" -> "features/17/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 160, 1, 1)"]; +"features/17/conv/0/0/conv2d/0" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features.17.conv.0.1.weight" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"features.17.conv.0.1.bias" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"features.17.conv.0.1.running_mean" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"features.17.conv.0.1.running_var" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"features/17/conv/0/1/batch_norm/0" -> "features/17/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features/17/conv/0/2/hardtanh/0" -> "features/17/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features.17.conv.1.0.weight" -> "features/17/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 1, 3, 3)"]; +"features/17/conv/1/0/conv2d/0" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features.17.conv.1.1.weight" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"features.17.conv.1.1.bias" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"features.17.conv.1.1.running_mean" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"features.17.conv.1.1.running_var" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"features/17/conv/1/1/batch_norm/0" -> "features/17/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features/17/conv/1/2/hardtanh/0" -> "features/17/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; +"features.17.conv.2.weight" -> "features/17/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 960, 1, 1)"]; +"features/17/conv/2/conv2d/0" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 2, 2)"]; +"features.17.conv.3.weight" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"features.17.conv.3.bias" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"features.17.conv.3.running_mean" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"features.17.conv.3.running_var" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"features/17/conv/3/batch_norm/0" -> "features/18/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 2, 2)"]; +"features.18.0.weight" -> "features/18/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1280, 320, 1, 1)"]; +"features/18/0/conv2d/0" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 2, 2)"]; +"features.18.1.weight" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1280,)"]; +"features.18.1.bias" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1280,)"]; +"features.18.1.running_mean" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1280,)"]; +"features.18.1.running_var" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1280,)"]; +"features/18/1/batch_norm/0" -> "features/18/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 2, 2)"]; +"features/18/2/hardtanh/0" -> "/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 2, 2)"]; +"/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; +"/flatten/0" -> "classifier/0/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280)"]; +"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280)"]; +"classifier.1.weight" -> "classifier/1/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1280)"]; +"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"classifier/1/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v3_small.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v3_small.dot index 5670a162a9e..56ed7257bfc 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v3_small.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v3_small.dot @@ -1,754 +1,754 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"features.0.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/0/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; -"features.0.1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/1/batch_norm/0" [id=7, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/0/2/hardswish/0" [id=8, type=hardswish, metatype=PTHardSwishMetatype]; -"features.1.block.0.0.weight" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/0/0/conv2d/0" [id=10, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.1.block.0.1.weight" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.0.1.bias" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.0.1.running_mean" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.0.1.running_var" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/0/1/batch_norm/0" [id=15, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/1/block/0/2/relu_/0" [id=16, type="relu_", metatype=PTRELUMetatype]; -"features/1/block/1/avgpool/adaptive_avg_pool2d/0" [id=17, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.1.block.1.fc1.weight" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.1.fc1.bias" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/1/fc1/conv2d/0" [id=20, type=conv2d, metatype=PTConv2dMetatype]; -"features/1/block/1/activation/relu/0" [id=21, type=relu, metatype=PTRELUMetatype]; -"features.1.block.1.fc2.weight" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.1.fc2.bias" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/1/fc2/conv2d/0" [id=24, type=conv2d, metatype=PTConv2dMetatype]; -"features/1/block/1/scale_activation/hardsigmoid/0" [id=25, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"features/1/block/1/mul/0" [id=26, type=mul, metatype=PTMulMetatype]; -"features.1.block.2.0.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/2/0/conv2d/0" [id=28, type=conv2d, metatype=PTConv2dMetatype]; -"features.1.block.2.1.weight" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.2.1.bias" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.2.1.running_mean" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.2.1.running_var" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/2/1/batch_norm/0" [id=33, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.2.block.0.0.weight" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/0/0/conv2d/0" [id=35, type=conv2d, metatype=PTConv2dMetatype]; -"features.2.block.0.1.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.0.1.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.0.1.running_mean" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.0.1.running_var" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/0/1/batch_norm/0" [id=40, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/2/block/0/2/relu_/0" [id=41, type="relu_", metatype=PTRELUMetatype]; -"features.2.block.1.0.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/1/0/conv2d/0" [id=43, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.2.block.1.1.weight" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.1.1.bias" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.1.1.running_mean" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.1.1.running_var" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/1/1/batch_norm/0" [id=48, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/2/block/1/2/relu_/0" [id=49, type="relu_", metatype=PTRELUMetatype]; -"features.2.block.2.0.weight" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/2/0/conv2d/0" [id=51, type=conv2d, metatype=PTConv2dMetatype]; -"features.2.block.2.1.weight" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.2.1.bias" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.2.1.running_mean" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.2.1.running_var" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/2/1/batch_norm/0" [id=56, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.3.block.0.0.weight" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/0/0/conv2d/0" [id=58, type=conv2d, metatype=PTConv2dMetatype]; -"features.3.block.0.1.weight" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.0.1.bias" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.0.1.running_mean" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.0.1.running_var" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/0/1/batch_norm/0" [id=63, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/block/0/2/relu_/0" [id=64, type="relu_", metatype=PTRELUMetatype]; -"features.3.block.1.0.weight" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/1/0/conv2d/0" [id=66, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.3.block.1.1.weight" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.1.1.bias" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.1.1.running_mean" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.1.1.running_var" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/1/1/batch_norm/0" [id=71, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/block/1/2/relu_/0" [id=72, type="relu_", metatype=PTRELUMetatype]; -"features.3.block.2.0.weight" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/2/0/conv2d/0" [id=74, type=conv2d, metatype=PTConv2dMetatype]; -"features.3.block.2.1.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.2.1.bias" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.2.1.running_mean" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.2.1.running_var" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/2/1/batch_norm/0" [id=79, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/add_/0" [id=80, type="add_", metatype=PTAddMetatype]; -"features.4.block.0.0.weight" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/0/0/conv2d/0" [id=82, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.block.0.1.weight" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.0.1.bias" [id=84, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.0.1.running_mean" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.0.1.running_var" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/0/1/batch_norm/0" [id=87, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/block/0/2/hardswish/0" [id=88, type=hardswish, metatype=PTHardSwishMetatype]; -"features.4.block.1.0.weight" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/1/0/conv2d/0" [id=90, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.4.block.1.1.weight" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.1.1.bias" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.1.1.running_mean" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.1.1.running_var" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/1/1/batch_norm/0" [id=95, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/block/1/2/hardswish/0" [id=96, type=hardswish, metatype=PTHardSwishMetatype]; -"features/4/block/2/avgpool/adaptive_avg_pool2d/0" [id=97, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.4.block.2.fc1.weight" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.2.fc1.bias" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/2/fc1/conv2d/0" [id=100, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/block/2/activation/relu/0" [id=101, type=relu, metatype=PTRELUMetatype]; -"features.4.block.2.fc2.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.2.fc2.bias" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/2/fc2/conv2d/0" [id=104, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/block/2/scale_activation/hardsigmoid/0" [id=105, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"features/4/block/2/mul/0" [id=106, type=mul, metatype=PTMulMetatype]; -"features.4.block.3.0.weight" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/3/0/conv2d/0" [id=108, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.block.3.1.weight" [id=109, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.3.1.bias" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.3.1.running_mean" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.3.1.running_var" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/3/1/batch_norm/0" [id=113, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.5.block.0.0.weight" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/0/0/conv2d/0" [id=115, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.block.0.1.weight" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.0.1.bias" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.0.1.running_mean" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.0.1.running_var" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/0/1/batch_norm/0" [id=120, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/block/0/2/hardswish/0" [id=121, type=hardswish, metatype=PTHardSwishMetatype]; -"features.5.block.1.0.weight" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/1/0/conv2d/0" [id=123, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.5.block.1.1.weight" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.1.1.bias" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.1.1.running_mean" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.1.1.running_var" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/1/1/batch_norm/0" [id=128, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/block/1/2/hardswish/0" [id=129, type=hardswish, metatype=PTHardSwishMetatype]; -"features/5/block/2/avgpool/adaptive_avg_pool2d/0" [id=130, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.5.block.2.fc1.weight" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.2.fc1.bias" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/2/fc1/conv2d/0" [id=133, type=conv2d, metatype=PTConv2dMetatype]; -"features/5/block/2/activation/relu/0" [id=134, type=relu, metatype=PTRELUMetatype]; -"features.5.block.2.fc2.weight" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.2.fc2.bias" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/2/fc2/conv2d/0" [id=137, type=conv2d, metatype=PTConv2dMetatype]; -"features/5/block/2/scale_activation/hardsigmoid/0" [id=138, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"features/5/block/2/mul/0" [id=139, type=mul, metatype=PTMulMetatype]; -"features.5.block.3.0.weight" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/3/0/conv2d/0" [id=141, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.block.3.1.weight" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.3.1.bias" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.3.1.running_mean" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.3.1.running_var" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/3/1/batch_norm/0" [id=146, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/add_/0" [id=147, type="add_", metatype=PTAddMetatype]; -"features.6.block.0.0.weight" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/0/0/conv2d/0" [id=149, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.block.0.1.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.0.1.bias" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.0.1.running_mean" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.0.1.running_var" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/0/1/batch_norm/0" [id=154, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/block/0/2/hardswish/0" [id=155, type=hardswish, metatype=PTHardSwishMetatype]; -"features.6.block.1.0.weight" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/1/0/conv2d/0" [id=157, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.6.block.1.1.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.1.1.bias" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.1.1.running_mean" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.1.1.running_var" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/1/1/batch_norm/0" [id=162, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/block/1/2/hardswish/0" [id=163, type=hardswish, metatype=PTHardSwishMetatype]; -"features/6/block/2/avgpool/adaptive_avg_pool2d/0" [id=164, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.6.block.2.fc1.weight" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.2.fc1.bias" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/2/fc1/conv2d/0" [id=167, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/block/2/activation/relu/0" [id=168, type=relu, metatype=PTRELUMetatype]; -"features.6.block.2.fc2.weight" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.2.fc2.bias" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/2/fc2/conv2d/0" [id=171, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/block/2/scale_activation/hardsigmoid/0" [id=172, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"features/6/block/2/mul/0" [id=173, type=mul, metatype=PTMulMetatype]; -"features.6.block.3.0.weight" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/3/0/conv2d/0" [id=175, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.block.3.1.weight" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.3.1.bias" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.3.1.running_mean" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.3.1.running_var" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/3/1/batch_norm/0" [id=180, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/add_/0" [id=181, type="add_", metatype=PTAddMetatype]; -"features.7.block.0.0.weight" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/0/0/conv2d/0" [id=183, type=conv2d, metatype=PTConv2dMetatype]; -"features.7.block.0.1.weight" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.0.1.bias" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.0.1.running_mean" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.0.1.running_var" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/0/1/batch_norm/0" [id=188, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/7/block/0/2/hardswish/0" [id=189, type=hardswish, metatype=PTHardSwishMetatype]; -"features.7.block.1.0.weight" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/1/0/conv2d/0" [id=191, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.7.block.1.1.weight" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.1.1.bias" [id=193, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.1.1.running_mean" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.1.1.running_var" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/1/1/batch_norm/0" [id=196, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/7/block/1/2/hardswish/0" [id=197, type=hardswish, metatype=PTHardSwishMetatype]; -"features/7/block/2/avgpool/adaptive_avg_pool2d/0" [id=198, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.7.block.2.fc1.weight" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.2.fc1.bias" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/2/fc1/conv2d/0" [id=201, type=conv2d, metatype=PTConv2dMetatype]; -"features/7/block/2/activation/relu/0" [id=202, type=relu, metatype=PTRELUMetatype]; -"features.7.block.2.fc2.weight" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.2.fc2.bias" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/2/fc2/conv2d/0" [id=205, type=conv2d, metatype=PTConv2dMetatype]; -"features/7/block/2/scale_activation/hardsigmoid/0" [id=206, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"features/7/block/2/mul/0" [id=207, type=mul, metatype=PTMulMetatype]; -"features.7.block.3.0.weight" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/3/0/conv2d/0" [id=209, type=conv2d, metatype=PTConv2dMetatype]; -"features.7.block.3.1.weight" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.3.1.bias" [id=211, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.3.1.running_mean" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.3.1.running_var" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/3/1/batch_norm/0" [id=214, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.8.block.0.0.weight" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/0/0/conv2d/0" [id=216, type=conv2d, metatype=PTConv2dMetatype]; -"features.8.block.0.1.weight" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.0.1.bias" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.0.1.running_mean" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.0.1.running_var" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/0/1/batch_norm/0" [id=221, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/8/block/0/2/hardswish/0" [id=222, type=hardswish, metatype=PTHardSwishMetatype]; -"features.8.block.1.0.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/1/0/conv2d/0" [id=224, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.8.block.1.1.weight" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.1.1.bias" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.1.1.running_mean" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.1.1.running_var" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/1/1/batch_norm/0" [id=229, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/8/block/1/2/hardswish/0" [id=230, type=hardswish, metatype=PTHardSwishMetatype]; -"features/8/block/2/avgpool/adaptive_avg_pool2d/0" [id=231, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.8.block.2.fc1.weight" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.2.fc1.bias" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/2/fc1/conv2d/0" [id=234, type=conv2d, metatype=PTConv2dMetatype]; -"features/8/block/2/activation/relu/0" [id=235, type=relu, metatype=PTRELUMetatype]; -"features.8.block.2.fc2.weight" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.2.fc2.bias" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/2/fc2/conv2d/0" [id=238, type=conv2d, metatype=PTConv2dMetatype]; -"features/8/block/2/scale_activation/hardsigmoid/0" [id=239, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"features/8/block/2/mul/0" [id=240, type=mul, metatype=PTMulMetatype]; -"features.8.block.3.0.weight" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/3/0/conv2d/0" [id=242, type=conv2d, metatype=PTConv2dMetatype]; -"features.8.block.3.1.weight" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.3.1.bias" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.3.1.running_mean" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.3.1.running_var" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/3/1/batch_norm/0" [id=247, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/8/add_/0" [id=248, type="add_", metatype=PTAddMetatype]; -"features.9.block.0.0.weight" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/0/0/conv2d/0" [id=250, type=conv2d, metatype=PTConv2dMetatype]; -"features.9.block.0.1.weight" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.0.1.bias" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.0.1.running_mean" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.0.1.running_var" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/0/1/batch_norm/0" [id=255, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/9/block/0/2/hardswish/0" [id=256, type=hardswish, metatype=PTHardSwishMetatype]; -"features.9.block.1.0.weight" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/1/0/conv2d/0" [id=258, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.9.block.1.1.weight" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.1.1.bias" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.1.1.running_mean" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.1.1.running_var" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/1/1/batch_norm/0" [id=263, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/9/block/1/2/hardswish/0" [id=264, type=hardswish, metatype=PTHardSwishMetatype]; -"features/9/block/2/avgpool/adaptive_avg_pool2d/0" [id=265, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.9.block.2.fc1.weight" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.2.fc1.bias" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/2/fc1/conv2d/0" [id=268, type=conv2d, metatype=PTConv2dMetatype]; -"features/9/block/2/activation/relu/0" [id=269, type=relu, metatype=PTRELUMetatype]; -"features.9.block.2.fc2.weight" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.2.fc2.bias" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/2/fc2/conv2d/0" [id=272, type=conv2d, metatype=PTConv2dMetatype]; -"features/9/block/2/scale_activation/hardsigmoid/0" [id=273, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"features/9/block/2/mul/0" [id=274, type=mul, metatype=PTMulMetatype]; -"features.9.block.3.0.weight" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/3/0/conv2d/0" [id=276, type=conv2d, metatype=PTConv2dMetatype]; -"features.9.block.3.1.weight" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.3.1.bias" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.3.1.running_mean" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.3.1.running_var" [id=280, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/3/1/batch_norm/0" [id=281, type="batch_norm", metatype=PTBatchNormMetatype]; -"features.10.block.0.0.weight" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/0/0/conv2d/0" [id=283, type=conv2d, metatype=PTConv2dMetatype]; -"features.10.block.0.1.weight" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.0.1.bias" [id=285, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.0.1.running_mean" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.0.1.running_var" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/0/1/batch_norm/0" [id=288, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/10/block/0/2/hardswish/0" [id=289, type=hardswish, metatype=PTHardSwishMetatype]; -"features.10.block.1.0.weight" [id=290, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/1/0/conv2d/0" [id=291, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.10.block.1.1.weight" [id=292, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.1.1.bias" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.1.1.running_mean" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.1.1.running_var" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/1/1/batch_norm/0" [id=296, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/10/block/1/2/hardswish/0" [id=297, type=hardswish, metatype=PTHardSwishMetatype]; -"features/10/block/2/avgpool/adaptive_avg_pool2d/0" [id=298, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.10.block.2.fc1.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.2.fc1.bias" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/2/fc1/conv2d/0" [id=301, type=conv2d, metatype=PTConv2dMetatype]; -"features/10/block/2/activation/relu/0" [id=302, type=relu, metatype=PTRELUMetatype]; -"features.10.block.2.fc2.weight" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.2.fc2.bias" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/2/fc2/conv2d/0" [id=305, type=conv2d, metatype=PTConv2dMetatype]; -"features/10/block/2/scale_activation/hardsigmoid/0" [id=306, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"features/10/block/2/mul/0" [id=307, type=mul, metatype=PTMulMetatype]; -"features.10.block.3.0.weight" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/3/0/conv2d/0" [id=309, type=conv2d, metatype=PTConv2dMetatype]; -"features.10.block.3.1.weight" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.3.1.bias" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.3.1.running_mean" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.3.1.running_var" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/3/1/batch_norm/0" [id=314, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/10/add_/0" [id=315, type="add_", metatype=PTAddMetatype]; -"features.11.block.0.0.weight" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/0/0/conv2d/0" [id=317, type=conv2d, metatype=PTConv2dMetatype]; -"features.11.block.0.1.weight" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.0.1.bias" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.0.1.running_mean" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.0.1.running_var" [id=321, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/0/1/batch_norm/0" [id=322, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/11/block/0/2/hardswish/0" [id=323, type=hardswish, metatype=PTHardSwishMetatype]; -"features.11.block.1.0.weight" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/1/0/conv2d/0" [id=325, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.11.block.1.1.weight" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.1.1.bias" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.1.1.running_mean" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.1.1.running_var" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/1/1/batch_norm/0" [id=330, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/11/block/1/2/hardswish/0" [id=331, type=hardswish, metatype=PTHardSwishMetatype]; -"features/11/block/2/avgpool/adaptive_avg_pool2d/0" [id=332, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.11.block.2.fc1.weight" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.2.fc1.bias" [id=334, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/2/fc1/conv2d/0" [id=335, type=conv2d, metatype=PTConv2dMetatype]; -"features/11/block/2/activation/relu/0" [id=336, type=relu, metatype=PTRELUMetatype]; -"features.11.block.2.fc2.weight" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.2.fc2.bias" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/2/fc2/conv2d/0" [id=339, type=conv2d, metatype=PTConv2dMetatype]; -"features/11/block/2/scale_activation/hardsigmoid/0" [id=340, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"features/11/block/2/mul/0" [id=341, type=mul, metatype=PTMulMetatype]; -"features.11.block.3.0.weight" [id=342, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/3/0/conv2d/0" [id=343, type=conv2d, metatype=PTConv2dMetatype]; -"features.11.block.3.1.weight" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.3.1.bias" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.3.1.running_mean" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.3.1.running_var" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/3/1/batch_norm/0" [id=348, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/11/add_/0" [id=349, type="add_", metatype=PTAddMetatype]; -"features.12.0.weight" [id=350, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/0/conv2d/0" [id=351, type=conv2d, metatype=PTConv2dMetatype]; -"features.12.1.weight" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.1.bias" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.1.running_mean" [id=354, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.1.running_var" [id=355, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/1/batch_norm/0" [id=356, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/12/2/hardswish/0" [id=357, type=hardswish, metatype=PTHardSwishMetatype]; -"avgpool/adaptive_avg_pool2d/0" [id=358, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"/flatten/0" [id=359, type=flatten, metatype=PTReshapeMetatype]; -"classifier.0.weight" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.0.bias" [id=361, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/0/linear/0" [id=362, type=linear, metatype=PTLinearMetatype]; -"classifier/1/hardswish/0" [id=363, type=hardswish, metatype=PTHardSwishMetatype]; -"classifier/2/dropout/0" [id=364, type=dropout, metatype=PTDropoutMetatype]; -"classifier.3.weight" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.3.bias" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/3/linear/0" [id=367, type=linear, metatype=PTLinearMetatype]; -output [id=368, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "features/0/0/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; -"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, shape="(16, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; -"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; -"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; -"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; -"features/0/1/batch_norm/0" -> "features/0/2/hardswish/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; -"features/0/2/hardswish/0" -> "features/1/block/0/0/conv2d/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; -"features.1.block.0.0.weight" -> "features/1/block/0/0/conv2d/0" [dtype=float, shape="(16, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/1/block/0/0/conv2d/0" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"features.1.block.0.1.weight" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; -"features.1.block.0.1.bias" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"features.1.block.0.1.running_mean" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; -"features.1.block.0.1.running_var" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; -"features/1/block/0/1/batch_norm/0" -> "features/1/block/0/2/relu_/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"features/1/block/0/2/relu_/0" -> "features/1/block/1/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"features/1/block/0/2/relu_/0" -> "features/1/block/1/mul/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=1]; -"features/1/block/1/avgpool/adaptive_avg_pool2d/0" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=0]; -"features.1.block.1.fc1.weight" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, shape="(8, 16, 1, 1)", out_port_id=0, in_port_id=1]; -"features.1.block.1.fc1.bias" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, shape="(8,)", out_port_id=0, in_port_id=2]; -"features/1/block/1/fc1/conv2d/0" -> "features/1/block/1/activation/relu/0" [dtype=float, shape="(1, 8, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/block/1/activation/relu/0" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, shape="(1, 8, 1, 1)", out_port_id=0, in_port_id=0]; -"features.1.block.1.fc2.weight" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, shape="(16, 8, 1, 1)", out_port_id=0, in_port_id=1]; -"features.1.block.1.fc2.bias" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"features/1/block/1/fc2/conv2d/0" -> "features/1/block/1/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/block/1/scale_activation/hardsigmoid/0" -> "features/1/block/1/mul/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/block/1/mul/0" -> "features/1/block/2/0/conv2d/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"features.1.block.2.0.weight" -> "features/1/block/2/0/conv2d/0" [dtype=float, shape="(16, 16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/1/block/2/0/conv2d/0" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"features.1.block.2.1.weight" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; -"features.1.block.2.1.bias" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"features.1.block.2.1.running_mean" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; -"features.1.block.2.1.running_var" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; -"features/1/block/2/1/batch_norm/0" -> "features/2/block/0/0/conv2d/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.block.0.0.weight" -> "features/2/block/0/0/conv2d/0" [dtype=float, shape="(72, 16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/2/block/0/0/conv2d/0" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(1, 72, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.block.0.1.weight" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=1]; -"features.2.block.0.1.bias" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=2]; -"features.2.block.0.1.running_mean" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=3]; -"features.2.block.0.1.running_var" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=4]; -"features/2/block/0/1/batch_norm/0" -> "features/2/block/0/2/relu_/0" [dtype=float, shape="(1, 72, 16, 16)", out_port_id=0, in_port_id=0]; -"features/2/block/0/2/relu_/0" -> "features/2/block/1/0/conv2d/0" [dtype=float, shape="(1, 72, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.block.1.0.weight" -> "features/2/block/1/0/conv2d/0" [dtype=float, shape="(72, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/2/block/1/0/conv2d/0" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(1, 72, 8, 8)", out_port_id=0, in_port_id=0]; -"features.2.block.1.1.weight" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=1]; -"features.2.block.1.1.bias" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=2]; -"features.2.block.1.1.running_mean" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=3]; -"features.2.block.1.1.running_var" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=4]; -"features/2/block/1/1/batch_norm/0" -> "features/2/block/1/2/relu_/0" [dtype=float, shape="(1, 72, 8, 8)", out_port_id=0, in_port_id=0]; -"features/2/block/1/2/relu_/0" -> "features/2/block/2/0/conv2d/0" [dtype=float, shape="(1, 72, 8, 8)", out_port_id=0, in_port_id=0]; -"features.2.block.2.0.weight" -> "features/2/block/2/0/conv2d/0" [dtype=float, shape="(24, 72, 1, 1)", out_port_id=0, in_port_id=1]; -"features/2/block/2/0/conv2d/0" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; -"features.2.block.2.1.weight" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"features.2.block.2.1.bias" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"features.2.block.2.1.running_mean" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"features.2.block.2.1.running_var" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"features/2/block/2/1/batch_norm/0" -> "features/3/block/0/0/conv2d/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; -"features/2/block/2/1/batch_norm/0" -> "features/3/add_/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=1]; -"features.3.block.0.0.weight" -> "features/3/block/0/0/conv2d/0" [dtype=float, shape="(88, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/block/0/0/conv2d/0" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(1, 88, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.block.0.1.weight" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=1]; -"features.3.block.0.1.bias" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=2]; -"features.3.block.0.1.running_mean" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=3]; -"features.3.block.0.1.running_var" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=4]; -"features/3/block/0/1/batch_norm/0" -> "features/3/block/0/2/relu_/0" [dtype=float, shape="(1, 88, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/block/0/2/relu_/0" -> "features/3/block/1/0/conv2d/0" [dtype=float, shape="(1, 88, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.block.1.0.weight" -> "features/3/block/1/0/conv2d/0" [dtype=float, shape="(88, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/3/block/1/0/conv2d/0" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(1, 88, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.block.1.1.weight" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=1]; -"features.3.block.1.1.bias" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=2]; -"features.3.block.1.1.running_mean" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=3]; -"features.3.block.1.1.running_var" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=4]; -"features/3/block/1/1/batch_norm/0" -> "features/3/block/1/2/relu_/0" [dtype=float, shape="(1, 88, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/block/1/2/relu_/0" -> "features/3/block/2/0/conv2d/0" [dtype=float, shape="(1, 88, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.block.2.0.weight" -> "features/3/block/2/0/conv2d/0" [dtype=float, shape="(24, 88, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/block/2/0/conv2d/0" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.block.2.1.weight" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"features.3.block.2.1.bias" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"features.3.block.2.1.running_mean" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"features.3.block.2.1.running_var" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"features/3/block/2/1/batch_norm/0" -> "features/3/add_/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/add_/0" -> "features/4/block/0/0/conv2d/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; -"features.4.block.0.0.weight" -> "features/4/block/0/0/conv2d/0" [dtype=float, shape="(96, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/block/0/0/conv2d/0" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"features.4.block.0.1.weight" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.4.block.0.1.bias" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.4.block.0.1.running_mean" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.4.block.0.1.running_var" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/4/block/0/1/batch_norm/0" -> "features/4/block/0/2/hardswish/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"features/4/block/0/2/hardswish/0" -> "features/4/block/1/0/conv2d/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"features.4.block.1.0.weight" -> "features/4/block/1/0/conv2d/0" [dtype=float, shape="(96, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/4/block/1/0/conv2d/0" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.block.1.1.weight" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.4.block.1.1.bias" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.4.block.1.1.running_mean" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.4.block.1.1.running_var" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/4/block/1/1/batch_norm/0" -> "features/4/block/1/2/hardswish/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/block/1/2/hardswish/0" -> "features/4/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/block/1/2/hardswish/0" -> "features/4/block/2/mul/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=1]; -"features/4/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features.4.block.2.fc1.weight" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, shape="(24, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features.4.block.2.fc1.bias" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"features/4/block/2/fc1/conv2d/0" -> "features/4/block/2/activation/relu/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/block/2/activation/relu/0" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"features.4.block.2.fc2.weight" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, shape="(96, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"features.4.block.2.fc2.bias" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features/4/block/2/fc2/conv2d/0" -> "features/4/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/block/2/scale_activation/hardsigmoid/0" -> "features/4/block/2/mul/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/block/2/mul/0" -> "features/4/block/3/0/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.block.3.0.weight" -> "features/4/block/3/0/conv2d/0" [dtype=float, shape="(40, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/block/3/0/conv2d/0" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.block.3.1.weight" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; -"features.4.block.3.1.bias" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; -"features.4.block.3.1.running_mean" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; -"features.4.block.3.1.running_var" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; -"features/4/block/3/1/batch_norm/0" -> "features/5/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/block/3/1/batch_norm/0" -> "features/5/add_/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=1]; -"features.5.block.0.0.weight" -> "features/5/block/0/0/conv2d/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/block/0/0/conv2d/0" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.block.0.1.weight" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; -"features.5.block.0.1.bias" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features.5.block.0.1.running_mean" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; -"features.5.block.0.1.running_var" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; -"features/5/block/0/1/batch_norm/0" -> "features/5/block/0/2/hardswish/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/block/0/2/hardswish/0" -> "features/5/block/1/0/conv2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.block.1.0.weight" -> "features/5/block/1/0/conv2d/0" [dtype=float, shape="(240, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/5/block/1/0/conv2d/0" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.block.1.1.weight" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; -"features.5.block.1.1.bias" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features.5.block.1.1.running_mean" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; -"features.5.block.1.1.running_var" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; -"features/5/block/1/1/batch_norm/0" -> "features/5/block/1/2/hardswish/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/block/1/2/hardswish/0" -> "features/5/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/block/1/2/hardswish/0" -> "features/5/block/2/mul/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=1]; -"features/5/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features.5.block.2.fc1.weight" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, shape="(64, 240, 1, 1)", out_port_id=0, in_port_id=1]; -"features.5.block.2.fc1.bias" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features/5/block/2/fc1/conv2d/0" -> "features/5/block/2/activation/relu/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/block/2/activation/relu/0" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features.5.block.2.fc2.weight" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, shape="(240, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features.5.block.2.fc2.bias" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features/5/block/2/fc2/conv2d/0" -> "features/5/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/block/2/scale_activation/hardsigmoid/0" -> "features/5/block/2/mul/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/block/2/mul/0" -> "features/5/block/3/0/conv2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.block.3.0.weight" -> "features/5/block/3/0/conv2d/0" [dtype=float, shape="(40, 240, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/block/3/0/conv2d/0" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.block.3.1.weight" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; -"features.5.block.3.1.bias" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; -"features.5.block.3.1.running_mean" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; -"features.5.block.3.1.running_var" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; -"features/5/block/3/1/batch_norm/0" -> "features/5/add_/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/add_/0" -> "features/6/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/add_/0" -> "features/6/add_/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=1]; -"features.6.block.0.0.weight" -> "features/6/block/0/0/conv2d/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/block/0/0/conv2d/0" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.block.0.1.weight" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; -"features.6.block.0.1.bias" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features.6.block.0.1.running_mean" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; -"features.6.block.0.1.running_var" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; -"features/6/block/0/1/batch_norm/0" -> "features/6/block/0/2/hardswish/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features/6/block/0/2/hardswish/0" -> "features/6/block/1/0/conv2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.block.1.0.weight" -> "features/6/block/1/0/conv2d/0" [dtype=float, shape="(240, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/6/block/1/0/conv2d/0" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.block.1.1.weight" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; -"features.6.block.1.1.bias" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features.6.block.1.1.running_mean" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; -"features.6.block.1.1.running_var" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; -"features/6/block/1/1/batch_norm/0" -> "features/6/block/1/2/hardswish/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features/6/block/1/2/hardswish/0" -> "features/6/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features/6/block/1/2/hardswish/0" -> "features/6/block/2/mul/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=1]; -"features/6/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features.6.block.2.fc1.weight" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, shape="(64, 240, 1, 1)", out_port_id=0, in_port_id=1]; -"features.6.block.2.fc1.bias" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features/6/block/2/fc1/conv2d/0" -> "features/6/block/2/activation/relu/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/block/2/activation/relu/0" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features.6.block.2.fc2.weight" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, shape="(240, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features.6.block.2.fc2.bias" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features/6/block/2/fc2/conv2d/0" -> "features/6/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/block/2/scale_activation/hardsigmoid/0" -> "features/6/block/2/mul/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/block/2/mul/0" -> "features/6/block/3/0/conv2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.block.3.0.weight" -> "features/6/block/3/0/conv2d/0" [dtype=float, shape="(40, 240, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/block/3/0/conv2d/0" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.block.3.1.weight" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; -"features.6.block.3.1.bias" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; -"features.6.block.3.1.running_mean" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; -"features.6.block.3.1.running_var" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; -"features/6/block/3/1/batch_norm/0" -> "features/6/add_/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; -"features/6/add_/0" -> "features/7/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; -"features.7.block.0.0.weight" -> "features/7/block/0/0/conv2d/0" [dtype=float, shape="(120, 40, 1, 1)", out_port_id=0, in_port_id=1]; -"features/7/block/0/0/conv2d/0" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=0]; -"features.7.block.0.1.weight" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=1]; -"features.7.block.0.1.bias" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=2]; -"features.7.block.0.1.running_mean" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=3]; -"features.7.block.0.1.running_var" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=4]; -"features/7/block/0/1/batch_norm/0" -> "features/7/block/0/2/hardswish/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=0]; -"features/7/block/0/2/hardswish/0" -> "features/7/block/1/0/conv2d/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=0]; -"features.7.block.1.0.weight" -> "features/7/block/1/0/conv2d/0" [dtype=float, shape="(120, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/7/block/1/0/conv2d/0" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=0]; -"features.7.block.1.1.weight" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=1]; -"features.7.block.1.1.bias" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=2]; -"features.7.block.1.1.running_mean" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=3]; -"features.7.block.1.1.running_var" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=4]; -"features/7/block/1/1/batch_norm/0" -> "features/7/block/1/2/hardswish/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=0]; -"features/7/block/1/2/hardswish/0" -> "features/7/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=0]; -"features/7/block/1/2/hardswish/0" -> "features/7/block/2/mul/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=1]; -"features/7/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=0]; -"features.7.block.2.fc1.weight" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, shape="(32, 120, 1, 1)", out_port_id=0, in_port_id=1]; -"features.7.block.2.fc1.bias" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features/7/block/2/fc1/conv2d/0" -> "features/7/block/2/activation/relu/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/block/2/activation/relu/0" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=0]; -"features.7.block.2.fc2.weight" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, shape="(120, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features.7.block.2.fc2.bias" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=2]; -"features/7/block/2/fc2/conv2d/0" -> "features/7/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/block/2/scale_activation/hardsigmoid/0" -> "features/7/block/2/mul/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/block/2/mul/0" -> "features/7/block/3/0/conv2d/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=0]; -"features.7.block.3.0.weight" -> "features/7/block/3/0/conv2d/0" [dtype=float, shape="(48, 120, 1, 1)", out_port_id=0, in_port_id=1]; -"features/7/block/3/0/conv2d/0" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(1, 48, 4, 4)", out_port_id=0, in_port_id=0]; -"features.7.block.3.1.weight" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"features.7.block.3.1.bias" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"features.7.block.3.1.running_mean" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"features.7.block.3.1.running_var" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"features/7/block/3/1/batch_norm/0" -> "features/8/block/0/0/conv2d/0" [dtype=float, shape="(1, 48, 4, 4)", out_port_id=0, in_port_id=0]; -"features/7/block/3/1/batch_norm/0" -> "features/8/add_/0" [dtype=float, shape="(1, 48, 4, 4)", out_port_id=0, in_port_id=1]; -"features.8.block.0.0.weight" -> "features/8/block/0/0/conv2d/0" [dtype=float, shape="(144, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"features/8/block/0/0/conv2d/0" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; -"features.8.block.0.1.weight" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.8.block.0.1.bias" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.8.block.0.1.running_mean" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.8.block.0.1.running_var" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/8/block/0/1/batch_norm/0" -> "features/8/block/0/2/hardswish/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; -"features/8/block/0/2/hardswish/0" -> "features/8/block/1/0/conv2d/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; -"features.8.block.1.0.weight" -> "features/8/block/1/0/conv2d/0" [dtype=float, shape="(144, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/8/block/1/0/conv2d/0" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; -"features.8.block.1.1.weight" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.8.block.1.1.bias" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.8.block.1.1.running_mean" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.8.block.1.1.running_var" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/8/block/1/1/batch_norm/0" -> "features/8/block/1/2/hardswish/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; -"features/8/block/1/2/hardswish/0" -> "features/8/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; -"features/8/block/1/2/hardswish/0" -> "features/8/block/2/mul/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=1]; -"features/8/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features.8.block.2.fc1.weight" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, shape="(40, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features.8.block.2.fc1.bias" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; -"features/8/block/2/fc1/conv2d/0" -> "features/8/block/2/activation/relu/0" [dtype=float, shape="(1, 40, 1, 1)", out_port_id=0, in_port_id=0]; -"features/8/block/2/activation/relu/0" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 40, 1, 1)", out_port_id=0, in_port_id=0]; -"features.8.block.2.fc2.weight" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, shape="(144, 40, 1, 1)", out_port_id=0, in_port_id=1]; -"features.8.block.2.fc2.bias" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features/8/block/2/fc2/conv2d/0" -> "features/8/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features/8/block/2/scale_activation/hardsigmoid/0" -> "features/8/block/2/mul/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features/8/block/2/mul/0" -> "features/8/block/3/0/conv2d/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; -"features.8.block.3.0.weight" -> "features/8/block/3/0/conv2d/0" [dtype=float, shape="(48, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features/8/block/3/0/conv2d/0" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(1, 48, 4, 4)", out_port_id=0, in_port_id=0]; -"features.8.block.3.1.weight" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"features.8.block.3.1.bias" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"features.8.block.3.1.running_mean" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"features.8.block.3.1.running_var" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"features/8/block/3/1/batch_norm/0" -> "features/8/add_/0" [dtype=float, shape="(1, 48, 4, 4)", out_port_id=0, in_port_id=0]; -"features/8/add_/0" -> "features/9/block/0/0/conv2d/0" [dtype=float, shape="(1, 48, 4, 4)", out_port_id=0, in_port_id=0]; -"features.9.block.0.0.weight" -> "features/9/block/0/0/conv2d/0" [dtype=float, shape="(288, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"features/9/block/0/0/conv2d/0" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(1, 288, 4, 4)", out_port_id=0, in_port_id=0]; -"features.9.block.0.1.weight" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; -"features.9.block.0.1.bias" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; -"features.9.block.0.1.running_mean" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; -"features.9.block.0.1.running_var" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; -"features/9/block/0/1/batch_norm/0" -> "features/9/block/0/2/hardswish/0" [dtype=float, shape="(1, 288, 4, 4)", out_port_id=0, in_port_id=0]; -"features/9/block/0/2/hardswish/0" -> "features/9/block/1/0/conv2d/0" [dtype=float, shape="(1, 288, 4, 4)", out_port_id=0, in_port_id=0]; -"features.9.block.1.0.weight" -> "features/9/block/1/0/conv2d/0" [dtype=float, shape="(288, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/9/block/1/0/conv2d/0" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; -"features.9.block.1.1.weight" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; -"features.9.block.1.1.bias" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; -"features.9.block.1.1.running_mean" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; -"features.9.block.1.1.running_var" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; -"features/9/block/1/1/batch_norm/0" -> "features/9/block/1/2/hardswish/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; -"features/9/block/1/2/hardswish/0" -> "features/9/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; -"features/9/block/1/2/hardswish/0" -> "features/9/block/2/mul/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=1]; -"features/9/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"features.9.block.2.fc1.weight" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, shape="(72, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"features.9.block.2.fc1.bias" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=2]; -"features/9/block/2/fc1/conv2d/0" -> "features/9/block/2/activation/relu/0" [dtype=float, shape="(1, 72, 1, 1)", out_port_id=0, in_port_id=0]; -"features/9/block/2/activation/relu/0" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 72, 1, 1)", out_port_id=0, in_port_id=0]; -"features.9.block.2.fc2.weight" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, shape="(288, 72, 1, 1)", out_port_id=0, in_port_id=1]; -"features.9.block.2.fc2.bias" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; -"features/9/block/2/fc2/conv2d/0" -> "features/9/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"features/9/block/2/scale_activation/hardsigmoid/0" -> "features/9/block/2/mul/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"features/9/block/2/mul/0" -> "features/9/block/3/0/conv2d/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; -"features.9.block.3.0.weight" -> "features/9/block/3/0/conv2d/0" [dtype=float, shape="(96, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"features/9/block/3/0/conv2d/0" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features.9.block.3.1.weight" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.9.block.3.1.bias" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.9.block.3.1.running_mean" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.9.block.3.1.running_var" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/9/block/3/1/batch_norm/0" -> "features/10/block/0/0/conv2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features/9/block/3/1/batch_norm/0" -> "features/10/add_/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=1]; -"features.10.block.0.0.weight" -> "features/10/block/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/10/block/0/0/conv2d/0" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.10.block.0.1.weight" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.10.block.0.1.bias" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.10.block.0.1.running_mean" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.10.block.0.1.running_var" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/10/block/0/1/batch_norm/0" -> "features/10/block/0/2/hardswish/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features/10/block/0/2/hardswish/0" -> "features/10/block/1/0/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.10.block.1.0.weight" -> "features/10/block/1/0/conv2d/0" [dtype=float, shape="(576, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/10/block/1/0/conv2d/0" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.10.block.1.1.weight" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.10.block.1.1.bias" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.10.block.1.1.running_mean" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.10.block.1.1.running_var" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/10/block/1/1/batch_norm/0" -> "features/10/block/1/2/hardswish/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features/10/block/1/2/hardswish/0" -> "features/10/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features/10/block/1/2/hardswish/0" -> "features/10/block/2/mul/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=1]; -"features/10/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.10.block.2.fc1.weight" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, shape="(144, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features.10.block.2.fc1.bias" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features/10/block/2/fc1/conv2d/0" -> "features/10/block/2/activation/relu/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/block/2/activation/relu/0" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features.10.block.2.fc2.weight" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, shape="(576, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features.10.block.2.fc2.bias" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features/10/block/2/fc2/conv2d/0" -> "features/10/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/block/2/scale_activation/hardsigmoid/0" -> "features/10/block/2/mul/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/block/2/mul/0" -> "features/10/block/3/0/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.10.block.3.0.weight" -> "features/10/block/3/0/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features/10/block/3/0/conv2d/0" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features.10.block.3.1.weight" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.10.block.3.1.bias" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.10.block.3.1.running_mean" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.10.block.3.1.running_var" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/10/block/3/1/batch_norm/0" -> "features/10/add_/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features/10/add_/0" -> "features/11/block/0/0/conv2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features/10/add_/0" -> "features/11/add_/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=1]; -"features.11.block.0.0.weight" -> "features/11/block/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/11/block/0/0/conv2d/0" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.11.block.0.1.weight" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.11.block.0.1.bias" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.11.block.0.1.running_mean" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.11.block.0.1.running_var" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/11/block/0/1/batch_norm/0" -> "features/11/block/0/2/hardswish/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features/11/block/0/2/hardswish/0" -> "features/11/block/1/0/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.11.block.1.0.weight" -> "features/11/block/1/0/conv2d/0" [dtype=float, shape="(576, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/11/block/1/0/conv2d/0" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.11.block.1.1.weight" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.11.block.1.1.bias" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.11.block.1.1.running_mean" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.11.block.1.1.running_var" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/11/block/1/1/batch_norm/0" -> "features/11/block/1/2/hardswish/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features/11/block/1/2/hardswish/0" -> "features/11/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features/11/block/1/2/hardswish/0" -> "features/11/block/2/mul/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=1]; -"features/11/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.11.block.2.fc1.weight" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, shape="(144, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features.11.block.2.fc1.bias" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features/11/block/2/fc1/conv2d/0" -> "features/11/block/2/activation/relu/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/block/2/activation/relu/0" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features.11.block.2.fc2.weight" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, shape="(576, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features.11.block.2.fc2.bias" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features/11/block/2/fc2/conv2d/0" -> "features/11/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/block/2/scale_activation/hardsigmoid/0" -> "features/11/block/2/mul/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/block/2/mul/0" -> "features/11/block/3/0/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.11.block.3.0.weight" -> "features/11/block/3/0/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features/11/block/3/0/conv2d/0" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features.11.block.3.1.weight" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.11.block.3.1.bias" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.11.block.3.1.running_mean" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.11.block.3.1.running_var" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/11/block/3/1/batch_norm/0" -> "features/11/add_/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features/11/add_/0" -> "features/12/0/conv2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features.12.0.weight" -> "features/12/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/12/0/conv2d/0" -> "features/12/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.12.1.weight" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.12.1.bias" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.12.1.running_mean" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.12.1.running_var" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/12/1/batch_norm/0" -> "features/12/2/hardswish/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features/12/2/hardswish/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"/flatten/0" -> "classifier/0/linear/0" [dtype=float, shape="(1, 576)", out_port_id=0, in_port_id=0]; -"classifier.0.weight" -> "classifier/0/linear/0" [dtype=float, shape="(1024, 576)", out_port_id=0, in_port_id=1]; -"classifier.0.bias" -> "classifier/0/linear/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"classifier/0/linear/0" -> "classifier/1/hardswish/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"classifier/1/hardswish/0" -> "classifier/2/dropout/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"classifier/2/dropout/0" -> "classifier/3/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"classifier.3.weight" -> "classifier/3/linear/0" [dtype=float, shape="(1000, 1024)", out_port_id=0, in_port_id=1]; -"classifier.3.bias" -> "classifier/3/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"classifier/3/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"features.0.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/0/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; +"features.0.1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/1/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/0/2/hardswish/0" [id=8, metatype=PTHardSwishMetatype, type=hardswish]; +"features.1.block.0.0.weight" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/0/0/conv2d/0" [id=10, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.1.block.0.1.weight" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.0.1.bias" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.0.1.running_mean" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.0.1.running_var" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/0/1/batch_norm/0" [id=15, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/1/block/0/2/relu_/0" [id=16, metatype=PTRELUMetatype, type=relu_]; +"features/1/block/1/avgpool/adaptive_avg_pool2d/0" [id=17, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.1.block.1.fc1.weight" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.1.fc1.bias" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/1/fc1/conv2d/0" [id=20, metatype=PTConv2dMetatype, type=conv2d]; +"features/1/block/1/activation/relu/0" [id=21, metatype=PTRELUMetatype, type=relu]; +"features.1.block.1.fc2.weight" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.1.fc2.bias" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/1/fc2/conv2d/0" [id=24, metatype=PTConv2dMetatype, type=conv2d]; +"features/1/block/1/scale_activation/hardsigmoid/0" [id=25, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"features/1/block/1/mul/0" [id=26, metatype=PTMulMetatype, type=mul]; +"features.1.block.2.0.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/2/0/conv2d/0" [id=28, metatype=PTConv2dMetatype, type=conv2d]; +"features.1.block.2.1.weight" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.2.1.bias" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.2.1.running_mean" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.2.1.running_var" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/2/1/batch_norm/0" [id=33, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.2.block.0.0.weight" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/0/0/conv2d/0" [id=35, metatype=PTConv2dMetatype, type=conv2d]; +"features.2.block.0.1.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.0.1.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.0.1.running_mean" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.0.1.running_var" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/0/1/batch_norm/0" [id=40, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/2/block/0/2/relu_/0" [id=41, metatype=PTRELUMetatype, type=relu_]; +"features.2.block.1.0.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/1/0/conv2d/0" [id=43, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.2.block.1.1.weight" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.1.1.bias" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.1.1.running_mean" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.1.1.running_var" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/1/1/batch_norm/0" [id=48, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/2/block/1/2/relu_/0" [id=49, metatype=PTRELUMetatype, type=relu_]; +"features.2.block.2.0.weight" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/2/0/conv2d/0" [id=51, metatype=PTConv2dMetatype, type=conv2d]; +"features.2.block.2.1.weight" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.2.1.bias" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.2.1.running_mean" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.2.1.running_var" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/2/1/batch_norm/0" [id=56, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.3.block.0.0.weight" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/0/0/conv2d/0" [id=58, metatype=PTConv2dMetatype, type=conv2d]; +"features.3.block.0.1.weight" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.0.1.bias" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.0.1.running_mean" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.0.1.running_var" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/0/1/batch_norm/0" [id=63, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/block/0/2/relu_/0" [id=64, metatype=PTRELUMetatype, type=relu_]; +"features.3.block.1.0.weight" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/1/0/conv2d/0" [id=66, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.3.block.1.1.weight" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.1.1.bias" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.1.1.running_mean" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.1.1.running_var" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/1/1/batch_norm/0" [id=71, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/block/1/2/relu_/0" [id=72, metatype=PTRELUMetatype, type=relu_]; +"features.3.block.2.0.weight" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/2/0/conv2d/0" [id=74, metatype=PTConv2dMetatype, type=conv2d]; +"features.3.block.2.1.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.2.1.bias" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.2.1.running_mean" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.2.1.running_var" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/2/1/batch_norm/0" [id=79, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/add_/0" [id=80, metatype=PTAddMetatype, type=add_]; +"features.4.block.0.0.weight" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/0/0/conv2d/0" [id=82, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.block.0.1.weight" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.0.1.bias" [id=84, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.0.1.running_mean" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.0.1.running_var" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/0/1/batch_norm/0" [id=87, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/block/0/2/hardswish/0" [id=88, metatype=PTHardSwishMetatype, type=hardswish]; +"features.4.block.1.0.weight" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/1/0/conv2d/0" [id=90, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.4.block.1.1.weight" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.1.1.bias" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.1.1.running_mean" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.1.1.running_var" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/1/1/batch_norm/0" [id=95, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/block/1/2/hardswish/0" [id=96, metatype=PTHardSwishMetatype, type=hardswish]; +"features/4/block/2/avgpool/adaptive_avg_pool2d/0" [id=97, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.4.block.2.fc1.weight" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.2.fc1.bias" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/2/fc1/conv2d/0" [id=100, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/block/2/activation/relu/0" [id=101, metatype=PTRELUMetatype, type=relu]; +"features.4.block.2.fc2.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.2.fc2.bias" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/2/fc2/conv2d/0" [id=104, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/block/2/scale_activation/hardsigmoid/0" [id=105, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"features/4/block/2/mul/0" [id=106, metatype=PTMulMetatype, type=mul]; +"features.4.block.3.0.weight" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/3/0/conv2d/0" [id=108, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.block.3.1.weight" [id=109, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.3.1.bias" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.3.1.running_mean" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.3.1.running_var" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/3/1/batch_norm/0" [id=113, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.5.block.0.0.weight" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/0/0/conv2d/0" [id=115, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.block.0.1.weight" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.0.1.bias" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.0.1.running_mean" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.0.1.running_var" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/0/1/batch_norm/0" [id=120, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/block/0/2/hardswish/0" [id=121, metatype=PTHardSwishMetatype, type=hardswish]; +"features.5.block.1.0.weight" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/1/0/conv2d/0" [id=123, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.5.block.1.1.weight" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.1.1.bias" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.1.1.running_mean" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.1.1.running_var" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/1/1/batch_norm/0" [id=128, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/block/1/2/hardswish/0" [id=129, metatype=PTHardSwishMetatype, type=hardswish]; +"features/5/block/2/avgpool/adaptive_avg_pool2d/0" [id=130, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.5.block.2.fc1.weight" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.2.fc1.bias" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/2/fc1/conv2d/0" [id=133, metatype=PTConv2dMetatype, type=conv2d]; +"features/5/block/2/activation/relu/0" [id=134, metatype=PTRELUMetatype, type=relu]; +"features.5.block.2.fc2.weight" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.2.fc2.bias" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/2/fc2/conv2d/0" [id=137, metatype=PTConv2dMetatype, type=conv2d]; +"features/5/block/2/scale_activation/hardsigmoid/0" [id=138, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"features/5/block/2/mul/0" [id=139, metatype=PTMulMetatype, type=mul]; +"features.5.block.3.0.weight" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/3/0/conv2d/0" [id=141, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.block.3.1.weight" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.3.1.bias" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.3.1.running_mean" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.3.1.running_var" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/3/1/batch_norm/0" [id=146, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/add_/0" [id=147, metatype=PTAddMetatype, type=add_]; +"features.6.block.0.0.weight" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/0/0/conv2d/0" [id=149, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.block.0.1.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.0.1.bias" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.0.1.running_mean" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.0.1.running_var" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/0/1/batch_norm/0" [id=154, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/block/0/2/hardswish/0" [id=155, metatype=PTHardSwishMetatype, type=hardswish]; +"features.6.block.1.0.weight" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/1/0/conv2d/0" [id=157, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.6.block.1.1.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.1.1.bias" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.1.1.running_mean" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.1.1.running_var" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/1/1/batch_norm/0" [id=162, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/block/1/2/hardswish/0" [id=163, metatype=PTHardSwishMetatype, type=hardswish]; +"features/6/block/2/avgpool/adaptive_avg_pool2d/0" [id=164, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.6.block.2.fc1.weight" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.2.fc1.bias" [id=166, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/2/fc1/conv2d/0" [id=167, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/block/2/activation/relu/0" [id=168, metatype=PTRELUMetatype, type=relu]; +"features.6.block.2.fc2.weight" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.2.fc2.bias" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/2/fc2/conv2d/0" [id=171, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/block/2/scale_activation/hardsigmoid/0" [id=172, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"features/6/block/2/mul/0" [id=173, metatype=PTMulMetatype, type=mul]; +"features.6.block.3.0.weight" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/3/0/conv2d/0" [id=175, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.block.3.1.weight" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.3.1.bias" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.3.1.running_mean" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.3.1.running_var" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/3/1/batch_norm/0" [id=180, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/add_/0" [id=181, metatype=PTAddMetatype, type=add_]; +"features.7.block.0.0.weight" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/0/0/conv2d/0" [id=183, metatype=PTConv2dMetatype, type=conv2d]; +"features.7.block.0.1.weight" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.0.1.bias" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.0.1.running_mean" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.0.1.running_var" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/0/1/batch_norm/0" [id=188, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/7/block/0/2/hardswish/0" [id=189, metatype=PTHardSwishMetatype, type=hardswish]; +"features.7.block.1.0.weight" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/1/0/conv2d/0" [id=191, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.7.block.1.1.weight" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.1.1.bias" [id=193, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.1.1.running_mean" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.1.1.running_var" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/1/1/batch_norm/0" [id=196, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/7/block/1/2/hardswish/0" [id=197, metatype=PTHardSwishMetatype, type=hardswish]; +"features/7/block/2/avgpool/adaptive_avg_pool2d/0" [id=198, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.7.block.2.fc1.weight" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.2.fc1.bias" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/2/fc1/conv2d/0" [id=201, metatype=PTConv2dMetatype, type=conv2d]; +"features/7/block/2/activation/relu/0" [id=202, metatype=PTRELUMetatype, type=relu]; +"features.7.block.2.fc2.weight" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.2.fc2.bias" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/2/fc2/conv2d/0" [id=205, metatype=PTConv2dMetatype, type=conv2d]; +"features/7/block/2/scale_activation/hardsigmoid/0" [id=206, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"features/7/block/2/mul/0" [id=207, metatype=PTMulMetatype, type=mul]; +"features.7.block.3.0.weight" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/3/0/conv2d/0" [id=209, metatype=PTConv2dMetatype, type=conv2d]; +"features.7.block.3.1.weight" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.3.1.bias" [id=211, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.3.1.running_mean" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.3.1.running_var" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/3/1/batch_norm/0" [id=214, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.8.block.0.0.weight" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/0/0/conv2d/0" [id=216, metatype=PTConv2dMetatype, type=conv2d]; +"features.8.block.0.1.weight" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.0.1.bias" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.0.1.running_mean" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.0.1.running_var" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/0/1/batch_norm/0" [id=221, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/8/block/0/2/hardswish/0" [id=222, metatype=PTHardSwishMetatype, type=hardswish]; +"features.8.block.1.0.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/1/0/conv2d/0" [id=224, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.8.block.1.1.weight" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.1.1.bias" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.1.1.running_mean" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.1.1.running_var" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/1/1/batch_norm/0" [id=229, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/8/block/1/2/hardswish/0" [id=230, metatype=PTHardSwishMetatype, type=hardswish]; +"features/8/block/2/avgpool/adaptive_avg_pool2d/0" [id=231, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.8.block.2.fc1.weight" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.2.fc1.bias" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/2/fc1/conv2d/0" [id=234, metatype=PTConv2dMetatype, type=conv2d]; +"features/8/block/2/activation/relu/0" [id=235, metatype=PTRELUMetatype, type=relu]; +"features.8.block.2.fc2.weight" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.2.fc2.bias" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/2/fc2/conv2d/0" [id=238, metatype=PTConv2dMetatype, type=conv2d]; +"features/8/block/2/scale_activation/hardsigmoid/0" [id=239, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"features/8/block/2/mul/0" [id=240, metatype=PTMulMetatype, type=mul]; +"features.8.block.3.0.weight" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/3/0/conv2d/0" [id=242, metatype=PTConv2dMetatype, type=conv2d]; +"features.8.block.3.1.weight" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.3.1.bias" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.3.1.running_mean" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.3.1.running_var" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/3/1/batch_norm/0" [id=247, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/8/add_/0" [id=248, metatype=PTAddMetatype, type=add_]; +"features.9.block.0.0.weight" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/0/0/conv2d/0" [id=250, metatype=PTConv2dMetatype, type=conv2d]; +"features.9.block.0.1.weight" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.0.1.bias" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.0.1.running_mean" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.0.1.running_var" [id=254, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/0/1/batch_norm/0" [id=255, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/9/block/0/2/hardswish/0" [id=256, metatype=PTHardSwishMetatype, type=hardswish]; +"features.9.block.1.0.weight" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/1/0/conv2d/0" [id=258, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.9.block.1.1.weight" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.1.1.bias" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.1.1.running_mean" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.1.1.running_var" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/1/1/batch_norm/0" [id=263, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/9/block/1/2/hardswish/0" [id=264, metatype=PTHardSwishMetatype, type=hardswish]; +"features/9/block/2/avgpool/adaptive_avg_pool2d/0" [id=265, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.9.block.2.fc1.weight" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.2.fc1.bias" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/2/fc1/conv2d/0" [id=268, metatype=PTConv2dMetatype, type=conv2d]; +"features/9/block/2/activation/relu/0" [id=269, metatype=PTRELUMetatype, type=relu]; +"features.9.block.2.fc2.weight" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.2.fc2.bias" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/2/fc2/conv2d/0" [id=272, metatype=PTConv2dMetatype, type=conv2d]; +"features/9/block/2/scale_activation/hardsigmoid/0" [id=273, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"features/9/block/2/mul/0" [id=274, metatype=PTMulMetatype, type=mul]; +"features.9.block.3.0.weight" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/3/0/conv2d/0" [id=276, metatype=PTConv2dMetatype, type=conv2d]; +"features.9.block.3.1.weight" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.3.1.bias" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.3.1.running_mean" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.3.1.running_var" [id=280, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/3/1/batch_norm/0" [id=281, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features.10.block.0.0.weight" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/0/0/conv2d/0" [id=283, metatype=PTConv2dMetatype, type=conv2d]; +"features.10.block.0.1.weight" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.0.1.bias" [id=285, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.0.1.running_mean" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.0.1.running_var" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/0/1/batch_norm/0" [id=288, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/10/block/0/2/hardswish/0" [id=289, metatype=PTHardSwishMetatype, type=hardswish]; +"features.10.block.1.0.weight" [id=290, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/1/0/conv2d/0" [id=291, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.10.block.1.1.weight" [id=292, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.1.1.bias" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.1.1.running_mean" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.1.1.running_var" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/1/1/batch_norm/0" [id=296, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/10/block/1/2/hardswish/0" [id=297, metatype=PTHardSwishMetatype, type=hardswish]; +"features/10/block/2/avgpool/adaptive_avg_pool2d/0" [id=298, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.10.block.2.fc1.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.2.fc1.bias" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/2/fc1/conv2d/0" [id=301, metatype=PTConv2dMetatype, type=conv2d]; +"features/10/block/2/activation/relu/0" [id=302, metatype=PTRELUMetatype, type=relu]; +"features.10.block.2.fc2.weight" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.2.fc2.bias" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/2/fc2/conv2d/0" [id=305, metatype=PTConv2dMetatype, type=conv2d]; +"features/10/block/2/scale_activation/hardsigmoid/0" [id=306, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"features/10/block/2/mul/0" [id=307, metatype=PTMulMetatype, type=mul]; +"features.10.block.3.0.weight" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/3/0/conv2d/0" [id=309, metatype=PTConv2dMetatype, type=conv2d]; +"features.10.block.3.1.weight" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.3.1.bias" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.3.1.running_mean" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.3.1.running_var" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/3/1/batch_norm/0" [id=314, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/10/add_/0" [id=315, metatype=PTAddMetatype, type=add_]; +"features.11.block.0.0.weight" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/0/0/conv2d/0" [id=317, metatype=PTConv2dMetatype, type=conv2d]; +"features.11.block.0.1.weight" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.0.1.bias" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.0.1.running_mean" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.0.1.running_var" [id=321, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/0/1/batch_norm/0" [id=322, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/11/block/0/2/hardswish/0" [id=323, metatype=PTHardSwishMetatype, type=hardswish]; +"features.11.block.1.0.weight" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/1/0/conv2d/0" [id=325, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.11.block.1.1.weight" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.1.1.bias" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.1.1.running_mean" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.1.1.running_var" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/1/1/batch_norm/0" [id=330, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/11/block/1/2/hardswish/0" [id=331, metatype=PTHardSwishMetatype, type=hardswish]; +"features/11/block/2/avgpool/adaptive_avg_pool2d/0" [id=332, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.11.block.2.fc1.weight" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.2.fc1.bias" [id=334, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/2/fc1/conv2d/0" [id=335, metatype=PTConv2dMetatype, type=conv2d]; +"features/11/block/2/activation/relu/0" [id=336, metatype=PTRELUMetatype, type=relu]; +"features.11.block.2.fc2.weight" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.2.fc2.bias" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/2/fc2/conv2d/0" [id=339, metatype=PTConv2dMetatype, type=conv2d]; +"features/11/block/2/scale_activation/hardsigmoid/0" [id=340, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"features/11/block/2/mul/0" [id=341, metatype=PTMulMetatype, type=mul]; +"features.11.block.3.0.weight" [id=342, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/3/0/conv2d/0" [id=343, metatype=PTConv2dMetatype, type=conv2d]; +"features.11.block.3.1.weight" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.3.1.bias" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.3.1.running_mean" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.3.1.running_var" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/3/1/batch_norm/0" [id=348, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/11/add_/0" [id=349, metatype=PTAddMetatype, type=add_]; +"features.12.0.weight" [id=350, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/0/conv2d/0" [id=351, metatype=PTConv2dMetatype, type=conv2d]; +"features.12.1.weight" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.1.bias" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.1.running_mean" [id=354, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.1.running_var" [id=355, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/1/batch_norm/0" [id=356, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/12/2/hardswish/0" [id=357, metatype=PTHardSwishMetatype, type=hardswish]; +"avgpool/adaptive_avg_pool2d/0" [id=358, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"/flatten/0" [id=359, metatype=PTReshapeMetatype, type=flatten]; +"classifier.0.weight" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.0.bias" [id=361, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/0/linear/0" [id=362, metatype=PTLinearMetatype, type=linear]; +"classifier/1/hardswish/0" [id=363, metatype=PTHardSwishMetatype, type=hardswish]; +"classifier/2/dropout/0" [id=364, metatype=PTDropoutMetatype, type=dropout]; +"classifier.3.weight" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.3.bias" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/3/linear/0" [id=367, metatype=PTLinearMetatype, type=linear]; +output [id=368, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "features/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; +"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 3, 3, 3)"]; +"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; +"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; +"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; +"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; +"features/0/1/batch_norm/0" -> "features/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; +"features/0/2/hardswish/0" -> "features/1/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; +"features.1.block.0.0.weight" -> "features/1/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 3, 3)"]; +"features/1/block/0/0/conv2d/0" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"features.1.block.0.1.weight" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; +"features.1.block.0.1.bias" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"features.1.block.0.1.running_mean" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; +"features.1.block.0.1.running_var" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; +"features/1/block/0/1/batch_norm/0" -> "features/1/block/0/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"features/1/block/0/2/relu_/0" -> "features/1/block/1/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"features/1/block/0/2/relu_/0" -> "features/1/block/1/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 16, 16)"]; +"features/1/block/1/avgpool/adaptive_avg_pool2d/0" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 1, 1)"]; +"features.1.block.1.fc1.weight" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(8, 16, 1, 1)"]; +"features.1.block.1.fc1.bias" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(8,)"]; +"features/1/block/1/fc1/conv2d/0" -> "features/1/block/1/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 1, 1)"]; +"features/1/block/1/activation/relu/0" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 1, 1)"]; +"features.1.block.1.fc2.weight" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 8, 1, 1)"]; +"features.1.block.1.fc2.bias" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"features/1/block/1/fc2/conv2d/0" -> "features/1/block/1/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 1, 1)"]; +"features/1/block/1/scale_activation/hardsigmoid/0" -> "features/1/block/1/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 1, 1)"]; +"features/1/block/1/mul/0" -> "features/1/block/2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"features.1.block.2.0.weight" -> "features/1/block/2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 16, 1, 1)"]; +"features/1/block/2/0/conv2d/0" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"features.1.block.2.1.weight" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; +"features.1.block.2.1.bias" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"features.1.block.2.1.running_mean" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; +"features.1.block.2.1.running_var" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; +"features/1/block/2/1/batch_norm/0" -> "features/2/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"features.2.block.0.0.weight" -> "features/2/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72, 16, 1, 1)"]; +"features/2/block/0/0/conv2d/0" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 16, 16)"]; +"features.2.block.0.1.weight" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72,)"]; +"features.2.block.0.1.bias" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(72,)"]; +"features.2.block.0.1.running_mean" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(72,)"]; +"features.2.block.0.1.running_var" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(72,)"]; +"features/2/block/0/1/batch_norm/0" -> "features/2/block/0/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 16, 16)"]; +"features/2/block/0/2/relu_/0" -> "features/2/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 16, 16)"]; +"features.2.block.1.0.weight" -> "features/2/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72, 1, 3, 3)"]; +"features/2/block/1/0/conv2d/0" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 8, 8)"]; +"features.2.block.1.1.weight" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72,)"]; +"features.2.block.1.1.bias" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(72,)"]; +"features.2.block.1.1.running_mean" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(72,)"]; +"features.2.block.1.1.running_var" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(72,)"]; +"features/2/block/1/1/batch_norm/0" -> "features/2/block/1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 8, 8)"]; +"features/2/block/1/2/relu_/0" -> "features/2/block/2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 8, 8)"]; +"features.2.block.2.0.weight" -> "features/2/block/2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 72, 1, 1)"]; +"features/2/block/2/0/conv2d/0" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; +"features.2.block.2.1.weight" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"features.2.block.2.1.bias" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"features.2.block.2.1.running_mean" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"features.2.block.2.1.running_var" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"features/2/block/2/1/batch_norm/0" -> "features/3/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; +"features/2/block/2/1/batch_norm/0" -> "features/3/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 8, 8)"]; +"features.3.block.0.0.weight" -> "features/3/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88, 24, 1, 1)"]; +"features/3/block/0/0/conv2d/0" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 8, 8)"]; +"features.3.block.0.1.weight" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88,)"]; +"features.3.block.0.1.bias" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(88,)"]; +"features.3.block.0.1.running_mean" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(88,)"]; +"features.3.block.0.1.running_var" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(88,)"]; +"features/3/block/0/1/batch_norm/0" -> "features/3/block/0/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 8, 8)"]; +"features/3/block/0/2/relu_/0" -> "features/3/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 8, 8)"]; +"features.3.block.1.0.weight" -> "features/3/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88, 1, 3, 3)"]; +"features/3/block/1/0/conv2d/0" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 8, 8)"]; +"features.3.block.1.1.weight" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88,)"]; +"features.3.block.1.1.bias" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(88,)"]; +"features.3.block.1.1.running_mean" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(88,)"]; +"features.3.block.1.1.running_var" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(88,)"]; +"features/3/block/1/1/batch_norm/0" -> "features/3/block/1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 8, 8)"]; +"features/3/block/1/2/relu_/0" -> "features/3/block/2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 8, 8)"]; +"features.3.block.2.0.weight" -> "features/3/block/2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 88, 1, 1)"]; +"features/3/block/2/0/conv2d/0" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; +"features.3.block.2.1.weight" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"features.3.block.2.1.bias" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"features.3.block.2.1.running_mean" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"features.3.block.2.1.running_var" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"features/3/block/2/1/batch_norm/0" -> "features/3/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; +"features/3/add_/0" -> "features/4/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; +"features.4.block.0.0.weight" -> "features/4/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 24, 1, 1)"]; +"features/4/block/0/0/conv2d/0" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"features.4.block.0.1.weight" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.4.block.0.1.bias" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.4.block.0.1.running_mean" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.4.block.0.1.running_var" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/4/block/0/1/batch_norm/0" -> "features/4/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"features/4/block/0/2/hardswish/0" -> "features/4/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"features.4.block.1.0.weight" -> "features/4/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 5, 5)"]; +"features/4/block/1/0/conv2d/0" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features.4.block.1.1.weight" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.4.block.1.1.bias" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.4.block.1.1.running_mean" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.4.block.1.1.running_var" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/4/block/1/1/batch_norm/0" -> "features/4/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features/4/block/1/2/hardswish/0" -> "features/4/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features/4/block/1/2/hardswish/0" -> "features/4/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features/4/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features.4.block.2.fc1.weight" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 96, 1, 1)"]; +"features.4.block.2.fc1.bias" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"features/4/block/2/fc1/conv2d/0" -> "features/4/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 1, 1)"]; +"features/4/block/2/activation/relu/0" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 1, 1)"]; +"features.4.block.2.fc2.weight" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 24, 1, 1)"]; +"features.4.block.2.fc2.bias" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features/4/block/2/fc2/conv2d/0" -> "features/4/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features/4/block/2/scale_activation/hardsigmoid/0" -> "features/4/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features/4/block/2/mul/0" -> "features/4/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features.4.block.3.0.weight" -> "features/4/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 96, 1, 1)"]; +"features/4/block/3/0/conv2d/0" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; +"features.4.block.3.1.weight" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; +"features.4.block.3.1.bias" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; +"features.4.block.3.1.running_mean" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; +"features.4.block.3.1.running_var" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; +"features/4/block/3/1/batch_norm/0" -> "features/5/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; +"features/4/block/3/1/batch_norm/0" -> "features/5/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 40, 4, 4)"]; +"features.5.block.0.0.weight" -> "features/5/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 40, 1, 1)"]; +"features/5/block/0/0/conv2d/0" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features.5.block.0.1.weight" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; +"features.5.block.0.1.bias" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features.5.block.0.1.running_mean" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; +"features.5.block.0.1.running_var" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; +"features/5/block/0/1/batch_norm/0" -> "features/5/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features/5/block/0/2/hardswish/0" -> "features/5/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features.5.block.1.0.weight" -> "features/5/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 1, 5, 5)"]; +"features/5/block/1/0/conv2d/0" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features.5.block.1.1.weight" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; +"features.5.block.1.1.bias" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features.5.block.1.1.running_mean" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; +"features.5.block.1.1.running_var" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; +"features/5/block/1/1/batch_norm/0" -> "features/5/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features/5/block/1/2/hardswish/0" -> "features/5/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features/5/block/1/2/hardswish/0" -> "features/5/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features/5/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features.5.block.2.fc1.weight" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 240, 1, 1)"]; +"features.5.block.2.fc1.bias" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features/5/block/2/fc1/conv2d/0" -> "features/5/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"features/5/block/2/activation/relu/0" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"features.5.block.2.fc2.weight" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 64, 1, 1)"]; +"features.5.block.2.fc2.bias" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features/5/block/2/fc2/conv2d/0" -> "features/5/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features/5/block/2/scale_activation/hardsigmoid/0" -> "features/5/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features/5/block/2/mul/0" -> "features/5/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features.5.block.3.0.weight" -> "features/5/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 240, 1, 1)"]; +"features/5/block/3/0/conv2d/0" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; +"features.5.block.3.1.weight" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; +"features.5.block.3.1.bias" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; +"features.5.block.3.1.running_mean" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; +"features.5.block.3.1.running_var" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; +"features/5/block/3/1/batch_norm/0" -> "features/5/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; +"features/5/add_/0" -> "features/6/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; +"features/5/add_/0" -> "features/6/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 40, 4, 4)"]; +"features.6.block.0.0.weight" -> "features/6/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 40, 1, 1)"]; +"features/6/block/0/0/conv2d/0" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features.6.block.0.1.weight" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; +"features.6.block.0.1.bias" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features.6.block.0.1.running_mean" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; +"features.6.block.0.1.running_var" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; +"features/6/block/0/1/batch_norm/0" -> "features/6/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features/6/block/0/2/hardswish/0" -> "features/6/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features.6.block.1.0.weight" -> "features/6/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 1, 5, 5)"]; +"features/6/block/1/0/conv2d/0" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features.6.block.1.1.weight" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; +"features.6.block.1.1.bias" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features.6.block.1.1.running_mean" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; +"features.6.block.1.1.running_var" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; +"features/6/block/1/1/batch_norm/0" -> "features/6/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features/6/block/1/2/hardswish/0" -> "features/6/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features/6/block/1/2/hardswish/0" -> "features/6/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features/6/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features.6.block.2.fc1.weight" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 240, 1, 1)"]; +"features.6.block.2.fc1.bias" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features/6/block/2/fc1/conv2d/0" -> "features/6/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"features/6/block/2/activation/relu/0" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"features.6.block.2.fc2.weight" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 64, 1, 1)"]; +"features.6.block.2.fc2.bias" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features/6/block/2/fc2/conv2d/0" -> "features/6/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features/6/block/2/scale_activation/hardsigmoid/0" -> "features/6/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features/6/block/2/mul/0" -> "features/6/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; +"features.6.block.3.0.weight" -> "features/6/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 240, 1, 1)"]; +"features/6/block/3/0/conv2d/0" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; +"features.6.block.3.1.weight" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; +"features.6.block.3.1.bias" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; +"features.6.block.3.1.running_mean" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; +"features.6.block.3.1.running_var" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; +"features/6/block/3/1/batch_norm/0" -> "features/6/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; +"features/6/add_/0" -> "features/7/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; +"features.7.block.0.0.weight" -> "features/7/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120, 40, 1, 1)"]; +"features/7/block/0/0/conv2d/0" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 4, 4)"]; +"features.7.block.0.1.weight" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120,)"]; +"features.7.block.0.1.bias" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(120,)"]; +"features.7.block.0.1.running_mean" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(120,)"]; +"features.7.block.0.1.running_var" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(120,)"]; +"features/7/block/0/1/batch_norm/0" -> "features/7/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 4, 4)"]; +"features/7/block/0/2/hardswish/0" -> "features/7/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 4, 4)"]; +"features.7.block.1.0.weight" -> "features/7/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120, 1, 5, 5)"]; +"features/7/block/1/0/conv2d/0" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 4, 4)"]; +"features.7.block.1.1.weight" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120,)"]; +"features.7.block.1.1.bias" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(120,)"]; +"features.7.block.1.1.running_mean" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(120,)"]; +"features.7.block.1.1.running_var" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(120,)"]; +"features/7/block/1/1/batch_norm/0" -> "features/7/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 4, 4)"]; +"features/7/block/1/2/hardswish/0" -> "features/7/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 4, 4)"]; +"features/7/block/1/2/hardswish/0" -> "features/7/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 120, 4, 4)"]; +"features/7/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 1, 1)"]; +"features.7.block.2.fc1.weight" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 120, 1, 1)"]; +"features.7.block.2.fc1.bias" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features/7/block/2/fc1/conv2d/0" -> "features/7/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 1, 1)"]; +"features/7/block/2/activation/relu/0" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 1, 1)"]; +"features.7.block.2.fc2.weight" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120, 32, 1, 1)"]; +"features.7.block.2.fc2.bias" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(120,)"]; +"features/7/block/2/fc2/conv2d/0" -> "features/7/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 1, 1)"]; +"features/7/block/2/scale_activation/hardsigmoid/0" -> "features/7/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 1, 1)"]; +"features/7/block/2/mul/0" -> "features/7/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 4, 4)"]; +"features.7.block.3.0.weight" -> "features/7/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 120, 1, 1)"]; +"features/7/block/3/0/conv2d/0" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 4, 4)"]; +"features.7.block.3.1.weight" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"features.7.block.3.1.bias" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"features.7.block.3.1.running_mean" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"features.7.block.3.1.running_var" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"features/7/block/3/1/batch_norm/0" -> "features/8/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 4, 4)"]; +"features/7/block/3/1/batch_norm/0" -> "features/8/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 4, 4)"]; +"features.8.block.0.0.weight" -> "features/8/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 48, 1, 1)"]; +"features/8/block/0/0/conv2d/0" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; +"features.8.block.0.1.weight" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.8.block.0.1.bias" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.8.block.0.1.running_mean" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.8.block.0.1.running_var" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/8/block/0/1/batch_norm/0" -> "features/8/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; +"features/8/block/0/2/hardswish/0" -> "features/8/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; +"features.8.block.1.0.weight" -> "features/8/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 5, 5)"]; +"features/8/block/1/0/conv2d/0" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; +"features.8.block.1.1.weight" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.8.block.1.1.bias" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.8.block.1.1.running_mean" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.8.block.1.1.running_var" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/8/block/1/1/batch_norm/0" -> "features/8/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; +"features/8/block/1/2/hardswish/0" -> "features/8/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; +"features/8/block/1/2/hardswish/0" -> "features/8/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 144, 4, 4)"]; +"features/8/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features.8.block.2.fc1.weight" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 144, 1, 1)"]; +"features.8.block.2.fc1.bias" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; +"features/8/block/2/fc1/conv2d/0" -> "features/8/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 1, 1)"]; +"features/8/block/2/activation/relu/0" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 1, 1)"]; +"features.8.block.2.fc2.weight" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 40, 1, 1)"]; +"features.8.block.2.fc2.bias" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features/8/block/2/fc2/conv2d/0" -> "features/8/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/8/block/2/scale_activation/hardsigmoid/0" -> "features/8/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/8/block/2/mul/0" -> "features/8/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; +"features.8.block.3.0.weight" -> "features/8/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 144, 1, 1)"]; +"features/8/block/3/0/conv2d/0" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 4, 4)"]; +"features.8.block.3.1.weight" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"features.8.block.3.1.bias" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"features.8.block.3.1.running_mean" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"features.8.block.3.1.running_var" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"features/8/block/3/1/batch_norm/0" -> "features/8/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 4, 4)"]; +"features/8/add_/0" -> "features/9/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 4, 4)"]; +"features.9.block.0.0.weight" -> "features/9/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288, 48, 1, 1)"]; +"features/9/block/0/0/conv2d/0" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 4, 4)"]; +"features.9.block.0.1.weight" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; +"features.9.block.0.1.bias" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; +"features.9.block.0.1.running_mean" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; +"features.9.block.0.1.running_var" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; +"features/9/block/0/1/batch_norm/0" -> "features/9/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 4, 4)"]; +"features/9/block/0/2/hardswish/0" -> "features/9/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 4, 4)"]; +"features.9.block.1.0.weight" -> "features/9/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288, 1, 5, 5)"]; +"features/9/block/1/0/conv2d/0" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; +"features.9.block.1.1.weight" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; +"features.9.block.1.1.bias" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; +"features.9.block.1.1.running_mean" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; +"features.9.block.1.1.running_var" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; +"features/9/block/1/1/batch_norm/0" -> "features/9/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; +"features/9/block/1/2/hardswish/0" -> "features/9/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; +"features/9/block/1/2/hardswish/0" -> "features/9/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 288, 2, 2)"]; +"features/9/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; +"features.9.block.2.fc1.weight" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72, 288, 1, 1)"]; +"features.9.block.2.fc1.bias" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(72,)"]; +"features/9/block/2/fc1/conv2d/0" -> "features/9/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 1, 1)"]; +"features/9/block/2/activation/relu/0" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 1, 1)"]; +"features.9.block.2.fc2.weight" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288, 72, 1, 1)"]; +"features.9.block.2.fc2.bias" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; +"features/9/block/2/fc2/conv2d/0" -> "features/9/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; +"features/9/block/2/scale_activation/hardsigmoid/0" -> "features/9/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; +"features/9/block/2/mul/0" -> "features/9/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; +"features.9.block.3.0.weight" -> "features/9/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 288, 1, 1)"]; +"features/9/block/3/0/conv2d/0" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features.9.block.3.1.weight" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.9.block.3.1.bias" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.9.block.3.1.running_mean" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.9.block.3.1.running_var" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/9/block/3/1/batch_norm/0" -> "features/10/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features/9/block/3/1/batch_norm/0" -> "features/10/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features.10.block.0.0.weight" -> "features/10/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; +"features/10/block/0/0/conv2d/0" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.10.block.0.1.weight" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.10.block.0.1.bias" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.10.block.0.1.running_mean" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.10.block.0.1.running_var" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/10/block/0/1/batch_norm/0" -> "features/10/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/10/block/0/2/hardswish/0" -> "features/10/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.10.block.1.0.weight" -> "features/10/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 5, 5)"]; +"features/10/block/1/0/conv2d/0" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.10.block.1.1.weight" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.10.block.1.1.bias" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.10.block.1.1.running_mean" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.10.block.1.1.running_var" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/10/block/1/1/batch_norm/0" -> "features/10/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/10/block/1/2/hardswish/0" -> "features/10/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/10/block/1/2/hardswish/0" -> "features/10/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/10/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.10.block.2.fc1.weight" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 576, 1, 1)"]; +"features.10.block.2.fc1.bias" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features/10/block/2/fc1/conv2d/0" -> "features/10/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/10/block/2/activation/relu/0" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features.10.block.2.fc2.weight" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 144, 1, 1)"]; +"features.10.block.2.fc2.bias" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features/10/block/2/fc2/conv2d/0" -> "features/10/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/10/block/2/scale_activation/hardsigmoid/0" -> "features/10/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/10/block/2/mul/0" -> "features/10/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.10.block.3.0.weight" -> "features/10/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; +"features/10/block/3/0/conv2d/0" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features.10.block.3.1.weight" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.10.block.3.1.bias" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.10.block.3.1.running_mean" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.10.block.3.1.running_var" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/10/block/3/1/batch_norm/0" -> "features/10/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features/10/add_/0" -> "features/11/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features/10/add_/0" -> "features/11/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features.11.block.0.0.weight" -> "features/11/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; +"features/11/block/0/0/conv2d/0" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.11.block.0.1.weight" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.11.block.0.1.bias" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.11.block.0.1.running_mean" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.11.block.0.1.running_var" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/11/block/0/1/batch_norm/0" -> "features/11/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/11/block/0/2/hardswish/0" -> "features/11/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.11.block.1.0.weight" -> "features/11/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 5, 5)"]; +"features/11/block/1/0/conv2d/0" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.11.block.1.1.weight" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.11.block.1.1.bias" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.11.block.1.1.running_mean" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.11.block.1.1.running_var" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/11/block/1/1/batch_norm/0" -> "features/11/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/11/block/1/2/hardswish/0" -> "features/11/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/11/block/1/2/hardswish/0" -> "features/11/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/11/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.11.block.2.fc1.weight" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 576, 1, 1)"]; +"features.11.block.2.fc1.bias" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features/11/block/2/fc1/conv2d/0" -> "features/11/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/11/block/2/activation/relu/0" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features.11.block.2.fc2.weight" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 144, 1, 1)"]; +"features.11.block.2.fc2.bias" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features/11/block/2/fc2/conv2d/0" -> "features/11/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/11/block/2/scale_activation/hardsigmoid/0" -> "features/11/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/11/block/2/mul/0" -> "features/11/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.11.block.3.0.weight" -> "features/11/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; +"features/11/block/3/0/conv2d/0" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features.11.block.3.1.weight" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.11.block.3.1.bias" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.11.block.3.1.running_mean" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.11.block.3.1.running_var" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/11/block/3/1/batch_norm/0" -> "features/11/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features/11/add_/0" -> "features/12/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features.12.0.weight" -> "features/12/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; +"features/12/0/conv2d/0" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.12.1.weight" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.12.1.bias" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.12.1.running_mean" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.12.1.running_var" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/12/1/batch_norm/0" -> "features/12/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/12/2/hardswish/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"/flatten/0" -> "classifier/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576)"]; +"classifier.0.weight" -> "classifier/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 576)"]; +"classifier.0.bias" -> "classifier/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"classifier/0/linear/0" -> "classifier/1/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"classifier/1/hardswish/0" -> "classifier/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"classifier/2/dropout/0" -> "classifier/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"classifier.3.weight" -> "classifier/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1024)"]; +"classifier.3.bias" -> "classifier/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"classifier/3/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_resnet18.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_resnet18.dot index 10b0cf14ba8..ce14f0ed082 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_resnet18.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_resnet18.dot @@ -1,355 +1,355 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"conv1.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv1/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; -"bn1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1/batch_norm/0" [id=7, type="batch_norm", metatype=PTBatchNormMetatype]; -"relu/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; -"maxpool/max_pool2d/0" [id=9, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"layer1.0.conv1.weight" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/conv1/conv2d/0" [id=11, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.0.bn1.weight" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn1.bias" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn1.running_mean" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn1.running_var" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn1/batch_norm/0" [id=16, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/0/relu/relu_/0" [id=17, type="relu_", metatype=PTRELUMetatype]; -"layer1.0.conv2.weight" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/conv2/conv2d/0" [id=19, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.0.bn2.weight" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn2.bias" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn2.running_mean" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn2.running_var" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn2/batch_norm/0" [id=24, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/0/add_/0" [id=25, type="add_", metatype=PTAddMetatype]; -"layer1/0/relu/relu_/1" [id=26, type="relu_", metatype=PTRELUMetatype]; -"layer1.1.conv1.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/conv1/conv2d/0" [id=28, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.1.bn1.weight" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn1.bias" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn1.running_mean" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn1.running_var" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/bn1/batch_norm/0" [id=33, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/1/relu/relu_/0" [id=34, type="relu_", metatype=PTRELUMetatype]; -"layer1.1.conv2.weight" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/conv2/conv2d/0" [id=36, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.1.bn2.weight" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn2.bias" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn2.running_mean" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn2.running_var" [id=40, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/bn2/batch_norm/0" [id=41, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/1/add_/0" [id=42, type="add_", metatype=PTAddMetatype]; -"layer1/1/relu/relu_/1" [id=43, type="relu_", metatype=PTRELUMetatype]; -"layer2.0.conv1.weight" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/conv1/conv2d/0" [id=45, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.0.bn1.weight" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn1.bias" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn1.running_mean" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn1.running_var" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn1/batch_norm/0" [id=50, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/0/relu/relu_/0" [id=51, type="relu_", metatype=PTRELUMetatype]; -"layer2.0.conv2.weight" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/conv2/conv2d/0" [id=53, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.0.bn2.weight" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn2.bias" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn2.running_mean" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn2.running_var" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn2/batch_norm/0" [id=58, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2.0.downsample.0.weight" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/downsample/0/conv2d/0" [id=60, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.0.downsample.1.weight" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.downsample.1.bias" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.downsample.1.running_mean" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.downsample.1.running_var" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/downsample/1/batch_norm/0" [id=65, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/0/add_/0" [id=66, type="add_", metatype=PTAddMetatype]; -"layer2/0/relu/relu_/1" [id=67, type="relu_", metatype=PTRELUMetatype]; -"layer2.1.conv1.weight" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/conv1/conv2d/0" [id=69, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.1.bn1.weight" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn1.bias" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn1.running_mean" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn1.running_var" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/bn1/batch_norm/0" [id=74, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/1/relu/relu_/0" [id=75, type="relu_", metatype=PTRELUMetatype]; -"layer2.1.conv2.weight" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/conv2/conv2d/0" [id=77, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.1.bn2.weight" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn2.bias" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn2.running_mean" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn2.running_var" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/bn2/batch_norm/0" [id=82, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/1/add_/0" [id=83, type="add_", metatype=PTAddMetatype]; -"layer2/1/relu/relu_/1" [id=84, type="relu_", metatype=PTRELUMetatype]; -"layer3.0.conv1.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/conv1/conv2d/0" [id=86, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.0.bn1.weight" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn1.bias" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn1.running_mean" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn1.running_var" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn1/batch_norm/0" [id=91, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/0/relu/relu_/0" [id=92, type="relu_", metatype=PTRELUMetatype]; -"layer3.0.conv2.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/conv2/conv2d/0" [id=94, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.0.bn2.weight" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn2.bias" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn2.running_mean" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn2.running_var" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn2/batch_norm/0" [id=99, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3.0.downsample.0.weight" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/downsample/0/conv2d/0" [id=101, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.0.downsample.1.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.downsample.1.bias" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.downsample.1.running_mean" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.downsample.1.running_var" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/downsample/1/batch_norm/0" [id=106, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/0/add_/0" [id=107, type="add_", metatype=PTAddMetatype]; -"layer3/0/relu/relu_/1" [id=108, type="relu_", metatype=PTRELUMetatype]; -"layer3.1.conv1.weight" [id=109, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/conv1/conv2d/0" [id=110, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.1.bn1.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn1.bias" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn1.running_mean" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn1.running_var" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/bn1/batch_norm/0" [id=115, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/1/relu/relu_/0" [id=116, type="relu_", metatype=PTRELUMetatype]; -"layer3.1.conv2.weight" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/conv2/conv2d/0" [id=118, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.1.bn2.weight" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn2.bias" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn2.running_mean" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn2.running_var" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/bn2/batch_norm/0" [id=123, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/1/add_/0" [id=124, type="add_", metatype=PTAddMetatype]; -"layer3/1/relu/relu_/1" [id=125, type="relu_", metatype=PTRELUMetatype]; -"layer4.0.conv1.weight" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/conv1/conv2d/0" [id=127, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.0.bn1.weight" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn1.bias" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn1.running_mean" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn1.running_var" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/bn1/batch_norm/0" [id=132, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/0/relu/relu_/0" [id=133, type="relu_", metatype=PTRELUMetatype]; -"layer4.0.conv2.weight" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/conv2/conv2d/0" [id=135, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.0.bn2.weight" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn2.bias" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn2.running_mean" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn2.running_var" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/bn2/batch_norm/0" [id=140, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4.0.downsample.0.weight" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/downsample/0/conv2d/0" [id=142, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.0.downsample.1.weight" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.downsample.1.bias" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.downsample.1.running_mean" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.downsample.1.running_var" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/downsample/1/batch_norm/0" [id=147, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/0/add_/0" [id=148, type="add_", metatype=PTAddMetatype]; -"layer4/0/relu/relu_/1" [id=149, type="relu_", metatype=PTRELUMetatype]; -"layer4.1.conv1.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/conv1/conv2d/0" [id=151, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.1.bn1.weight" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn1.bias" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn1.running_mean" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn1.running_var" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/bn1/batch_norm/0" [id=156, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/1/relu/relu_/0" [id=157, type="relu_", metatype=PTRELUMetatype]; -"layer4.1.conv2.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/conv2/conv2d/0" [id=159, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.1.bn2.weight" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn2.bias" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn2.running_mean" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn2.running_var" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/bn2/batch_norm/0" [id=164, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/1/add_/0" [id=165, type="add_", metatype=PTAddMetatype]; -"layer4/1/relu/relu_/1" [id=166, type="relu_", metatype=PTRELUMetatype]; -"avgpool/adaptive_avg_pool2d/0" [id=167, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"/flatten/0" [id=168, type=flatten, metatype=PTReshapeMetatype]; -"fc.weight" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc.bias" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc/linear/0" [id=171, type=linear, metatype=PTLinearMetatype]; -output [id=172, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "conv1/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; -"conv1.weight" -> "conv1/conv2d/0" [dtype=float, shape="(64, 3, 7, 7)", out_port_id=0, in_port_id=1]; -"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"bn1/batch_norm/0" -> "relu/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"relu/relu_/0" -> "maxpool/max_pool2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/0" -> "layer1/0/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=1]; -"layer1.0.conv1.weight" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn1/batch_norm/0" -> "layer1/0/relu/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/relu/relu_/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.conv2.weight" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn2/batch_norm/0" -> "layer1/0/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/add_/0" -> "layer1/0/relu/relu_/1" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/relu/relu_/1" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/relu/relu_/1" -> "layer1/1/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=1]; -"layer1.1.conv1.weight" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/relu/relu_/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.conv2.weight" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"layer1/1/bn2/batch_norm/0" -> "layer1/1/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/add_/0" -> "layer1/1/relu/relu_/1" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/relu/relu_/1" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/relu/relu_/1" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer2.0.conv1.weight" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn1/batch_norm/0" -> "layer2/0/relu/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/relu/relu_/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.conv2.weight" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn2/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.downsample.0.weight" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, shape="(128, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/0/downsample/0/conv2d/0" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.downsample.1.weight" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer2.0.downsample.1.bias" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer2.0.downsample.1.running_mean" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer2.0.downsample.1.running_var" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer2/0/downsample/1/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2/0/add_/0" -> "layer2/0/relu/relu_/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/relu/relu_/1" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/relu/relu_/1" -> "layer2/1/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2.1.conv1.weight" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/relu/relu_/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.conv2.weight" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer2/1/bn2/batch_norm/0" -> "layer2/1/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/add_/0" -> "layer2/1/relu/relu_/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/relu/relu_/1" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/relu/relu_/1" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer3.0.conv1.weight" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn1/batch_norm/0" -> "layer3/0/relu/relu_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/relu/relu_/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.conv2.weight" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn2/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.downsample.0.weight" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, shape="(256, 128, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/0/downsample/0/conv2d/0" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.downsample.1.weight" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer3.0.downsample.1.bias" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer3.0.downsample.1.running_mean" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer3.0.downsample.1.running_var" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer3/0/downsample/1/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=1]; -"layer3/0/add_/0" -> "layer3/0/relu/relu_/1" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/relu/relu_/1" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/relu/relu_/1" -> "layer3/1/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=1]; -"layer3.1.conv1.weight" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/relu_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/relu/relu_/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.conv2.weight" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer3/1/bn2/batch_norm/0" -> "layer3/1/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/add_/0" -> "layer3/1/relu/relu_/1" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/relu/relu_/1" -> "layer4/0/conv1/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/relu/relu_/1" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer4.0.conv1.weight" -> "layer4/0/conv1/conv2d/0" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"layer4/0/conv1/conv2d/0" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.bn1.weight" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer4.0.bn1.bias" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer4.0.bn1.running_mean" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer4.0.bn1.running_var" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer4/0/bn1/batch_norm/0" -> "layer4/0/relu/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/0/relu/relu_/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.conv2.weight" -> "layer4/0/conv2/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"layer4/0/conv2/conv2d/0" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.bn2.weight" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer4.0.bn2.bias" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer4.0.bn2.running_mean" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer4.0.bn2.running_var" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer4/0/bn2/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.downsample.0.weight" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"layer4/0/downsample/0/conv2d/0" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.downsample.1.weight" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer4.0.downsample.1.bias" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer4.0.downsample.1.running_mean" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer4.0.downsample.1.running_var" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer4/0/downsample/1/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=1]; -"layer4/0/add_/0" -> "layer4/0/relu/relu_/1" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/0/relu/relu_/1" -> "layer4/1/conv1/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/0/relu/relu_/1" -> "layer4/1/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=1]; -"layer4.1.conv1.weight" -> "layer4/1/conv1/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"layer4/1/conv1/conv2d/0" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.1.bn1.weight" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer4.1.bn1.bias" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer4.1.bn1.running_mean" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer4.1.bn1.running_var" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer4/1/bn1/batch_norm/0" -> "layer4/1/relu/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/1/relu/relu_/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.1.conv2.weight" -> "layer4/1/conv2/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"layer4/1/conv2/conv2d/0" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.1.bn2.weight" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer4.1.bn2.bias" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer4.1.bn2.running_mean" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer4.1.bn2.running_var" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer4/1/bn2/batch_norm/0" -> "layer4/1/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/1/add_/0" -> "layer4/1/relu/relu_/1" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/1/relu/relu_/1" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"/flatten/0" -> "fc/linear/0" [dtype=float, shape="(1, 512)", out_port_id=0, in_port_id=0]; -"fc.weight" -> "fc/linear/0" [dtype=float, shape="(1000, 512)", out_port_id=0, in_port_id=1]; -"fc.bias" -> "fc/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"fc/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"conv1.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv1/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; +"bn1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; +"relu/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; +"maxpool/max_pool2d/0" [id=9, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"layer1.0.conv1.weight" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/conv1/conv2d/0" [id=11, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.0.bn1.weight" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn1.bias" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn1.running_mean" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn1.running_var" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn1/batch_norm/0" [id=16, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/0/relu/relu_/0" [id=17, metatype=PTRELUMetatype, type=relu_]; +"layer1.0.conv2.weight" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/conv2/conv2d/0" [id=19, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.0.bn2.weight" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn2.bias" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn2.running_mean" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn2.running_var" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn2/batch_norm/0" [id=24, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/0/add_/0" [id=25, metatype=PTAddMetatype, type=add_]; +"layer1/0/relu/relu_/1" [id=26, metatype=PTRELUMetatype, type=relu_]; +"layer1.1.conv1.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/conv1/conv2d/0" [id=28, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.1.bn1.weight" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn1.bias" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn1.running_mean" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn1.running_var" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/bn1/batch_norm/0" [id=33, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/1/relu/relu_/0" [id=34, metatype=PTRELUMetatype, type=relu_]; +"layer1.1.conv2.weight" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/conv2/conv2d/0" [id=36, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.1.bn2.weight" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn2.bias" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn2.running_mean" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn2.running_var" [id=40, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/bn2/batch_norm/0" [id=41, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/1/add_/0" [id=42, metatype=PTAddMetatype, type=add_]; +"layer1/1/relu/relu_/1" [id=43, metatype=PTRELUMetatype, type=relu_]; +"layer2.0.conv1.weight" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/conv1/conv2d/0" [id=45, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.0.bn1.weight" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn1.bias" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn1.running_mean" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn1.running_var" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn1/batch_norm/0" [id=50, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/0/relu/relu_/0" [id=51, metatype=PTRELUMetatype, type=relu_]; +"layer2.0.conv2.weight" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/conv2/conv2d/0" [id=53, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.0.bn2.weight" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn2.bias" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn2.running_mean" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn2.running_var" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn2/batch_norm/0" [id=58, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2.0.downsample.0.weight" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/downsample/0/conv2d/0" [id=60, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.0.downsample.1.weight" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.downsample.1.bias" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.downsample.1.running_mean" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.downsample.1.running_var" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/downsample/1/batch_norm/0" [id=65, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/0/add_/0" [id=66, metatype=PTAddMetatype, type=add_]; +"layer2/0/relu/relu_/1" [id=67, metatype=PTRELUMetatype, type=relu_]; +"layer2.1.conv1.weight" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/conv1/conv2d/0" [id=69, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.1.bn1.weight" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn1.bias" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn1.running_mean" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn1.running_var" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/bn1/batch_norm/0" [id=74, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/1/relu/relu_/0" [id=75, metatype=PTRELUMetatype, type=relu_]; +"layer2.1.conv2.weight" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/conv2/conv2d/0" [id=77, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.1.bn2.weight" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn2.bias" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn2.running_mean" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn2.running_var" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/bn2/batch_norm/0" [id=82, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/1/add_/0" [id=83, metatype=PTAddMetatype, type=add_]; +"layer2/1/relu/relu_/1" [id=84, metatype=PTRELUMetatype, type=relu_]; +"layer3.0.conv1.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/conv1/conv2d/0" [id=86, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.0.bn1.weight" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn1.bias" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn1.running_mean" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn1.running_var" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn1/batch_norm/0" [id=91, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/0/relu/relu_/0" [id=92, metatype=PTRELUMetatype, type=relu_]; +"layer3.0.conv2.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/conv2/conv2d/0" [id=94, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.0.bn2.weight" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn2.bias" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn2.running_mean" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn2.running_var" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn2/batch_norm/0" [id=99, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3.0.downsample.0.weight" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/downsample/0/conv2d/0" [id=101, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.0.downsample.1.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.downsample.1.bias" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.downsample.1.running_mean" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.downsample.1.running_var" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/downsample/1/batch_norm/0" [id=106, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/0/add_/0" [id=107, metatype=PTAddMetatype, type=add_]; +"layer3/0/relu/relu_/1" [id=108, metatype=PTRELUMetatype, type=relu_]; +"layer3.1.conv1.weight" [id=109, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/conv1/conv2d/0" [id=110, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.1.bn1.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn1.bias" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn1.running_mean" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn1.running_var" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/bn1/batch_norm/0" [id=115, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/1/relu/relu_/0" [id=116, metatype=PTRELUMetatype, type=relu_]; +"layer3.1.conv2.weight" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/conv2/conv2d/0" [id=118, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.1.bn2.weight" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn2.bias" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn2.running_mean" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn2.running_var" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/bn2/batch_norm/0" [id=123, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/1/add_/0" [id=124, metatype=PTAddMetatype, type=add_]; +"layer3/1/relu/relu_/1" [id=125, metatype=PTRELUMetatype, type=relu_]; +"layer4.0.conv1.weight" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/conv1/conv2d/0" [id=127, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.0.bn1.weight" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn1.bias" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn1.running_mean" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn1.running_var" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/bn1/batch_norm/0" [id=132, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/0/relu/relu_/0" [id=133, metatype=PTRELUMetatype, type=relu_]; +"layer4.0.conv2.weight" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/conv2/conv2d/0" [id=135, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.0.bn2.weight" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn2.bias" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn2.running_mean" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn2.running_var" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/bn2/batch_norm/0" [id=140, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4.0.downsample.0.weight" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/downsample/0/conv2d/0" [id=142, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.0.downsample.1.weight" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.downsample.1.bias" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.downsample.1.running_mean" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.downsample.1.running_var" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/downsample/1/batch_norm/0" [id=147, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/0/add_/0" [id=148, metatype=PTAddMetatype, type=add_]; +"layer4/0/relu/relu_/1" [id=149, metatype=PTRELUMetatype, type=relu_]; +"layer4.1.conv1.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/conv1/conv2d/0" [id=151, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.1.bn1.weight" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn1.bias" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn1.running_mean" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn1.running_var" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/bn1/batch_norm/0" [id=156, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/1/relu/relu_/0" [id=157, metatype=PTRELUMetatype, type=relu_]; +"layer4.1.conv2.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/conv2/conv2d/0" [id=159, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.1.bn2.weight" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn2.bias" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn2.running_mean" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn2.running_var" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/bn2/batch_norm/0" [id=164, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/1/add_/0" [id=165, metatype=PTAddMetatype, type=add_]; +"layer4/1/relu/relu_/1" [id=166, metatype=PTRELUMetatype, type=relu_]; +"avgpool/adaptive_avg_pool2d/0" [id=167, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"/flatten/0" [id=168, metatype=PTReshapeMetatype, type=flatten]; +"fc.weight" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc.bias" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc/linear/0" [id=171, metatype=PTLinearMetatype, type=linear]; +output [id=172, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; +"conv1.weight" -> "conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 7, 7)"]; +"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"bn1/batch_norm/0" -> "relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"relu/relu_/0" -> "maxpool/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"maxpool/max_pool2d/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"maxpool/max_pool2d/0" -> "layer1/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.0.conv1.weight" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"layer1/0/bn1/batch_norm/0" -> "layer1/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/0/relu/relu_/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.0.conv2.weight" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"layer1/0/bn2/batch_norm/0" -> "layer1/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/0/add_/0" -> "layer1/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/0/relu/relu_/1" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/0/relu/relu_/1" -> "layer1/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.1.conv1.weight" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/1/relu/relu_/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.1.conv2.weight" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"layer1/1/bn2/batch_norm/0" -> "layer1/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/1/add_/0" -> "layer1/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/1/relu/relu_/1" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/1/relu/relu_/1" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer2.0.conv1.weight" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 3, 3)"]; +"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer2/0/bn1/batch_norm/0" -> "layer2/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/0/relu/relu_/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.0.conv2.weight" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; +"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer2/0/bn2/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.0.downsample.0.weight" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 1, 1)"]; +"layer2/0/downsample/0/conv2d/0" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.0.downsample.1.weight" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer2.0.downsample.1.bias" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer2.0.downsample.1.running_mean" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer2.0.downsample.1.running_var" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer2/0/downsample/1/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/0/add_/0" -> "layer2/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/0/relu/relu_/1" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/0/relu/relu_/1" -> "layer2/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.1.conv1.weight" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; +"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/1/relu/relu_/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.1.conv2.weight" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; +"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer2/1/bn2/batch_norm/0" -> "layer2/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/1/add_/0" -> "layer2/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/1/relu/relu_/1" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/1/relu/relu_/1" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer3.0.conv1.weight" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 3, 3)"]; +"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer3/0/bn1/batch_norm/0" -> "layer3/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/0/relu/relu_/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.0.conv2.weight" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; +"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer3/0/bn2/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.0.downsample.0.weight" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 1, 1)"]; +"layer3/0/downsample/0/conv2d/0" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.0.downsample.1.weight" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer3.0.downsample.1.bias" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer3.0.downsample.1.running_mean" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer3.0.downsample.1.running_var" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer3/0/downsample/1/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/0/add_/0" -> "layer3/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/0/relu/relu_/1" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/0/relu/relu_/1" -> "layer3/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.1.conv1.weight" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; +"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/1/relu/relu_/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.1.conv2.weight" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; +"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer3/1/bn2/batch_norm/0" -> "layer3/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/1/add_/0" -> "layer3/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/1/relu/relu_/1" -> "layer4/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/1/relu/relu_/1" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer4.0.conv1.weight" -> "layer4/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 3, 3)"]; +"layer4/0/conv1/conv2d/0" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.0.bn1.weight" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer4.0.bn1.bias" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer4.0.bn1.running_mean" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer4.0.bn1.running_var" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer4/0/bn1/batch_norm/0" -> "layer4/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4/0/relu/relu_/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.0.conv2.weight" -> "layer4/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"layer4/0/conv2/conv2d/0" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.0.bn2.weight" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer4.0.bn2.bias" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer4.0.bn2.running_mean" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer4.0.bn2.running_var" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer4/0/bn2/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.0.downsample.0.weight" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 1, 1)"]; +"layer4/0/downsample/0/conv2d/0" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.0.downsample.1.weight" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer4.0.downsample.1.bias" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer4.0.downsample.1.running_mean" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer4.0.downsample.1.running_var" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer4/0/downsample/1/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4/0/add_/0" -> "layer4/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4/0/relu/relu_/1" -> "layer4/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4/0/relu/relu_/1" -> "layer4/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.1.conv1.weight" -> "layer4/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"layer4/1/conv1/conv2d/0" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.1.bn1.weight" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer4.1.bn1.bias" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer4.1.bn1.running_mean" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer4.1.bn1.running_var" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer4/1/bn1/batch_norm/0" -> "layer4/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4/1/relu/relu_/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.1.conv2.weight" -> "layer4/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"layer4/1/conv2/conv2d/0" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.1.bn2.weight" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer4.1.bn2.bias" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer4.1.bn2.running_mean" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer4.1.bn2.running_var" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer4/1/bn2/batch_norm/0" -> "layer4/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4/1/add_/0" -> "layer4/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4/1/relu/relu_/1" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; +"/flatten/0" -> "fc/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512)"]; +"fc.weight" -> "fc/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 512)"]; +"fc.bias" -> "fc/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"fc/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_resnext50_32x4d.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_resnext50_32x4d.dot index 148a0149100..5887858cd64 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_resnext50_32x4d.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_resnext50_32x4d.dot @@ -1,905 +1,905 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"conv1.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv1/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; -"bn1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1/batch_norm/0" [id=7, type="batch_norm", metatype=PTBatchNormMetatype]; -"relu/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; -"maxpool/max_pool2d/0" [id=9, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"layer1.0.conv1.weight" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/conv1/conv2d/0" [id=11, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.0.bn1.weight" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn1.bias" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn1.running_mean" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn1.running_var" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn1/batch_norm/0" [id=16, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/0/relu/relu_/0" [id=17, type="relu_", metatype=PTRELUMetatype]; -"layer1.0.conv2.weight" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/conv2/conv2d/0" [id=19, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.0.bn2.weight" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn2.bias" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn2.running_mean" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn2.running_var" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn2/batch_norm/0" [id=24, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/0/relu/relu_/1" [id=25, type="relu_", metatype=PTRELUMetatype]; -"layer1.0.conv3.weight" [id=26, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/conv3/conv2d/0" [id=27, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.0.bn3.weight" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn3.bias" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn3.running_mean" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn3.running_var" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn3/batch_norm/0" [id=32, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1.0.downsample.0.weight" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/downsample/0/conv2d/0" [id=34, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.0.downsample.1.weight" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.downsample.1.bias" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.downsample.1.running_mean" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.downsample.1.running_var" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/downsample/1/batch_norm/0" [id=39, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/0/add_/0" [id=40, type="add_", metatype=PTAddMetatype]; -"layer1/0/relu/relu_/2" [id=41, type="relu_", metatype=PTRELUMetatype]; -"layer1.1.conv1.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/conv1/conv2d/0" [id=43, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.1.bn1.weight" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn1.bias" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn1.running_mean" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn1.running_var" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/bn1/batch_norm/0" [id=48, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/1/relu/relu_/0" [id=49, type="relu_", metatype=PTRELUMetatype]; -"layer1.1.conv2.weight" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/conv2/conv2d/0" [id=51, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.1.bn2.weight" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn2.bias" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn2.running_mean" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn2.running_var" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/bn2/batch_norm/0" [id=56, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/1/relu/relu_/1" [id=57, type="relu_", metatype=PTRELUMetatype]; -"layer1.1.conv3.weight" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/conv3/conv2d/0" [id=59, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.1.bn3.weight" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn3.bias" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn3.running_mean" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn3.running_var" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/bn3/batch_norm/0" [id=64, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/1/add_/0" [id=65, type="add_", metatype=PTAddMetatype]; -"layer1/1/relu/relu_/2" [id=66, type="relu_", metatype=PTRELUMetatype]; -"layer1.2.conv1.weight" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/2/conv1/conv2d/0" [id=68, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.2.bn1.weight" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn1.bias" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn1.running_mean" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn1.running_var" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/2/bn1/batch_norm/0" [id=73, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/2/relu/relu_/0" [id=74, type="relu_", metatype=PTRELUMetatype]; -"layer1.2.conv2.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/2/conv2/conv2d/0" [id=76, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.2.bn2.weight" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn2.bias" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn2.running_mean" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn2.running_var" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/2/bn2/batch_norm/0" [id=81, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/2/relu/relu_/1" [id=82, type="relu_", metatype=PTRELUMetatype]; -"layer1.2.conv3.weight" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/2/conv3/conv2d/0" [id=84, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.2.bn3.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn3.bias" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn3.running_mean" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn3.running_var" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/2/bn3/batch_norm/0" [id=89, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/2/add_/0" [id=90, type="add_", metatype=PTAddMetatype]; -"layer1/2/relu/relu_/2" [id=91, type="relu_", metatype=PTRELUMetatype]; -"layer2.0.conv1.weight" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/conv1/conv2d/0" [id=93, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.0.bn1.weight" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn1.bias" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn1.running_mean" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn1.running_var" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn1/batch_norm/0" [id=98, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/0/relu/relu_/0" [id=99, type="relu_", metatype=PTRELUMetatype]; -"layer2.0.conv2.weight" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/conv2/conv2d/0" [id=101, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.0.bn2.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn2.bias" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn2.running_mean" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn2.running_var" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn2/batch_norm/0" [id=106, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/0/relu/relu_/1" [id=107, type="relu_", metatype=PTRELUMetatype]; -"layer2.0.conv3.weight" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/conv3/conv2d/0" [id=109, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.0.bn3.weight" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn3.bias" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn3.running_mean" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn3.running_var" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn3/batch_norm/0" [id=114, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2.0.downsample.0.weight" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/downsample/0/conv2d/0" [id=116, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.0.downsample.1.weight" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.downsample.1.bias" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.downsample.1.running_mean" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.downsample.1.running_var" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/downsample/1/batch_norm/0" [id=121, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/0/add_/0" [id=122, type="add_", metatype=PTAddMetatype]; -"layer2/0/relu/relu_/2" [id=123, type="relu_", metatype=PTRELUMetatype]; -"layer2.1.conv1.weight" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/conv1/conv2d/0" [id=125, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.1.bn1.weight" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn1.bias" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn1.running_mean" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn1.running_var" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/bn1/batch_norm/0" [id=130, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/1/relu/relu_/0" [id=131, type="relu_", metatype=PTRELUMetatype]; -"layer2.1.conv2.weight" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/conv2/conv2d/0" [id=133, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.1.bn2.weight" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn2.bias" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn2.running_mean" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn2.running_var" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/bn2/batch_norm/0" [id=138, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/1/relu/relu_/1" [id=139, type="relu_", metatype=PTRELUMetatype]; -"layer2.1.conv3.weight" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/conv3/conv2d/0" [id=141, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.1.bn3.weight" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn3.bias" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn3.running_mean" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn3.running_var" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/bn3/batch_norm/0" [id=146, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/1/add_/0" [id=147, type="add_", metatype=PTAddMetatype]; -"layer2/1/relu/relu_/2" [id=148, type="relu_", metatype=PTRELUMetatype]; -"layer2.2.conv1.weight" [id=149, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/2/conv1/conv2d/0" [id=150, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.2.bn1.weight" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn1.bias" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn1.running_mean" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn1.running_var" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/2/bn1/batch_norm/0" [id=155, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/2/relu/relu_/0" [id=156, type="relu_", metatype=PTRELUMetatype]; -"layer2.2.conv2.weight" [id=157, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/2/conv2/conv2d/0" [id=158, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.2.bn2.weight" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn2.bias" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn2.running_mean" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn2.running_var" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/2/bn2/batch_norm/0" [id=163, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/2/relu/relu_/1" [id=164, type="relu_", metatype=PTRELUMetatype]; -"layer2.2.conv3.weight" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/2/conv3/conv2d/0" [id=166, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.2.bn3.weight" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn3.bias" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn3.running_mean" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn3.running_var" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/2/bn3/batch_norm/0" [id=171, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/2/add_/0" [id=172, type="add_", metatype=PTAddMetatype]; -"layer2/2/relu/relu_/2" [id=173, type="relu_", metatype=PTRELUMetatype]; -"layer2.3.conv1.weight" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/3/conv1/conv2d/0" [id=175, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.3.bn1.weight" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn1.bias" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn1.running_mean" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn1.running_var" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/3/bn1/batch_norm/0" [id=180, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/3/relu/relu_/0" [id=181, type="relu_", metatype=PTRELUMetatype]; -"layer2.3.conv2.weight" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/3/conv2/conv2d/0" [id=183, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.3.bn2.weight" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn2.bias" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn2.running_mean" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn2.running_var" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/3/bn2/batch_norm/0" [id=188, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/3/relu/relu_/1" [id=189, type="relu_", metatype=PTRELUMetatype]; -"layer2.3.conv3.weight" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/3/conv3/conv2d/0" [id=191, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.3.bn3.weight" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn3.bias" [id=193, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn3.running_mean" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn3.running_var" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/3/bn3/batch_norm/0" [id=196, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/3/add_/0" [id=197, type="add_", metatype=PTAddMetatype]; -"layer2/3/relu/relu_/2" [id=198, type="relu_", metatype=PTRELUMetatype]; -"layer3.0.conv1.weight" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/conv1/conv2d/0" [id=200, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.0.bn1.weight" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn1.bias" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn1.running_mean" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn1.running_var" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn1/batch_norm/0" [id=205, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/0/relu/relu_/0" [id=206, type="relu_", metatype=PTRELUMetatype]; -"layer3.0.conv2.weight" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/conv2/conv2d/0" [id=208, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.0.bn2.weight" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn2.bias" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn2.running_mean" [id=211, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn2.running_var" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn2/batch_norm/0" [id=213, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/0/relu/relu_/1" [id=214, type="relu_", metatype=PTRELUMetatype]; -"layer3.0.conv3.weight" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/conv3/conv2d/0" [id=216, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.0.bn3.weight" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn3.bias" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn3.running_mean" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn3.running_var" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn3/batch_norm/0" [id=221, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3.0.downsample.0.weight" [id=222, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/downsample/0/conv2d/0" [id=223, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.0.downsample.1.weight" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.downsample.1.bias" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.downsample.1.running_mean" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.downsample.1.running_var" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/downsample/1/batch_norm/0" [id=228, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/0/add_/0" [id=229, type="add_", metatype=PTAddMetatype]; -"layer3/0/relu/relu_/2" [id=230, type="relu_", metatype=PTRELUMetatype]; -"layer3.1.conv1.weight" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/conv1/conv2d/0" [id=232, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.1.bn1.weight" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn1.bias" [id=234, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn1.running_mean" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn1.running_var" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/bn1/batch_norm/0" [id=237, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/1/relu/relu_/0" [id=238, type="relu_", metatype=PTRELUMetatype]; -"layer3.1.conv2.weight" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/conv2/conv2d/0" [id=240, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.1.bn2.weight" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn2.bias" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn2.running_mean" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn2.running_var" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/bn2/batch_norm/0" [id=245, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/1/relu/relu_/1" [id=246, type="relu_", metatype=PTRELUMetatype]; -"layer3.1.conv3.weight" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/conv3/conv2d/0" [id=248, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.1.bn3.weight" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn3.bias" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn3.running_mean" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn3.running_var" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/bn3/batch_norm/0" [id=253, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/1/add_/0" [id=254, type="add_", metatype=PTAddMetatype]; -"layer3/1/relu/relu_/2" [id=255, type="relu_", metatype=PTRELUMetatype]; -"layer3.2.conv1.weight" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/2/conv1/conv2d/0" [id=257, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.2.bn1.weight" [id=258, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn1.bias" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn1.running_mean" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn1.running_var" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/2/bn1/batch_norm/0" [id=262, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/2/relu/relu_/0" [id=263, type="relu_", metatype=PTRELUMetatype]; -"layer3.2.conv2.weight" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/2/conv2/conv2d/0" [id=265, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.2.bn2.weight" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn2.bias" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn2.running_mean" [id=268, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn2.running_var" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/2/bn2/batch_norm/0" [id=270, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/2/relu/relu_/1" [id=271, type="relu_", metatype=PTRELUMetatype]; -"layer3.2.conv3.weight" [id=272, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/2/conv3/conv2d/0" [id=273, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.2.bn3.weight" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn3.bias" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn3.running_mean" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn3.running_var" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/2/bn3/batch_norm/0" [id=278, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/2/add_/0" [id=279, type="add_", metatype=PTAddMetatype]; -"layer3/2/relu/relu_/2" [id=280, type="relu_", metatype=PTRELUMetatype]; -"layer3.3.conv1.weight" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/3/conv1/conv2d/0" [id=282, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.3.bn1.weight" [id=283, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn1.bias" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn1.running_mean" [id=285, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn1.running_var" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/3/bn1/batch_norm/0" [id=287, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/3/relu/relu_/0" [id=288, type="relu_", metatype=PTRELUMetatype]; -"layer3.3.conv2.weight" [id=289, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/3/conv2/conv2d/0" [id=290, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.3.bn2.weight" [id=291, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn2.bias" [id=292, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn2.running_mean" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn2.running_var" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/3/bn2/batch_norm/0" [id=295, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/3/relu/relu_/1" [id=296, type="relu_", metatype=PTRELUMetatype]; -"layer3.3.conv3.weight" [id=297, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/3/conv3/conv2d/0" [id=298, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.3.bn3.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn3.bias" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn3.running_mean" [id=301, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn3.running_var" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/3/bn3/batch_norm/0" [id=303, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/3/add_/0" [id=304, type="add_", metatype=PTAddMetatype]; -"layer3/3/relu/relu_/2" [id=305, type="relu_", metatype=PTRELUMetatype]; -"layer3.4.conv1.weight" [id=306, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/4/conv1/conv2d/0" [id=307, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.4.bn1.weight" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.4.bn1.bias" [id=309, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.4.bn1.running_mean" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.4.bn1.running_var" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/4/bn1/batch_norm/0" [id=312, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/4/relu/relu_/0" [id=313, type="relu_", metatype=PTRELUMetatype]; -"layer3.4.conv2.weight" [id=314, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/4/conv2/conv2d/0" [id=315, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.4.bn2.weight" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.4.bn2.bias" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.4.bn2.running_mean" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.4.bn2.running_var" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/4/bn2/batch_norm/0" [id=320, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/4/relu/relu_/1" [id=321, type="relu_", metatype=PTRELUMetatype]; -"layer3.4.conv3.weight" [id=322, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/4/conv3/conv2d/0" [id=323, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.4.bn3.weight" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.4.bn3.bias" [id=325, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.4.bn3.running_mean" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.4.bn3.running_var" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/4/bn3/batch_norm/0" [id=328, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/4/add_/0" [id=329, type="add_", metatype=PTAddMetatype]; -"layer3/4/relu/relu_/2" [id=330, type="relu_", metatype=PTRELUMetatype]; -"layer3.5.conv1.weight" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/5/conv1/conv2d/0" [id=332, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.5.bn1.weight" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.5.bn1.bias" [id=334, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.5.bn1.running_mean" [id=335, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.5.bn1.running_var" [id=336, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/5/bn1/batch_norm/0" [id=337, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/5/relu/relu_/0" [id=338, type="relu_", metatype=PTRELUMetatype]; -"layer3.5.conv2.weight" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/5/conv2/conv2d/0" [id=340, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.5.bn2.weight" [id=341, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.5.bn2.bias" [id=342, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.5.bn2.running_mean" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.5.bn2.running_var" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/5/bn2/batch_norm/0" [id=345, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/5/relu/relu_/1" [id=346, type="relu_", metatype=PTRELUMetatype]; -"layer3.5.conv3.weight" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/5/conv3/conv2d/0" [id=348, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.5.bn3.weight" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.5.bn3.bias" [id=350, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.5.bn3.running_mean" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.5.bn3.running_var" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/5/bn3/batch_norm/0" [id=353, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/5/add_/0" [id=354, type="add_", metatype=PTAddMetatype]; -"layer3/5/relu/relu_/2" [id=355, type="relu_", metatype=PTRELUMetatype]; -"layer4.0.conv1.weight" [id=356, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/conv1/conv2d/0" [id=357, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.0.bn1.weight" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn1.bias" [id=359, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn1.running_mean" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn1.running_var" [id=361, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/bn1/batch_norm/0" [id=362, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/0/relu/relu_/0" [id=363, type="relu_", metatype=PTRELUMetatype]; -"layer4.0.conv2.weight" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/conv2/conv2d/0" [id=365, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.0.bn2.weight" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn2.bias" [id=367, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn2.running_mean" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn2.running_var" [id=369, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/bn2/batch_norm/0" [id=370, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/0/relu/relu_/1" [id=371, type="relu_", metatype=PTRELUMetatype]; -"layer4.0.conv3.weight" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/conv3/conv2d/0" [id=373, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.0.bn3.weight" [id=374, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn3.bias" [id=375, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn3.running_mean" [id=376, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn3.running_var" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/bn3/batch_norm/0" [id=378, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4.0.downsample.0.weight" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/downsample/0/conv2d/0" [id=380, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.0.downsample.1.weight" [id=381, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.downsample.1.bias" [id=382, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.downsample.1.running_mean" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.downsample.1.running_var" [id=384, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/downsample/1/batch_norm/0" [id=385, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/0/add_/0" [id=386, type="add_", metatype=PTAddMetatype]; -"layer4/0/relu/relu_/2" [id=387, type="relu_", metatype=PTRELUMetatype]; -"layer4.1.conv1.weight" [id=388, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/conv1/conv2d/0" [id=389, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.1.bn1.weight" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn1.bias" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn1.running_mean" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn1.running_var" [id=393, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/bn1/batch_norm/0" [id=394, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/1/relu/relu_/0" [id=395, type="relu_", metatype=PTRELUMetatype]; -"layer4.1.conv2.weight" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/conv2/conv2d/0" [id=397, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.1.bn2.weight" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn2.bias" [id=399, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn2.running_mean" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn2.running_var" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/bn2/batch_norm/0" [id=402, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/1/relu/relu_/1" [id=403, type="relu_", metatype=PTRELUMetatype]; -"layer4.1.conv3.weight" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/conv3/conv2d/0" [id=405, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.1.bn3.weight" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn3.bias" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn3.running_mean" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn3.running_var" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/bn3/batch_norm/0" [id=410, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/1/add_/0" [id=411, type="add_", metatype=PTAddMetatype]; -"layer4/1/relu/relu_/2" [id=412, type="relu_", metatype=PTRELUMetatype]; -"layer4.2.conv1.weight" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/2/conv1/conv2d/0" [id=414, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.2.bn1.weight" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.2.bn1.bias" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.2.bn1.running_mean" [id=417, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.2.bn1.running_var" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/2/bn1/batch_norm/0" [id=419, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/2/relu/relu_/0" [id=420, type="relu_", metatype=PTRELUMetatype]; -"layer4.2.conv2.weight" [id=421, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/2/conv2/conv2d/0" [id=422, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.2.bn2.weight" [id=423, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.2.bn2.bias" [id=424, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.2.bn2.running_mean" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.2.bn2.running_var" [id=426, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/2/bn2/batch_norm/0" [id=427, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/2/relu/relu_/1" [id=428, type="relu_", metatype=PTRELUMetatype]; -"layer4.2.conv3.weight" [id=429, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/2/conv3/conv2d/0" [id=430, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.2.bn3.weight" [id=431, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.2.bn3.bias" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.2.bn3.running_mean" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.2.bn3.running_var" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/2/bn3/batch_norm/0" [id=435, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/2/add_/0" [id=436, type="add_", metatype=PTAddMetatype]; -"layer4/2/relu/relu_/2" [id=437, type="relu_", metatype=PTRELUMetatype]; -"avgpool/adaptive_avg_pool2d/0" [id=438, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"/flatten/0" [id=439, type=flatten, metatype=PTReshapeMetatype]; -"fc.weight" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc.bias" [id=441, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc/linear/0" [id=442, type=linear, metatype=PTLinearMetatype]; -output [id=443, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "conv1/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; -"conv1.weight" -> "conv1/conv2d/0" [dtype=float, shape="(64, 3, 7, 7)", out_port_id=0, in_port_id=1]; -"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"bn1/batch_norm/0" -> "relu/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"relu/relu_/0" -> "maxpool/max_pool2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/0" -> "layer1/0/downsample/0/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.conv1.weight" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(128, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn1/batch_norm/0" -> "layer1/0/relu/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/relu/relu_/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.conv2.weight" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(128, 4, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn2/batch_norm/0" -> "layer1/0/relu/relu_/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/relu/relu_/1" -> "layer1/0/conv3/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.conv3.weight" -> "layer1/0/conv3/conv2d/0" [dtype=float, shape="(256, 128, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/0/conv3/conv2d/0" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.bn3.weight" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer1.0.bn3.bias" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer1.0.bn3.running_mean" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer1.0.bn3.running_var" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn3/batch_norm/0" -> "layer1/0/add_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.downsample.0.weight" -> "layer1/0/downsample/0/conv2d/0" [dtype=float, shape="(256, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/0/downsample/0/conv2d/0" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.downsample.1.weight" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer1.0.downsample.1.bias" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer1.0.downsample.1.running_mean" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer1.0.downsample.1.running_var" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer1/0/downsample/1/batch_norm/0" -> "layer1/0/add_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=1]; -"layer1/0/add_/0" -> "layer1/0/relu/relu_/2" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/relu/relu_/2" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/relu/relu_/2" -> "layer1/1/add_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=1]; -"layer1.1.conv1.weight" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/relu/relu_/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.conv2.weight" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(128, 4, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer1/1/bn2/batch_norm/0" -> "layer1/1/relu/relu_/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/relu/relu_/1" -> "layer1/1/conv3/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.conv3.weight" -> "layer1/1/conv3/conv2d/0" [dtype=float, shape="(256, 128, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/1/conv3/conv2d/0" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.bn3.weight" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer1.1.bn3.bias" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer1.1.bn3.running_mean" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer1.1.bn3.running_var" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer1/1/bn3/batch_norm/0" -> "layer1/1/add_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/add_/0" -> "layer1/1/relu/relu_/2" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/relu/relu_/2" -> "layer1/2/conv1/conv2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/relu/relu_/2" -> "layer1/2/add_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=1]; -"layer1.2.conv1.weight" -> "layer1/2/conv1/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/2/conv1/conv2d/0" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.2.bn1.weight" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer1.2.bn1.bias" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer1.2.bn1.running_mean" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer1.2.bn1.running_var" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer1/2/bn1/batch_norm/0" -> "layer1/2/relu/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/2/relu/relu_/0" -> "layer1/2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.2.conv2.weight" -> "layer1/2/conv2/conv2d/0" [dtype=float, shape="(128, 4, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/2/conv2/conv2d/0" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.2.bn2.weight" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer1.2.bn2.bias" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer1.2.bn2.running_mean" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer1.2.bn2.running_var" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer1/2/bn2/batch_norm/0" -> "layer1/2/relu/relu_/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/2/relu/relu_/1" -> "layer1/2/conv3/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.2.conv3.weight" -> "layer1/2/conv3/conv2d/0" [dtype=float, shape="(256, 128, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/2/conv3/conv2d/0" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.2.bn3.weight" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer1.2.bn3.bias" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer1.2.bn3.running_mean" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer1.2.bn3.running_var" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer1/2/bn3/batch_norm/0" -> "layer1/2/add_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/2/add_/0" -> "layer1/2/relu/relu_/2" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/2/relu/relu_/2" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/2/relu/relu_/2" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer2.0.conv1.weight" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(256, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn1/batch_norm/0" -> "layer2/0/relu/relu_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer2/0/relu/relu_/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"layer2.0.conv2.weight" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(256, 8, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn2/batch_norm/0" -> "layer2/0/relu/relu_/1" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/relu/relu_/1" -> "layer2/0/conv3/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.conv3.weight" -> "layer2/0/conv3/conv2d/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/0/conv3/conv2d/0" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.bn3.weight" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer2.0.bn3.bias" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer2.0.bn3.running_mean" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer2.0.bn3.running_var" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn3/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.downsample.0.weight" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/0/downsample/0/conv2d/0" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.downsample.1.weight" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer2.0.downsample.1.bias" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer2.0.downsample.1.running_mean" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer2.0.downsample.1.running_var" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer2/0/downsample/1/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2/0/add_/0" -> "layer2/0/relu/relu_/2" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/relu/relu_/2" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/relu/relu_/2" -> "layer2/1/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2.1.conv1.weight" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(256, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/relu/relu_/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.conv2.weight" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(256, 8, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer2/1/bn2/batch_norm/0" -> "layer2/1/relu/relu_/1" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/relu/relu_/1" -> "layer2/1/conv3/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.conv3.weight" -> "layer2/1/conv3/conv2d/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/1/conv3/conv2d/0" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.bn3.weight" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer2.1.bn3.bias" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer2.1.bn3.running_mean" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer2.1.bn3.running_var" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer2/1/bn3/batch_norm/0" -> "layer2/1/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/add_/0" -> "layer2/1/relu/relu_/2" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/relu/relu_/2" -> "layer2/2/conv1/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/relu/relu_/2" -> "layer2/2/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2.2.conv1.weight" -> "layer2/2/conv1/conv2d/0" [dtype=float, shape="(256, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/2/conv1/conv2d/0" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.2.bn1.weight" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer2.2.bn1.bias" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer2.2.bn1.running_mean" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer2.2.bn1.running_var" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer2/2/bn1/batch_norm/0" -> "layer2/2/relu/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/2/relu/relu_/0" -> "layer2/2/conv2/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.2.conv2.weight" -> "layer2/2/conv2/conv2d/0" [dtype=float, shape="(256, 8, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/2/conv2/conv2d/0" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.2.bn2.weight" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer2.2.bn2.bias" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer2.2.bn2.running_mean" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer2.2.bn2.running_var" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer2/2/bn2/batch_norm/0" -> "layer2/2/relu/relu_/1" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/2/relu/relu_/1" -> "layer2/2/conv3/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.2.conv3.weight" -> "layer2/2/conv3/conv2d/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/2/conv3/conv2d/0" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.2.bn3.weight" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer2.2.bn3.bias" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer2.2.bn3.running_mean" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer2.2.bn3.running_var" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer2/2/bn3/batch_norm/0" -> "layer2/2/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/2/add_/0" -> "layer2/2/relu/relu_/2" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/2/relu/relu_/2" -> "layer2/3/conv1/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/2/relu/relu_/2" -> "layer2/3/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2.3.conv1.weight" -> "layer2/3/conv1/conv2d/0" [dtype=float, shape="(256, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/3/conv1/conv2d/0" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.3.bn1.weight" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer2.3.bn1.bias" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer2.3.bn1.running_mean" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer2.3.bn1.running_var" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer2/3/bn1/batch_norm/0" -> "layer2/3/relu/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/3/relu/relu_/0" -> "layer2/3/conv2/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.3.conv2.weight" -> "layer2/3/conv2/conv2d/0" [dtype=float, shape="(256, 8, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/3/conv2/conv2d/0" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.3.bn2.weight" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer2.3.bn2.bias" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer2.3.bn2.running_mean" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer2.3.bn2.running_var" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer2/3/bn2/batch_norm/0" -> "layer2/3/relu/relu_/1" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/3/relu/relu_/1" -> "layer2/3/conv3/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.3.conv3.weight" -> "layer2/3/conv3/conv2d/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/3/conv3/conv2d/0" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.3.bn3.weight" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer2.3.bn3.bias" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer2.3.bn3.running_mean" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer2.3.bn3.running_var" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer2/3/bn3/batch_norm/0" -> "layer2/3/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/3/add_/0" -> "layer2/3/relu/relu_/2" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/3/relu/relu_/2" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/3/relu/relu_/2" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer3.0.conv1.weight" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(512, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn1/batch_norm/0" -> "layer3/0/relu/relu_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer3/0/relu/relu_/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"layer3.0.conv2.weight" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(512, 16, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn2/batch_norm/0" -> "layer3/0/relu/relu_/1" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/relu/relu_/1" -> "layer3/0/conv3/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.conv3.weight" -> "layer3/0/conv3/conv2d/0" [dtype=float, shape="(1024, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/0/conv3/conv2d/0" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.bn3.weight" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"layer3.0.bn3.bias" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"layer3.0.bn3.running_mean" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"layer3.0.bn3.running_var" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn3/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.downsample.0.weight" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, shape="(1024, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/0/downsample/0/conv2d/0" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.downsample.1.weight" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"layer3.0.downsample.1.bias" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"layer3.0.downsample.1.running_mean" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"layer3.0.downsample.1.running_var" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"layer3/0/downsample/1/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=1]; -"layer3/0/add_/0" -> "layer3/0/relu/relu_/2" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/relu/relu_/2" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/relu/relu_/2" -> "layer3/1/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=1]; -"layer3.1.conv1.weight" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/relu/relu_/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.conv2.weight" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(512, 16, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer3/1/bn2/batch_norm/0" -> "layer3/1/relu/relu_/1" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/relu/relu_/1" -> "layer3/1/conv3/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.conv3.weight" -> "layer3/1/conv3/conv2d/0" [dtype=float, shape="(1024, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/1/conv3/conv2d/0" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.bn3.weight" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"layer3.1.bn3.bias" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"layer3.1.bn3.running_mean" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"layer3.1.bn3.running_var" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"layer3/1/bn3/batch_norm/0" -> "layer3/1/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/add_/0" -> "layer3/1/relu/relu_/2" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/relu/relu_/2" -> "layer3/2/conv1/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/relu/relu_/2" -> "layer3/2/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=1]; -"layer3.2.conv1.weight" -> "layer3/2/conv1/conv2d/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/2/conv1/conv2d/0" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.2.bn1.weight" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer3.2.bn1.bias" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer3.2.bn1.running_mean" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer3.2.bn1.running_var" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer3/2/bn1/batch_norm/0" -> "layer3/2/relu/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/2/relu/relu_/0" -> "layer3/2/conv2/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.2.conv2.weight" -> "layer3/2/conv2/conv2d/0" [dtype=float, shape="(512, 16, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/2/conv2/conv2d/0" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.2.bn2.weight" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer3.2.bn2.bias" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer3.2.bn2.running_mean" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer3.2.bn2.running_var" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer3/2/bn2/batch_norm/0" -> "layer3/2/relu/relu_/1" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/2/relu/relu_/1" -> "layer3/2/conv3/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.2.conv3.weight" -> "layer3/2/conv3/conv2d/0" [dtype=float, shape="(1024, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/2/conv3/conv2d/0" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.2.bn3.weight" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"layer3.2.bn3.bias" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"layer3.2.bn3.running_mean" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"layer3.2.bn3.running_var" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"layer3/2/bn3/batch_norm/0" -> "layer3/2/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/2/add_/0" -> "layer3/2/relu/relu_/2" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/2/relu/relu_/2" -> "layer3/3/conv1/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/2/relu/relu_/2" -> "layer3/3/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=1]; -"layer3.3.conv1.weight" -> "layer3/3/conv1/conv2d/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/3/conv1/conv2d/0" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.3.bn1.weight" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer3.3.bn1.bias" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer3.3.bn1.running_mean" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer3.3.bn1.running_var" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer3/3/bn1/batch_norm/0" -> "layer3/3/relu/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/3/relu/relu_/0" -> "layer3/3/conv2/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.3.conv2.weight" -> "layer3/3/conv2/conv2d/0" [dtype=float, shape="(512, 16, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/3/conv2/conv2d/0" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.3.bn2.weight" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer3.3.bn2.bias" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer3.3.bn2.running_mean" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer3.3.bn2.running_var" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer3/3/bn2/batch_norm/0" -> "layer3/3/relu/relu_/1" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/3/relu/relu_/1" -> "layer3/3/conv3/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.3.conv3.weight" -> "layer3/3/conv3/conv2d/0" [dtype=float, shape="(1024, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/3/conv3/conv2d/0" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.3.bn3.weight" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"layer3.3.bn3.bias" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"layer3.3.bn3.running_mean" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"layer3.3.bn3.running_var" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"layer3/3/bn3/batch_norm/0" -> "layer3/3/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/3/add_/0" -> "layer3/3/relu/relu_/2" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/3/relu/relu_/2" -> "layer3/4/conv1/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/3/relu/relu_/2" -> "layer3/4/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=1]; -"layer3.4.conv1.weight" -> "layer3/4/conv1/conv2d/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/4/conv1/conv2d/0" -> "layer3/4/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.4.bn1.weight" -> "layer3/4/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer3.4.bn1.bias" -> "layer3/4/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer3.4.bn1.running_mean" -> "layer3/4/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer3.4.bn1.running_var" -> "layer3/4/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer3/4/bn1/batch_norm/0" -> "layer3/4/relu/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/4/relu/relu_/0" -> "layer3/4/conv2/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.4.conv2.weight" -> "layer3/4/conv2/conv2d/0" [dtype=float, shape="(512, 16, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/4/conv2/conv2d/0" -> "layer3/4/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.4.bn2.weight" -> "layer3/4/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer3.4.bn2.bias" -> "layer3/4/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer3.4.bn2.running_mean" -> "layer3/4/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer3.4.bn2.running_var" -> "layer3/4/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer3/4/bn2/batch_norm/0" -> "layer3/4/relu/relu_/1" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/4/relu/relu_/1" -> "layer3/4/conv3/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.4.conv3.weight" -> "layer3/4/conv3/conv2d/0" [dtype=float, shape="(1024, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/4/conv3/conv2d/0" -> "layer3/4/bn3/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.4.bn3.weight" -> "layer3/4/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"layer3.4.bn3.bias" -> "layer3/4/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"layer3.4.bn3.running_mean" -> "layer3/4/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"layer3.4.bn3.running_var" -> "layer3/4/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"layer3/4/bn3/batch_norm/0" -> "layer3/4/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/4/add_/0" -> "layer3/4/relu/relu_/2" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/4/relu/relu_/2" -> "layer3/5/conv1/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/4/relu/relu_/2" -> "layer3/5/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=1]; -"layer3.5.conv1.weight" -> "layer3/5/conv1/conv2d/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/5/conv1/conv2d/0" -> "layer3/5/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.5.bn1.weight" -> "layer3/5/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer3.5.bn1.bias" -> "layer3/5/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer3.5.bn1.running_mean" -> "layer3/5/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer3.5.bn1.running_var" -> "layer3/5/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer3/5/bn1/batch_norm/0" -> "layer3/5/relu/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/5/relu/relu_/0" -> "layer3/5/conv2/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.5.conv2.weight" -> "layer3/5/conv2/conv2d/0" [dtype=float, shape="(512, 16, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/5/conv2/conv2d/0" -> "layer3/5/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.5.bn2.weight" -> "layer3/5/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer3.5.bn2.bias" -> "layer3/5/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer3.5.bn2.running_mean" -> "layer3/5/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer3.5.bn2.running_var" -> "layer3/5/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer3/5/bn2/batch_norm/0" -> "layer3/5/relu/relu_/1" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/5/relu/relu_/1" -> "layer3/5/conv3/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.5.conv3.weight" -> "layer3/5/conv3/conv2d/0" [dtype=float, shape="(1024, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/5/conv3/conv2d/0" -> "layer3/5/bn3/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.5.bn3.weight" -> "layer3/5/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"layer3.5.bn3.bias" -> "layer3/5/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"layer3.5.bn3.running_mean" -> "layer3/5/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"layer3.5.bn3.running_var" -> "layer3/5/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"layer3/5/bn3/batch_norm/0" -> "layer3/5/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/5/add_/0" -> "layer3/5/relu/relu_/2" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/5/relu/relu_/2" -> "layer4/0/conv1/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/5/relu/relu_/2" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer4.0.conv1.weight" -> "layer4/0/conv1/conv2d/0" [dtype=float, shape="(1024, 1024, 1, 1)", out_port_id=0, in_port_id=1]; -"layer4/0/conv1/conv2d/0" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer4.0.bn1.weight" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"layer4.0.bn1.bias" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"layer4.0.bn1.running_mean" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"layer4.0.bn1.running_var" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"layer4/0/bn1/batch_norm/0" -> "layer4/0/relu/relu_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer4/0/relu/relu_/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"layer4.0.conv2.weight" -> "layer4/0/conv2/conv2d/0" [dtype=float, shape="(1024, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"layer4/0/conv2/conv2d/0" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.bn2.weight" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"layer4.0.bn2.bias" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"layer4.0.bn2.running_mean" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"layer4.0.bn2.running_var" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"layer4/0/bn2/batch_norm/0" -> "layer4/0/relu/relu_/1" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/0/relu/relu_/1" -> "layer4/0/conv3/conv2d/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.conv3.weight" -> "layer4/0/conv3/conv2d/0" [dtype=float, shape="(2048, 1024, 1, 1)", out_port_id=0, in_port_id=1]; -"layer4/0/conv3/conv2d/0" -> "layer4/0/bn3/batch_norm/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.bn3.weight" -> "layer4/0/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=1]; -"layer4.0.bn3.bias" -> "layer4/0/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"layer4.0.bn3.running_mean" -> "layer4/0/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=3]; -"layer4.0.bn3.running_var" -> "layer4/0/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=4]; -"layer4/0/bn3/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.downsample.0.weight" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, shape="(2048, 1024, 1, 1)", out_port_id=0, in_port_id=1]; -"layer4/0/downsample/0/conv2d/0" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.downsample.1.weight" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=1]; -"layer4.0.downsample.1.bias" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"layer4.0.downsample.1.running_mean" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=3]; -"layer4.0.downsample.1.running_var" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=4]; -"layer4/0/downsample/1/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=1]; -"layer4/0/add_/0" -> "layer4/0/relu/relu_/2" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/0/relu/relu_/2" -> "layer4/1/conv1/conv2d/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/0/relu/relu_/2" -> "layer4/1/add_/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=1]; -"layer4.1.conv1.weight" -> "layer4/1/conv1/conv2d/0" [dtype=float, shape="(1024, 2048, 1, 1)", out_port_id=0, in_port_id=1]; -"layer4/1/conv1/conv2d/0" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.1.bn1.weight" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"layer4.1.bn1.bias" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"layer4.1.bn1.running_mean" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"layer4.1.bn1.running_var" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"layer4/1/bn1/batch_norm/0" -> "layer4/1/relu/relu_/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/1/relu/relu_/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.1.conv2.weight" -> "layer4/1/conv2/conv2d/0" [dtype=float, shape="(1024, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"layer4/1/conv2/conv2d/0" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.1.bn2.weight" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"layer4.1.bn2.bias" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"layer4.1.bn2.running_mean" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"layer4.1.bn2.running_var" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"layer4/1/bn2/batch_norm/0" -> "layer4/1/relu/relu_/1" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/1/relu/relu_/1" -> "layer4/1/conv3/conv2d/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.1.conv3.weight" -> "layer4/1/conv3/conv2d/0" [dtype=float, shape="(2048, 1024, 1, 1)", out_port_id=0, in_port_id=1]; -"layer4/1/conv3/conv2d/0" -> "layer4/1/bn3/batch_norm/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.1.bn3.weight" -> "layer4/1/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=1]; -"layer4.1.bn3.bias" -> "layer4/1/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"layer4.1.bn3.running_mean" -> "layer4/1/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=3]; -"layer4.1.bn3.running_var" -> "layer4/1/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=4]; -"layer4/1/bn3/batch_norm/0" -> "layer4/1/add_/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/1/add_/0" -> "layer4/1/relu/relu_/2" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/1/relu/relu_/2" -> "layer4/2/conv1/conv2d/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/1/relu/relu_/2" -> "layer4/2/add_/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=1]; -"layer4.2.conv1.weight" -> "layer4/2/conv1/conv2d/0" [dtype=float, shape="(1024, 2048, 1, 1)", out_port_id=0, in_port_id=1]; -"layer4/2/conv1/conv2d/0" -> "layer4/2/bn1/batch_norm/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.2.bn1.weight" -> "layer4/2/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"layer4.2.bn1.bias" -> "layer4/2/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"layer4.2.bn1.running_mean" -> "layer4/2/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"layer4.2.bn1.running_var" -> "layer4/2/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"layer4/2/bn1/batch_norm/0" -> "layer4/2/relu/relu_/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/2/relu/relu_/0" -> "layer4/2/conv2/conv2d/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.2.conv2.weight" -> "layer4/2/conv2/conv2d/0" [dtype=float, shape="(1024, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"layer4/2/conv2/conv2d/0" -> "layer4/2/bn2/batch_norm/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.2.bn2.weight" -> "layer4/2/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"layer4.2.bn2.bias" -> "layer4/2/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"layer4.2.bn2.running_mean" -> "layer4/2/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"layer4.2.bn2.running_var" -> "layer4/2/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"layer4/2/bn2/batch_norm/0" -> "layer4/2/relu/relu_/1" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/2/relu/relu_/1" -> "layer4/2/conv3/conv2d/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.2.conv3.weight" -> "layer4/2/conv3/conv2d/0" [dtype=float, shape="(2048, 1024, 1, 1)", out_port_id=0, in_port_id=1]; -"layer4/2/conv3/conv2d/0" -> "layer4/2/bn3/batch_norm/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.2.bn3.weight" -> "layer4/2/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=1]; -"layer4.2.bn3.bias" -> "layer4/2/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"layer4.2.bn3.running_mean" -> "layer4/2/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=3]; -"layer4.2.bn3.running_var" -> "layer4/2/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=4]; -"layer4/2/bn3/batch_norm/0" -> "layer4/2/add_/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/2/add_/0" -> "layer4/2/relu/relu_/2" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/2/relu/relu_/2" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; -"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 2048, 1, 1)", out_port_id=0, in_port_id=0]; -"/flatten/0" -> "fc/linear/0" [dtype=float, shape="(1, 2048)", out_port_id=0, in_port_id=0]; -"fc.weight" -> "fc/linear/0" [dtype=float, shape="(1000, 2048)", out_port_id=0, in_port_id=1]; -"fc.bias" -> "fc/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"fc/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"conv1.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv1/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; +"bn1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; +"relu/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; +"maxpool/max_pool2d/0" [id=9, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"layer1.0.conv1.weight" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/conv1/conv2d/0" [id=11, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.0.bn1.weight" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn1.bias" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn1.running_mean" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn1.running_var" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn1/batch_norm/0" [id=16, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/0/relu/relu_/0" [id=17, metatype=PTRELUMetatype, type=relu_]; +"layer1.0.conv2.weight" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/conv2/conv2d/0" [id=19, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.0.bn2.weight" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn2.bias" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn2.running_mean" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn2.running_var" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn2/batch_norm/0" [id=24, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/0/relu/relu_/1" [id=25, metatype=PTRELUMetatype, type=relu_]; +"layer1.0.conv3.weight" [id=26, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/conv3/conv2d/0" [id=27, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.0.bn3.weight" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn3.bias" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn3.running_mean" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn3.running_var" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn3/batch_norm/0" [id=32, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1.0.downsample.0.weight" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/downsample/0/conv2d/0" [id=34, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.0.downsample.1.weight" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.downsample.1.bias" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.downsample.1.running_mean" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.downsample.1.running_var" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/downsample/1/batch_norm/0" [id=39, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/0/add_/0" [id=40, metatype=PTAddMetatype, type=add_]; +"layer1/0/relu/relu_/2" [id=41, metatype=PTRELUMetatype, type=relu_]; +"layer1.1.conv1.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/conv1/conv2d/0" [id=43, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.1.bn1.weight" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn1.bias" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn1.running_mean" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn1.running_var" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/bn1/batch_norm/0" [id=48, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/1/relu/relu_/0" [id=49, metatype=PTRELUMetatype, type=relu_]; +"layer1.1.conv2.weight" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/conv2/conv2d/0" [id=51, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.1.bn2.weight" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn2.bias" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn2.running_mean" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn2.running_var" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/bn2/batch_norm/0" [id=56, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/1/relu/relu_/1" [id=57, metatype=PTRELUMetatype, type=relu_]; +"layer1.1.conv3.weight" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/conv3/conv2d/0" [id=59, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.1.bn3.weight" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn3.bias" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn3.running_mean" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn3.running_var" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/bn3/batch_norm/0" [id=64, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/1/add_/0" [id=65, metatype=PTAddMetatype, type=add_]; +"layer1/1/relu/relu_/2" [id=66, metatype=PTRELUMetatype, type=relu_]; +"layer1.2.conv1.weight" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/2/conv1/conv2d/0" [id=68, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.2.bn1.weight" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn1.bias" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn1.running_mean" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn1.running_var" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/2/bn1/batch_norm/0" [id=73, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/2/relu/relu_/0" [id=74, metatype=PTRELUMetatype, type=relu_]; +"layer1.2.conv2.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/2/conv2/conv2d/0" [id=76, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.2.bn2.weight" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn2.bias" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn2.running_mean" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn2.running_var" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/2/bn2/batch_norm/0" [id=81, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/2/relu/relu_/1" [id=82, metatype=PTRELUMetatype, type=relu_]; +"layer1.2.conv3.weight" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/2/conv3/conv2d/0" [id=84, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.2.bn3.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn3.bias" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn3.running_mean" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn3.running_var" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/2/bn3/batch_norm/0" [id=89, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/2/add_/0" [id=90, metatype=PTAddMetatype, type=add_]; +"layer1/2/relu/relu_/2" [id=91, metatype=PTRELUMetatype, type=relu_]; +"layer2.0.conv1.weight" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/conv1/conv2d/0" [id=93, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.0.bn1.weight" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn1.bias" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn1.running_mean" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn1.running_var" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn1/batch_norm/0" [id=98, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/0/relu/relu_/0" [id=99, metatype=PTRELUMetatype, type=relu_]; +"layer2.0.conv2.weight" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/conv2/conv2d/0" [id=101, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.0.bn2.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn2.bias" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn2.running_mean" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn2.running_var" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn2/batch_norm/0" [id=106, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/0/relu/relu_/1" [id=107, metatype=PTRELUMetatype, type=relu_]; +"layer2.0.conv3.weight" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/conv3/conv2d/0" [id=109, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.0.bn3.weight" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn3.bias" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn3.running_mean" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn3.running_var" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn3/batch_norm/0" [id=114, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2.0.downsample.0.weight" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/downsample/0/conv2d/0" [id=116, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.0.downsample.1.weight" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.downsample.1.bias" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.downsample.1.running_mean" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.downsample.1.running_var" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/downsample/1/batch_norm/0" [id=121, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/0/add_/0" [id=122, metatype=PTAddMetatype, type=add_]; +"layer2/0/relu/relu_/2" [id=123, metatype=PTRELUMetatype, type=relu_]; +"layer2.1.conv1.weight" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/conv1/conv2d/0" [id=125, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.1.bn1.weight" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn1.bias" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn1.running_mean" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn1.running_var" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/bn1/batch_norm/0" [id=130, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/1/relu/relu_/0" [id=131, metatype=PTRELUMetatype, type=relu_]; +"layer2.1.conv2.weight" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/conv2/conv2d/0" [id=133, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.1.bn2.weight" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn2.bias" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn2.running_mean" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn2.running_var" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/bn2/batch_norm/0" [id=138, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/1/relu/relu_/1" [id=139, metatype=PTRELUMetatype, type=relu_]; +"layer2.1.conv3.weight" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/conv3/conv2d/0" [id=141, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.1.bn3.weight" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn3.bias" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn3.running_mean" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn3.running_var" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/bn3/batch_norm/0" [id=146, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/1/add_/0" [id=147, metatype=PTAddMetatype, type=add_]; +"layer2/1/relu/relu_/2" [id=148, metatype=PTRELUMetatype, type=relu_]; +"layer2.2.conv1.weight" [id=149, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/2/conv1/conv2d/0" [id=150, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.2.bn1.weight" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn1.bias" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn1.running_mean" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn1.running_var" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/2/bn1/batch_norm/0" [id=155, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/2/relu/relu_/0" [id=156, metatype=PTRELUMetatype, type=relu_]; +"layer2.2.conv2.weight" [id=157, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/2/conv2/conv2d/0" [id=158, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.2.bn2.weight" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn2.bias" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn2.running_mean" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn2.running_var" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/2/bn2/batch_norm/0" [id=163, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/2/relu/relu_/1" [id=164, metatype=PTRELUMetatype, type=relu_]; +"layer2.2.conv3.weight" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/2/conv3/conv2d/0" [id=166, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.2.bn3.weight" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn3.bias" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn3.running_mean" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn3.running_var" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/2/bn3/batch_norm/0" [id=171, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/2/add_/0" [id=172, metatype=PTAddMetatype, type=add_]; +"layer2/2/relu/relu_/2" [id=173, metatype=PTRELUMetatype, type=relu_]; +"layer2.3.conv1.weight" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/3/conv1/conv2d/0" [id=175, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.3.bn1.weight" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn1.bias" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn1.running_mean" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn1.running_var" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/3/bn1/batch_norm/0" [id=180, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/3/relu/relu_/0" [id=181, metatype=PTRELUMetatype, type=relu_]; +"layer2.3.conv2.weight" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/3/conv2/conv2d/0" [id=183, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.3.bn2.weight" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn2.bias" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn2.running_mean" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn2.running_var" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/3/bn2/batch_norm/0" [id=188, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/3/relu/relu_/1" [id=189, metatype=PTRELUMetatype, type=relu_]; +"layer2.3.conv3.weight" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/3/conv3/conv2d/0" [id=191, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.3.bn3.weight" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn3.bias" [id=193, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn3.running_mean" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn3.running_var" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/3/bn3/batch_norm/0" [id=196, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/3/add_/0" [id=197, metatype=PTAddMetatype, type=add_]; +"layer2/3/relu/relu_/2" [id=198, metatype=PTRELUMetatype, type=relu_]; +"layer3.0.conv1.weight" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/conv1/conv2d/0" [id=200, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.0.bn1.weight" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn1.bias" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn1.running_mean" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn1.running_var" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn1/batch_norm/0" [id=205, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/0/relu/relu_/0" [id=206, metatype=PTRELUMetatype, type=relu_]; +"layer3.0.conv2.weight" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/conv2/conv2d/0" [id=208, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.0.bn2.weight" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn2.bias" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn2.running_mean" [id=211, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn2.running_var" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn2/batch_norm/0" [id=213, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/0/relu/relu_/1" [id=214, metatype=PTRELUMetatype, type=relu_]; +"layer3.0.conv3.weight" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/conv3/conv2d/0" [id=216, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.0.bn3.weight" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn3.bias" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn3.running_mean" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn3.running_var" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn3/batch_norm/0" [id=221, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3.0.downsample.0.weight" [id=222, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/downsample/0/conv2d/0" [id=223, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.0.downsample.1.weight" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.downsample.1.bias" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.downsample.1.running_mean" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.downsample.1.running_var" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/downsample/1/batch_norm/0" [id=228, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/0/add_/0" [id=229, metatype=PTAddMetatype, type=add_]; +"layer3/0/relu/relu_/2" [id=230, metatype=PTRELUMetatype, type=relu_]; +"layer3.1.conv1.weight" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/conv1/conv2d/0" [id=232, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.1.bn1.weight" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn1.bias" [id=234, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn1.running_mean" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn1.running_var" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/bn1/batch_norm/0" [id=237, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/1/relu/relu_/0" [id=238, metatype=PTRELUMetatype, type=relu_]; +"layer3.1.conv2.weight" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/conv2/conv2d/0" [id=240, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.1.bn2.weight" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn2.bias" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn2.running_mean" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn2.running_var" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/bn2/batch_norm/0" [id=245, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/1/relu/relu_/1" [id=246, metatype=PTRELUMetatype, type=relu_]; +"layer3.1.conv3.weight" [id=247, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/conv3/conv2d/0" [id=248, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.1.bn3.weight" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn3.bias" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn3.running_mean" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn3.running_var" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/bn3/batch_norm/0" [id=253, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/1/add_/0" [id=254, metatype=PTAddMetatype, type=add_]; +"layer3/1/relu/relu_/2" [id=255, metatype=PTRELUMetatype, type=relu_]; +"layer3.2.conv1.weight" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/2/conv1/conv2d/0" [id=257, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.2.bn1.weight" [id=258, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn1.bias" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn1.running_mean" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn1.running_var" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/2/bn1/batch_norm/0" [id=262, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/2/relu/relu_/0" [id=263, metatype=PTRELUMetatype, type=relu_]; +"layer3.2.conv2.weight" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/2/conv2/conv2d/0" [id=265, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.2.bn2.weight" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn2.bias" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn2.running_mean" [id=268, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn2.running_var" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/2/bn2/batch_norm/0" [id=270, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/2/relu/relu_/1" [id=271, metatype=PTRELUMetatype, type=relu_]; +"layer3.2.conv3.weight" [id=272, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/2/conv3/conv2d/0" [id=273, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.2.bn3.weight" [id=274, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn3.bias" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn3.running_mean" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn3.running_var" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/2/bn3/batch_norm/0" [id=278, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/2/add_/0" [id=279, metatype=PTAddMetatype, type=add_]; +"layer3/2/relu/relu_/2" [id=280, metatype=PTRELUMetatype, type=relu_]; +"layer3.3.conv1.weight" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/3/conv1/conv2d/0" [id=282, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.3.bn1.weight" [id=283, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn1.bias" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn1.running_mean" [id=285, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn1.running_var" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/3/bn1/batch_norm/0" [id=287, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/3/relu/relu_/0" [id=288, metatype=PTRELUMetatype, type=relu_]; +"layer3.3.conv2.weight" [id=289, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/3/conv2/conv2d/0" [id=290, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.3.bn2.weight" [id=291, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn2.bias" [id=292, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn2.running_mean" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn2.running_var" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/3/bn2/batch_norm/0" [id=295, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/3/relu/relu_/1" [id=296, metatype=PTRELUMetatype, type=relu_]; +"layer3.3.conv3.weight" [id=297, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/3/conv3/conv2d/0" [id=298, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.3.bn3.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn3.bias" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn3.running_mean" [id=301, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn3.running_var" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/3/bn3/batch_norm/0" [id=303, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/3/add_/0" [id=304, metatype=PTAddMetatype, type=add_]; +"layer3/3/relu/relu_/2" [id=305, metatype=PTRELUMetatype, type=relu_]; +"layer3.4.conv1.weight" [id=306, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/4/conv1/conv2d/0" [id=307, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.4.bn1.weight" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.4.bn1.bias" [id=309, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.4.bn1.running_mean" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.4.bn1.running_var" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/4/bn1/batch_norm/0" [id=312, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/4/relu/relu_/0" [id=313, metatype=PTRELUMetatype, type=relu_]; +"layer3.4.conv2.weight" [id=314, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/4/conv2/conv2d/0" [id=315, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.4.bn2.weight" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.4.bn2.bias" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.4.bn2.running_mean" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.4.bn2.running_var" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/4/bn2/batch_norm/0" [id=320, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/4/relu/relu_/1" [id=321, metatype=PTRELUMetatype, type=relu_]; +"layer3.4.conv3.weight" [id=322, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/4/conv3/conv2d/0" [id=323, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.4.bn3.weight" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.4.bn3.bias" [id=325, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.4.bn3.running_mean" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.4.bn3.running_var" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/4/bn3/batch_norm/0" [id=328, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/4/add_/0" [id=329, metatype=PTAddMetatype, type=add_]; +"layer3/4/relu/relu_/2" [id=330, metatype=PTRELUMetatype, type=relu_]; +"layer3.5.conv1.weight" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/5/conv1/conv2d/0" [id=332, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.5.bn1.weight" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.5.bn1.bias" [id=334, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.5.bn1.running_mean" [id=335, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.5.bn1.running_var" [id=336, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/5/bn1/batch_norm/0" [id=337, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/5/relu/relu_/0" [id=338, metatype=PTRELUMetatype, type=relu_]; +"layer3.5.conv2.weight" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/5/conv2/conv2d/0" [id=340, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.5.bn2.weight" [id=341, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.5.bn2.bias" [id=342, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.5.bn2.running_mean" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.5.bn2.running_var" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/5/bn2/batch_norm/0" [id=345, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/5/relu/relu_/1" [id=346, metatype=PTRELUMetatype, type=relu_]; +"layer3.5.conv3.weight" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/5/conv3/conv2d/0" [id=348, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.5.bn3.weight" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.5.bn3.bias" [id=350, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.5.bn3.running_mean" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.5.bn3.running_var" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/5/bn3/batch_norm/0" [id=353, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/5/add_/0" [id=354, metatype=PTAddMetatype, type=add_]; +"layer3/5/relu/relu_/2" [id=355, metatype=PTRELUMetatype, type=relu_]; +"layer4.0.conv1.weight" [id=356, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/conv1/conv2d/0" [id=357, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.0.bn1.weight" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn1.bias" [id=359, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn1.running_mean" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn1.running_var" [id=361, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/bn1/batch_norm/0" [id=362, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/0/relu/relu_/0" [id=363, metatype=PTRELUMetatype, type=relu_]; +"layer4.0.conv2.weight" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/conv2/conv2d/0" [id=365, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.0.bn2.weight" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn2.bias" [id=367, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn2.running_mean" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn2.running_var" [id=369, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/bn2/batch_norm/0" [id=370, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/0/relu/relu_/1" [id=371, metatype=PTRELUMetatype, type=relu_]; +"layer4.0.conv3.weight" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/conv3/conv2d/0" [id=373, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.0.bn3.weight" [id=374, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn3.bias" [id=375, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn3.running_mean" [id=376, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn3.running_var" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/bn3/batch_norm/0" [id=378, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4.0.downsample.0.weight" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/downsample/0/conv2d/0" [id=380, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.0.downsample.1.weight" [id=381, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.downsample.1.bias" [id=382, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.downsample.1.running_mean" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.downsample.1.running_var" [id=384, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/downsample/1/batch_norm/0" [id=385, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/0/add_/0" [id=386, metatype=PTAddMetatype, type=add_]; +"layer4/0/relu/relu_/2" [id=387, metatype=PTRELUMetatype, type=relu_]; +"layer4.1.conv1.weight" [id=388, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/conv1/conv2d/0" [id=389, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.1.bn1.weight" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn1.bias" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn1.running_mean" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn1.running_var" [id=393, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/bn1/batch_norm/0" [id=394, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/1/relu/relu_/0" [id=395, metatype=PTRELUMetatype, type=relu_]; +"layer4.1.conv2.weight" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/conv2/conv2d/0" [id=397, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.1.bn2.weight" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn2.bias" [id=399, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn2.running_mean" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn2.running_var" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/bn2/batch_norm/0" [id=402, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/1/relu/relu_/1" [id=403, metatype=PTRELUMetatype, type=relu_]; +"layer4.1.conv3.weight" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/conv3/conv2d/0" [id=405, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.1.bn3.weight" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn3.bias" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn3.running_mean" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn3.running_var" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/bn3/batch_norm/0" [id=410, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/1/add_/0" [id=411, metatype=PTAddMetatype, type=add_]; +"layer4/1/relu/relu_/2" [id=412, metatype=PTRELUMetatype, type=relu_]; +"layer4.2.conv1.weight" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/2/conv1/conv2d/0" [id=414, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.2.bn1.weight" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.2.bn1.bias" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.2.bn1.running_mean" [id=417, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.2.bn1.running_var" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/2/bn1/batch_norm/0" [id=419, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/2/relu/relu_/0" [id=420, metatype=PTRELUMetatype, type=relu_]; +"layer4.2.conv2.weight" [id=421, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/2/conv2/conv2d/0" [id=422, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.2.bn2.weight" [id=423, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.2.bn2.bias" [id=424, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.2.bn2.running_mean" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.2.bn2.running_var" [id=426, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/2/bn2/batch_norm/0" [id=427, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/2/relu/relu_/1" [id=428, metatype=PTRELUMetatype, type=relu_]; +"layer4.2.conv3.weight" [id=429, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/2/conv3/conv2d/0" [id=430, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.2.bn3.weight" [id=431, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.2.bn3.bias" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.2.bn3.running_mean" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.2.bn3.running_var" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/2/bn3/batch_norm/0" [id=435, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/2/add_/0" [id=436, metatype=PTAddMetatype, type=add_]; +"layer4/2/relu/relu_/2" [id=437, metatype=PTRELUMetatype, type=relu_]; +"avgpool/adaptive_avg_pool2d/0" [id=438, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"/flatten/0" [id=439, metatype=PTReshapeMetatype, type=flatten]; +"fc.weight" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc.bias" [id=441, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc/linear/0" [id=442, metatype=PTLinearMetatype, type=linear]; +output [id=443, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; +"conv1.weight" -> "conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 7, 7)"]; +"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"bn1/batch_norm/0" -> "relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"relu/relu_/0" -> "maxpool/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"maxpool/max_pool2d/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"maxpool/max_pool2d/0" -> "layer1/0/downsample/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.0.conv1.weight" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 1, 1)"]; +"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer1/0/bn1/batch_norm/0" -> "layer1/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1/0/relu/relu_/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1.0.conv2.weight" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 4, 3, 3)"]; +"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer1/0/bn2/batch_norm/0" -> "layer1/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1/0/relu/relu_/1" -> "layer1/0/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1.0.conv3.weight" -> "layer1/0/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 1, 1)"]; +"layer1/0/conv3/conv2d/0" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1.0.bn3.weight" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer1.0.bn3.bias" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer1.0.bn3.running_mean" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer1.0.bn3.running_var" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer1/0/bn3/batch_norm/0" -> "layer1/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1.0.downsample.0.weight" -> "layer1/0/downsample/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 1, 1)"]; +"layer1/0/downsample/0/conv2d/0" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1.0.downsample.1.weight" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer1.0.downsample.1.bias" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer1.0.downsample.1.running_mean" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer1.0.downsample.1.running_var" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer1/0/downsample/1/batch_norm/0" -> "layer1/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1/0/add_/0" -> "layer1/0/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1/0/relu/relu_/2" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1/0/relu/relu_/2" -> "layer1/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1.1.conv1.weight" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; +"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1/1/relu/relu_/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1.1.conv2.weight" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 4, 3, 3)"]; +"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer1/1/bn2/batch_norm/0" -> "layer1/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1/1/relu/relu_/1" -> "layer1/1/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1.1.conv3.weight" -> "layer1/1/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 1, 1)"]; +"layer1/1/conv3/conv2d/0" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1.1.bn3.weight" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer1.1.bn3.bias" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer1.1.bn3.running_mean" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer1.1.bn3.running_var" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer1/1/bn3/batch_norm/0" -> "layer1/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1/1/add_/0" -> "layer1/1/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1/1/relu/relu_/2" -> "layer1/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1/1/relu/relu_/2" -> "layer1/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1.2.conv1.weight" -> "layer1/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; +"layer1/2/conv1/conv2d/0" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1.2.bn1.weight" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer1.2.bn1.bias" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer1.2.bn1.running_mean" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer1.2.bn1.running_var" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer1/2/bn1/batch_norm/0" -> "layer1/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1/2/relu/relu_/0" -> "layer1/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1.2.conv2.weight" -> "layer1/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 4, 3, 3)"]; +"layer1/2/conv2/conv2d/0" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1.2.bn2.weight" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer1.2.bn2.bias" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer1.2.bn2.running_mean" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer1.2.bn2.running_var" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer1/2/bn2/batch_norm/0" -> "layer1/2/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1/2/relu/relu_/1" -> "layer1/2/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"layer1.2.conv3.weight" -> "layer1/2/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 1, 1)"]; +"layer1/2/conv3/conv2d/0" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1.2.bn3.weight" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer1.2.bn3.bias" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer1.2.bn3.running_mean" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer1.2.bn3.running_var" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer1/2/bn3/batch_norm/0" -> "layer1/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1/2/add_/0" -> "layer1/2/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1/2/relu/relu_/2" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer1/2/relu/relu_/2" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer2.0.conv1.weight" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 1, 1)"]; +"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer2/0/bn1/batch_norm/0" -> "layer2/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer2/0/relu/relu_/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"layer2.0.conv2.weight" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 8, 3, 3)"]; +"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer2/0/bn2/batch_norm/0" -> "layer2/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2/0/relu/relu_/1" -> "layer2/0/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2.0.conv3.weight" -> "layer2/0/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 1, 1)"]; +"layer2/0/conv3/conv2d/0" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2.0.bn3.weight" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer2.0.bn3.bias" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer2.0.bn3.running_mean" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer2.0.bn3.running_var" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer2/0/bn3/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2.0.downsample.0.weight" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 1, 1)"]; +"layer2/0/downsample/0/conv2d/0" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2.0.downsample.1.weight" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer2.0.downsample.1.bias" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer2.0.downsample.1.running_mean" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer2.0.downsample.1.running_var" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer2/0/downsample/1/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2/0/add_/0" -> "layer2/0/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2/0/relu/relu_/2" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2/0/relu/relu_/2" -> "layer2/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2.1.conv1.weight" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 512, 1, 1)"]; +"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2/1/relu/relu_/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2.1.conv2.weight" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 8, 3, 3)"]; +"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer2/1/bn2/batch_norm/0" -> "layer2/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2/1/relu/relu_/1" -> "layer2/1/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2.1.conv3.weight" -> "layer2/1/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 1, 1)"]; +"layer2/1/conv3/conv2d/0" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2.1.bn3.weight" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer2.1.bn3.bias" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer2.1.bn3.running_mean" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer2.1.bn3.running_var" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer2/1/bn3/batch_norm/0" -> "layer2/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2/1/add_/0" -> "layer2/1/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2/1/relu/relu_/2" -> "layer2/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2/1/relu/relu_/2" -> "layer2/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2.2.conv1.weight" -> "layer2/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 512, 1, 1)"]; +"layer2/2/conv1/conv2d/0" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2.2.bn1.weight" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer2.2.bn1.bias" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer2.2.bn1.running_mean" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer2.2.bn1.running_var" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer2/2/bn1/batch_norm/0" -> "layer2/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2/2/relu/relu_/0" -> "layer2/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2.2.conv2.weight" -> "layer2/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 8, 3, 3)"]; +"layer2/2/conv2/conv2d/0" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2.2.bn2.weight" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer2.2.bn2.bias" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer2.2.bn2.running_mean" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer2.2.bn2.running_var" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer2/2/bn2/batch_norm/0" -> "layer2/2/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2/2/relu/relu_/1" -> "layer2/2/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2.2.conv3.weight" -> "layer2/2/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 1, 1)"]; +"layer2/2/conv3/conv2d/0" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2.2.bn3.weight" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer2.2.bn3.bias" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer2.2.bn3.running_mean" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer2.2.bn3.running_var" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer2/2/bn3/batch_norm/0" -> "layer2/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2/2/add_/0" -> "layer2/2/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2/2/relu/relu_/2" -> "layer2/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2/2/relu/relu_/2" -> "layer2/3/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2.3.conv1.weight" -> "layer2/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 512, 1, 1)"]; +"layer2/3/conv1/conv2d/0" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2.3.bn1.weight" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer2.3.bn1.bias" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer2.3.bn1.running_mean" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer2.3.bn1.running_var" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer2/3/bn1/batch_norm/0" -> "layer2/3/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2/3/relu/relu_/0" -> "layer2/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2.3.conv2.weight" -> "layer2/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 8, 3, 3)"]; +"layer2/3/conv2/conv2d/0" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2.3.bn2.weight" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer2.3.bn2.bias" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer2.3.bn2.running_mean" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer2.3.bn2.running_var" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer2/3/bn2/batch_norm/0" -> "layer2/3/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2/3/relu/relu_/1" -> "layer2/3/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"layer2.3.conv3.weight" -> "layer2/3/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 1, 1)"]; +"layer2/3/conv3/conv2d/0" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2.3.bn3.weight" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer2.3.bn3.bias" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer2.3.bn3.running_mean" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer2.3.bn3.running_var" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer2/3/bn3/batch_norm/0" -> "layer2/3/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2/3/add_/0" -> "layer2/3/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2/3/relu/relu_/2" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer2/3/relu/relu_/2" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer3.0.conv1.weight" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 1, 1)"]; +"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer3/0/bn1/batch_norm/0" -> "layer3/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer3/0/relu/relu_/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"layer3.0.conv2.weight" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 16, 3, 3)"]; +"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer3/0/bn2/batch_norm/0" -> "layer3/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3/0/relu/relu_/1" -> "layer3/0/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.0.conv3.weight" -> "layer3/0/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 1, 1)"]; +"layer3/0/conv3/conv2d/0" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3.0.bn3.weight" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"layer3.0.bn3.bias" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"layer3.0.bn3.running_mean" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"layer3.0.bn3.running_var" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"layer3/0/bn3/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3.0.downsample.0.weight" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 1, 1)"]; +"layer3/0/downsample/0/conv2d/0" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3.0.downsample.1.weight" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"layer3.0.downsample.1.bias" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"layer3.0.downsample.1.running_mean" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"layer3.0.downsample.1.running_var" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"layer3/0/downsample/1/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/0/add_/0" -> "layer3/0/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/0/relu/relu_/2" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/0/relu/relu_/2" -> "layer3/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3.1.conv1.weight" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 1, 1)"]; +"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3/1/relu/relu_/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.1.conv2.weight" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 16, 3, 3)"]; +"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer3/1/bn2/batch_norm/0" -> "layer3/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3/1/relu/relu_/1" -> "layer3/1/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.1.conv3.weight" -> "layer3/1/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 1, 1)"]; +"layer3/1/conv3/conv2d/0" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3.1.bn3.weight" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"layer3.1.bn3.bias" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"layer3.1.bn3.running_mean" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"layer3.1.bn3.running_var" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"layer3/1/bn3/batch_norm/0" -> "layer3/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/1/add_/0" -> "layer3/1/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/1/relu/relu_/2" -> "layer3/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/1/relu/relu_/2" -> "layer3/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3.2.conv1.weight" -> "layer3/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 1, 1)"]; +"layer3/2/conv1/conv2d/0" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.2.bn1.weight" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer3.2.bn1.bias" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer3.2.bn1.running_mean" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer3.2.bn1.running_var" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer3/2/bn1/batch_norm/0" -> "layer3/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3/2/relu/relu_/0" -> "layer3/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.2.conv2.weight" -> "layer3/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 16, 3, 3)"]; +"layer3/2/conv2/conv2d/0" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.2.bn2.weight" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer3.2.bn2.bias" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer3.2.bn2.running_mean" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer3.2.bn2.running_var" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer3/2/bn2/batch_norm/0" -> "layer3/2/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3/2/relu/relu_/1" -> "layer3/2/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.2.conv3.weight" -> "layer3/2/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 1, 1)"]; +"layer3/2/conv3/conv2d/0" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3.2.bn3.weight" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"layer3.2.bn3.bias" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"layer3.2.bn3.running_mean" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"layer3.2.bn3.running_var" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"layer3/2/bn3/batch_norm/0" -> "layer3/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/2/add_/0" -> "layer3/2/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/2/relu/relu_/2" -> "layer3/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/2/relu/relu_/2" -> "layer3/3/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3.3.conv1.weight" -> "layer3/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 1, 1)"]; +"layer3/3/conv1/conv2d/0" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.3.bn1.weight" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer3.3.bn1.bias" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer3.3.bn1.running_mean" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer3.3.bn1.running_var" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer3/3/bn1/batch_norm/0" -> "layer3/3/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3/3/relu/relu_/0" -> "layer3/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.3.conv2.weight" -> "layer3/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 16, 3, 3)"]; +"layer3/3/conv2/conv2d/0" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.3.bn2.weight" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer3.3.bn2.bias" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer3.3.bn2.running_mean" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer3.3.bn2.running_var" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer3/3/bn2/batch_norm/0" -> "layer3/3/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3/3/relu/relu_/1" -> "layer3/3/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.3.conv3.weight" -> "layer3/3/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 1, 1)"]; +"layer3/3/conv3/conv2d/0" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3.3.bn3.weight" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"layer3.3.bn3.bias" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"layer3.3.bn3.running_mean" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"layer3.3.bn3.running_var" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"layer3/3/bn3/batch_norm/0" -> "layer3/3/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/3/add_/0" -> "layer3/3/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/3/relu/relu_/2" -> "layer3/4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/3/relu/relu_/2" -> "layer3/4/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3.4.conv1.weight" -> "layer3/4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 1, 1)"]; +"layer3/4/conv1/conv2d/0" -> "layer3/4/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.4.bn1.weight" -> "layer3/4/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer3.4.bn1.bias" -> "layer3/4/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer3.4.bn1.running_mean" -> "layer3/4/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer3.4.bn1.running_var" -> "layer3/4/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer3/4/bn1/batch_norm/0" -> "layer3/4/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3/4/relu/relu_/0" -> "layer3/4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.4.conv2.weight" -> "layer3/4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 16, 3, 3)"]; +"layer3/4/conv2/conv2d/0" -> "layer3/4/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.4.bn2.weight" -> "layer3/4/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer3.4.bn2.bias" -> "layer3/4/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer3.4.bn2.running_mean" -> "layer3/4/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer3.4.bn2.running_var" -> "layer3/4/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer3/4/bn2/batch_norm/0" -> "layer3/4/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3/4/relu/relu_/1" -> "layer3/4/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.4.conv3.weight" -> "layer3/4/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 1, 1)"]; +"layer3/4/conv3/conv2d/0" -> "layer3/4/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3.4.bn3.weight" -> "layer3/4/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"layer3.4.bn3.bias" -> "layer3/4/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"layer3.4.bn3.running_mean" -> "layer3/4/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"layer3.4.bn3.running_var" -> "layer3/4/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"layer3/4/bn3/batch_norm/0" -> "layer3/4/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/4/add_/0" -> "layer3/4/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/4/relu/relu_/2" -> "layer3/5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/4/relu/relu_/2" -> "layer3/5/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3.5.conv1.weight" -> "layer3/5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 1, 1)"]; +"layer3/5/conv1/conv2d/0" -> "layer3/5/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.5.bn1.weight" -> "layer3/5/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer3.5.bn1.bias" -> "layer3/5/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer3.5.bn1.running_mean" -> "layer3/5/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer3.5.bn1.running_var" -> "layer3/5/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer3/5/bn1/batch_norm/0" -> "layer3/5/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3/5/relu/relu_/0" -> "layer3/5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.5.conv2.weight" -> "layer3/5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 16, 3, 3)"]; +"layer3/5/conv2/conv2d/0" -> "layer3/5/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.5.bn2.weight" -> "layer3/5/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer3.5.bn2.bias" -> "layer3/5/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer3.5.bn2.running_mean" -> "layer3/5/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer3.5.bn2.running_var" -> "layer3/5/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer3/5/bn2/batch_norm/0" -> "layer3/5/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3/5/relu/relu_/1" -> "layer3/5/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"layer3.5.conv3.weight" -> "layer3/5/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 1, 1)"]; +"layer3/5/conv3/conv2d/0" -> "layer3/5/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3.5.bn3.weight" -> "layer3/5/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"layer3.5.bn3.bias" -> "layer3/5/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"layer3.5.bn3.running_mean" -> "layer3/5/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"layer3.5.bn3.running_var" -> "layer3/5/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"layer3/5/bn3/batch_norm/0" -> "layer3/5/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/5/add_/0" -> "layer3/5/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/5/relu/relu_/2" -> "layer4/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer3/5/relu/relu_/2" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer4.0.conv1.weight" -> "layer4/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 1024, 1, 1)"]; +"layer4/0/conv1/conv2d/0" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer4.0.bn1.weight" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"layer4.0.bn1.bias" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"layer4.0.bn1.running_mean" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"layer4.0.bn1.running_var" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"layer4/0/bn1/batch_norm/0" -> "layer4/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer4/0/relu/relu_/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"layer4.0.conv2.weight" -> "layer4/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 32, 3, 3)"]; +"layer4/0/conv2/conv2d/0" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4.0.bn2.weight" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"layer4.0.bn2.bias" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"layer4.0.bn2.running_mean" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"layer4.0.bn2.running_var" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"layer4/0/bn2/batch_norm/0" -> "layer4/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4/0/relu/relu_/1" -> "layer4/0/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4.0.conv3.weight" -> "layer4/0/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 1024, 1, 1)"]; +"layer4/0/conv3/conv2d/0" -> "layer4/0/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4.0.bn3.weight" -> "layer4/0/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048,)"]; +"layer4.0.bn3.bias" -> "layer4/0/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"layer4.0.bn3.running_mean" -> "layer4/0/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2048,)"]; +"layer4.0.bn3.running_var" -> "layer4/0/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(2048,)"]; +"layer4/0/bn3/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4.0.downsample.0.weight" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 1024, 1, 1)"]; +"layer4/0/downsample/0/conv2d/0" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4.0.downsample.1.weight" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048,)"]; +"layer4.0.downsample.1.bias" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"layer4.0.downsample.1.running_mean" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2048,)"]; +"layer4.0.downsample.1.running_var" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(2048,)"]; +"layer4/0/downsample/1/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4/0/add_/0" -> "layer4/0/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4/0/relu/relu_/2" -> "layer4/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4/0/relu/relu_/2" -> "layer4/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4.1.conv1.weight" -> "layer4/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 2048, 1, 1)"]; +"layer4/1/conv1/conv2d/0" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4.1.bn1.weight" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"layer4.1.bn1.bias" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"layer4.1.bn1.running_mean" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"layer4.1.bn1.running_var" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"layer4/1/bn1/batch_norm/0" -> "layer4/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4/1/relu/relu_/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4.1.conv2.weight" -> "layer4/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 32, 3, 3)"]; +"layer4/1/conv2/conv2d/0" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4.1.bn2.weight" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"layer4.1.bn2.bias" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"layer4.1.bn2.running_mean" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"layer4.1.bn2.running_var" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"layer4/1/bn2/batch_norm/0" -> "layer4/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4/1/relu/relu_/1" -> "layer4/1/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4.1.conv3.weight" -> "layer4/1/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 1024, 1, 1)"]; +"layer4/1/conv3/conv2d/0" -> "layer4/1/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4.1.bn3.weight" -> "layer4/1/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048,)"]; +"layer4.1.bn3.bias" -> "layer4/1/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"layer4.1.bn3.running_mean" -> "layer4/1/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2048,)"]; +"layer4.1.bn3.running_var" -> "layer4/1/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(2048,)"]; +"layer4/1/bn3/batch_norm/0" -> "layer4/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4/1/add_/0" -> "layer4/1/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4/1/relu/relu_/2" -> "layer4/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4/1/relu/relu_/2" -> "layer4/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4.2.conv1.weight" -> "layer4/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 2048, 1, 1)"]; +"layer4/2/conv1/conv2d/0" -> "layer4/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4.2.bn1.weight" -> "layer4/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"layer4.2.bn1.bias" -> "layer4/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"layer4.2.bn1.running_mean" -> "layer4/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"layer4.2.bn1.running_var" -> "layer4/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"layer4/2/bn1/batch_norm/0" -> "layer4/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4/2/relu/relu_/0" -> "layer4/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4.2.conv2.weight" -> "layer4/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 32, 3, 3)"]; +"layer4/2/conv2/conv2d/0" -> "layer4/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4.2.bn2.weight" -> "layer4/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"layer4.2.bn2.bias" -> "layer4/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"layer4.2.bn2.running_mean" -> "layer4/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"layer4.2.bn2.running_var" -> "layer4/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"layer4/2/bn2/batch_norm/0" -> "layer4/2/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4/2/relu/relu_/1" -> "layer4/2/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"layer4.2.conv3.weight" -> "layer4/2/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 1024, 1, 1)"]; +"layer4/2/conv3/conv2d/0" -> "layer4/2/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4.2.bn3.weight" -> "layer4/2/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048,)"]; +"layer4.2.bn3.bias" -> "layer4/2/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"layer4.2.bn3.running_mean" -> "layer4/2/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2048,)"]; +"layer4.2.bn3.running_var" -> "layer4/2/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(2048,)"]; +"layer4/2/bn3/batch_norm/0" -> "layer4/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4/2/add_/0" -> "layer4/2/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"layer4/2/relu/relu_/2" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; +"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 1, 1)"]; +"/flatten/0" -> "fc/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048)"]; +"fc.weight" -> "fc/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 2048)"]; +"fc.bias" -> "fc/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"fc/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_shufflenet_v2_x0_5.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_shufflenet_v2_x0_5.dot index 02039c91326..96a349d8642 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_shufflenet_v2_x0_5.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_shufflenet_v2_x0_5.dot @@ -1,1075 +1,1075 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"conv1.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv1/0/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; -"conv1.1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv1.1.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv1.1.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv1.1.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv1/1/batch_norm/0" [id=7, type="batch_norm", metatype=PTBatchNormMetatype]; -"conv1/2/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; -"maxpool/max_pool2d/0" [id=9, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"stage2.0.branch1.0.weight" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/0/branch1/0/conv2d/0" [id=11, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage2.0.branch1.1.weight" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch1.1.bias" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch1.1.running_mean" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch1.1.running_var" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/0/branch1/1/batch_norm/0" [id=16, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage2.0.branch1.2.weight" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/0/branch1/2/conv2d/0" [id=18, type=conv2d, metatype=PTConv2dMetatype]; -"stage2.0.branch1.3.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch1.3.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch1.3.running_mean" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch1.3.running_var" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/0/branch1/3/batch_norm/0" [id=23, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage2/0/branch1/4/relu_/0" [id=24, type="relu_", metatype=PTRELUMetatype]; -"stage2.0.branch2.0.weight" [id=25, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/0/branch2/0/conv2d/0" [id=26, type=conv2d, metatype=PTConv2dMetatype]; -"stage2.0.branch2.1.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch2.1.bias" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch2.1.running_mean" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch2.1.running_var" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/0/branch2/1/batch_norm/0" [id=31, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage2/0/branch2/2/relu_/0" [id=32, type="relu_", metatype=PTRELUMetatype]; -"stage2.0.branch2.3.weight" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/0/branch2/3/conv2d/0" [id=34, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage2.0.branch2.4.weight" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch2.4.bias" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch2.4.running_mean" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch2.4.running_var" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/0/branch2/4/batch_norm/0" [id=39, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage2.0.branch2.5.weight" [id=40, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/0/branch2/5/conv2d/0" [id=41, type=conv2d, metatype=PTConv2dMetatype]; -"stage2.0.branch2.6.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch2.6.bias" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch2.6.running_mean" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.0.branch2.6.running_var" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/0/branch2/6/batch_norm/0" [id=46, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage2/0/branch2/7/relu_/0" [id=47, type="relu_", metatype=PTRELUMetatype]; -"stage2/0/cat/0" [id=48, type=cat, metatype=PTCatMetatype]; -"stage2/0/view/0" [id=49, type=view, metatype=PTReshapeMetatype]; -"stage2/0/transpose/0" [id=50, type=transpose, metatype=PTTransposeMetatype]; -"stage2/0/contiguous/0" [id=51, type=contiguous, metatype=PTNoopMetatype]; -"stage2/0/view/1" [id=52, type=view, metatype=PTReshapeMetatype]; -"stage2/1/chunk/0" [id=53, type=chunk, metatype=PTSplitMetatype]; -"stage2.1.branch2.0.weight" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/1/branch2/0/conv2d/0" [id=55, type=conv2d, metatype=PTConv2dMetatype]; -"stage2.1.branch2.1.weight" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.1.branch2.1.bias" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.1.branch2.1.running_mean" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.1.branch2.1.running_var" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/1/branch2/1/batch_norm/0" [id=60, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage2/1/branch2/2/relu_/0" [id=61, type="relu_", metatype=PTRELUMetatype]; -"stage2.1.branch2.3.weight" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/1/branch2/3/conv2d/0" [id=63, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage2.1.branch2.4.weight" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.1.branch2.4.bias" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.1.branch2.4.running_mean" [id=66, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.1.branch2.4.running_var" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/1/branch2/4/batch_norm/0" [id=68, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage2.1.branch2.5.weight" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/1/branch2/5/conv2d/0" [id=70, type=conv2d, metatype=PTConv2dMetatype]; -"stage2.1.branch2.6.weight" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.1.branch2.6.bias" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.1.branch2.6.running_mean" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.1.branch2.6.running_var" [id=74, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/1/branch2/6/batch_norm/0" [id=75, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage2/1/branch2/7/relu_/0" [id=76, type="relu_", metatype=PTRELUMetatype]; -"stage2/1/cat/0" [id=77, type=cat, metatype=PTCatMetatype]; -"stage2/1/view/0" [id=78, type=view, metatype=PTReshapeMetatype]; -"stage2/1/transpose/0" [id=79, type=transpose, metatype=PTTransposeMetatype]; -"stage2/1/contiguous/0" [id=80, type=contiguous, metatype=PTNoopMetatype]; -"stage2/1/view/1" [id=81, type=view, metatype=PTReshapeMetatype]; -"stage2/2/chunk/0" [id=82, type=chunk, metatype=PTSplitMetatype]; -"stage2.2.branch2.0.weight" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/2/branch2/0/conv2d/0" [id=84, type=conv2d, metatype=PTConv2dMetatype]; -"stage2.2.branch2.1.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.2.branch2.1.bias" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.2.branch2.1.running_mean" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.2.branch2.1.running_var" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/2/branch2/1/batch_norm/0" [id=89, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage2/2/branch2/2/relu_/0" [id=90, type="relu_", metatype=PTRELUMetatype]; -"stage2.2.branch2.3.weight" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/2/branch2/3/conv2d/0" [id=92, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage2.2.branch2.4.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.2.branch2.4.bias" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.2.branch2.4.running_mean" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.2.branch2.4.running_var" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/2/branch2/4/batch_norm/0" [id=97, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage2.2.branch2.5.weight" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/2/branch2/5/conv2d/0" [id=99, type=conv2d, metatype=PTConv2dMetatype]; -"stage2.2.branch2.6.weight" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.2.branch2.6.bias" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.2.branch2.6.running_mean" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.2.branch2.6.running_var" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/2/branch2/6/batch_norm/0" [id=104, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage2/2/branch2/7/relu_/0" [id=105, type="relu_", metatype=PTRELUMetatype]; -"stage2/2/cat/0" [id=106, type=cat, metatype=PTCatMetatype]; -"stage2/2/view/0" [id=107, type=view, metatype=PTReshapeMetatype]; -"stage2/2/transpose/0" [id=108, type=transpose, metatype=PTTransposeMetatype]; -"stage2/2/contiguous/0" [id=109, type=contiguous, metatype=PTNoopMetatype]; -"stage2/2/view/1" [id=110, type=view, metatype=PTReshapeMetatype]; -"stage2/3/chunk/0" [id=111, type=chunk, metatype=PTSplitMetatype]; -"stage2.3.branch2.0.weight" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/3/branch2/0/conv2d/0" [id=113, type=conv2d, metatype=PTConv2dMetatype]; -"stage2.3.branch2.1.weight" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.3.branch2.1.bias" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.3.branch2.1.running_mean" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.3.branch2.1.running_var" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/3/branch2/1/batch_norm/0" [id=118, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage2/3/branch2/2/relu_/0" [id=119, type="relu_", metatype=PTRELUMetatype]; -"stage2.3.branch2.3.weight" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/3/branch2/3/conv2d/0" [id=121, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage2.3.branch2.4.weight" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.3.branch2.4.bias" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.3.branch2.4.running_mean" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.3.branch2.4.running_var" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/3/branch2/4/batch_norm/0" [id=126, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage2.3.branch2.5.weight" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/3/branch2/5/conv2d/0" [id=128, type=conv2d, metatype=PTConv2dMetatype]; -"stage2.3.branch2.6.weight" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.3.branch2.6.bias" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.3.branch2.6.running_mean" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2.3.branch2.6.running_var" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage2/3/branch2/6/batch_norm/0" [id=133, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage2/3/branch2/7/relu_/0" [id=134, type="relu_", metatype=PTRELUMetatype]; -"stage2/3/cat/0" [id=135, type=cat, metatype=PTCatMetatype]; -"stage2/3/view/0" [id=136, type=view, metatype=PTReshapeMetatype]; -"stage2/3/transpose/0" [id=137, type=transpose, metatype=PTTransposeMetatype]; -"stage2/3/contiguous/0" [id=138, type=contiguous, metatype=PTNoopMetatype]; -"stage2/3/view/1" [id=139, type=view, metatype=PTReshapeMetatype]; -"stage3.0.branch1.0.weight" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/0/branch1/0/conv2d/0" [id=141, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage3.0.branch1.1.weight" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch1.1.bias" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch1.1.running_mean" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch1.1.running_var" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/0/branch1/1/batch_norm/0" [id=146, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3.0.branch1.2.weight" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/0/branch1/2/conv2d/0" [id=148, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.0.branch1.3.weight" [id=149, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch1.3.bias" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch1.3.running_mean" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch1.3.running_var" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/0/branch1/3/batch_norm/0" [id=153, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/0/branch1/4/relu_/0" [id=154, type="relu_", metatype=PTRELUMetatype]; -"stage3.0.branch2.0.weight" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/0/branch2/0/conv2d/0" [id=156, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.0.branch2.1.weight" [id=157, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch2.1.bias" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch2.1.running_mean" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch2.1.running_var" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/0/branch2/1/batch_norm/0" [id=161, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/0/branch2/2/relu_/0" [id=162, type="relu_", metatype=PTRELUMetatype]; -"stage3.0.branch2.3.weight" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/0/branch2/3/conv2d/0" [id=164, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage3.0.branch2.4.weight" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch2.4.bias" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch2.4.running_mean" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch2.4.running_var" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/0/branch2/4/batch_norm/0" [id=169, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3.0.branch2.5.weight" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/0/branch2/5/conv2d/0" [id=171, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.0.branch2.6.weight" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch2.6.bias" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch2.6.running_mean" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.0.branch2.6.running_var" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/0/branch2/6/batch_norm/0" [id=176, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/0/branch2/7/relu_/0" [id=177, type="relu_", metatype=PTRELUMetatype]; -"stage3/0/cat/0" [id=178, type=cat, metatype=PTCatMetatype]; -"stage3/0/view/0" [id=179, type=view, metatype=PTReshapeMetatype]; -"stage3/0/transpose/0" [id=180, type=transpose, metatype=PTTransposeMetatype]; -"stage3/0/contiguous/0" [id=181, type=contiguous, metatype=PTNoopMetatype]; -"stage3/0/view/1" [id=182, type=view, metatype=PTReshapeMetatype]; -"stage3/1/chunk/0" [id=183, type=chunk, metatype=PTSplitMetatype]; -"stage3.1.branch2.0.weight" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/1/branch2/0/conv2d/0" [id=185, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.1.branch2.1.weight" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.1.branch2.1.bias" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.1.branch2.1.running_mean" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.1.branch2.1.running_var" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/1/branch2/1/batch_norm/0" [id=190, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/1/branch2/2/relu_/0" [id=191, type="relu_", metatype=PTRELUMetatype]; -"stage3.1.branch2.3.weight" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/1/branch2/3/conv2d/0" [id=193, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage3.1.branch2.4.weight" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.1.branch2.4.bias" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.1.branch2.4.running_mean" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.1.branch2.4.running_var" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/1/branch2/4/batch_norm/0" [id=198, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3.1.branch2.5.weight" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/1/branch2/5/conv2d/0" [id=200, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.1.branch2.6.weight" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.1.branch2.6.bias" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.1.branch2.6.running_mean" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.1.branch2.6.running_var" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/1/branch2/6/batch_norm/0" [id=205, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/1/branch2/7/relu_/0" [id=206, type="relu_", metatype=PTRELUMetatype]; -"stage3/1/cat/0" [id=207, type=cat, metatype=PTCatMetatype]; -"stage3/1/view/0" [id=208, type=view, metatype=PTReshapeMetatype]; -"stage3/1/transpose/0" [id=209, type=transpose, metatype=PTTransposeMetatype]; -"stage3/1/contiguous/0" [id=210, type=contiguous, metatype=PTNoopMetatype]; -"stage3/1/view/1" [id=211, type=view, metatype=PTReshapeMetatype]; -"stage3/2/chunk/0" [id=212, type=chunk, metatype=PTSplitMetatype]; -"stage3.2.branch2.0.weight" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/2/branch2/0/conv2d/0" [id=214, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.2.branch2.1.weight" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.2.branch2.1.bias" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.2.branch2.1.running_mean" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.2.branch2.1.running_var" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/2/branch2/1/batch_norm/0" [id=219, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/2/branch2/2/relu_/0" [id=220, type="relu_", metatype=PTRELUMetatype]; -"stage3.2.branch2.3.weight" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/2/branch2/3/conv2d/0" [id=222, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage3.2.branch2.4.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.2.branch2.4.bias" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.2.branch2.4.running_mean" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.2.branch2.4.running_var" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/2/branch2/4/batch_norm/0" [id=227, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3.2.branch2.5.weight" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/2/branch2/5/conv2d/0" [id=229, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.2.branch2.6.weight" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.2.branch2.6.bias" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.2.branch2.6.running_mean" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.2.branch2.6.running_var" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/2/branch2/6/batch_norm/0" [id=234, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/2/branch2/7/relu_/0" [id=235, type="relu_", metatype=PTRELUMetatype]; -"stage3/2/cat/0" [id=236, type=cat, metatype=PTCatMetatype]; -"stage3/2/view/0" [id=237, type=view, metatype=PTReshapeMetatype]; -"stage3/2/transpose/0" [id=238, type=transpose, metatype=PTTransposeMetatype]; -"stage3/2/contiguous/0" [id=239, type=contiguous, metatype=PTNoopMetatype]; -"stage3/2/view/1" [id=240, type=view, metatype=PTReshapeMetatype]; -"stage3/3/chunk/0" [id=241, type=chunk, metatype=PTSplitMetatype]; -"stage3.3.branch2.0.weight" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/3/branch2/0/conv2d/0" [id=243, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.3.branch2.1.weight" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.3.branch2.1.bias" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.3.branch2.1.running_mean" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.3.branch2.1.running_var" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/3/branch2/1/batch_norm/0" [id=248, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/3/branch2/2/relu_/0" [id=249, type="relu_", metatype=PTRELUMetatype]; -"stage3.3.branch2.3.weight" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/3/branch2/3/conv2d/0" [id=251, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage3.3.branch2.4.weight" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.3.branch2.4.bias" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.3.branch2.4.running_mean" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.3.branch2.4.running_var" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/3/branch2/4/batch_norm/0" [id=256, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3.3.branch2.5.weight" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/3/branch2/5/conv2d/0" [id=258, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.3.branch2.6.weight" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.3.branch2.6.bias" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.3.branch2.6.running_mean" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.3.branch2.6.running_var" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/3/branch2/6/batch_norm/0" [id=263, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/3/branch2/7/relu_/0" [id=264, type="relu_", metatype=PTRELUMetatype]; -"stage3/3/cat/0" [id=265, type=cat, metatype=PTCatMetatype]; -"stage3/3/view/0" [id=266, type=view, metatype=PTReshapeMetatype]; -"stage3/3/transpose/0" [id=267, type=transpose, metatype=PTTransposeMetatype]; -"stage3/3/contiguous/0" [id=268, type=contiguous, metatype=PTNoopMetatype]; -"stage3/3/view/1" [id=269, type=view, metatype=PTReshapeMetatype]; -"stage3/4/chunk/0" [id=270, type=chunk, metatype=PTSplitMetatype]; -"stage3.4.branch2.0.weight" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/4/branch2/0/conv2d/0" [id=272, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.4.branch2.1.weight" [id=273, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.4.branch2.1.bias" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.4.branch2.1.running_mean" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.4.branch2.1.running_var" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/4/branch2/1/batch_norm/0" [id=277, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/4/branch2/2/relu_/0" [id=278, type="relu_", metatype=PTRELUMetatype]; -"stage3.4.branch2.3.weight" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/4/branch2/3/conv2d/0" [id=280, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage3.4.branch2.4.weight" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.4.branch2.4.bias" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.4.branch2.4.running_mean" [id=283, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.4.branch2.4.running_var" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/4/branch2/4/batch_norm/0" [id=285, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3.4.branch2.5.weight" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/4/branch2/5/conv2d/0" [id=287, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.4.branch2.6.weight" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.4.branch2.6.bias" [id=289, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.4.branch2.6.running_mean" [id=290, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.4.branch2.6.running_var" [id=291, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/4/branch2/6/batch_norm/0" [id=292, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/4/branch2/7/relu_/0" [id=293, type="relu_", metatype=PTRELUMetatype]; -"stage3/4/cat/0" [id=294, type=cat, metatype=PTCatMetatype]; -"stage3/4/view/0" [id=295, type=view, metatype=PTReshapeMetatype]; -"stage3/4/transpose/0" [id=296, type=transpose, metatype=PTTransposeMetatype]; -"stage3/4/contiguous/0" [id=297, type=contiguous, metatype=PTNoopMetatype]; -"stage3/4/view/1" [id=298, type=view, metatype=PTReshapeMetatype]; -"stage3/5/chunk/0" [id=299, type=chunk, metatype=PTSplitMetatype]; -"stage3.5.branch2.0.weight" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/5/branch2/0/conv2d/0" [id=301, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.5.branch2.1.weight" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.5.branch2.1.bias" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.5.branch2.1.running_mean" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.5.branch2.1.running_var" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/5/branch2/1/batch_norm/0" [id=306, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/5/branch2/2/relu_/0" [id=307, type="relu_", metatype=PTRELUMetatype]; -"stage3.5.branch2.3.weight" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/5/branch2/3/conv2d/0" [id=309, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage3.5.branch2.4.weight" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.5.branch2.4.bias" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.5.branch2.4.running_mean" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.5.branch2.4.running_var" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/5/branch2/4/batch_norm/0" [id=314, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3.5.branch2.5.weight" [id=315, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/5/branch2/5/conv2d/0" [id=316, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.5.branch2.6.weight" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.5.branch2.6.bias" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.5.branch2.6.running_mean" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.5.branch2.6.running_var" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/5/branch2/6/batch_norm/0" [id=321, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/5/branch2/7/relu_/0" [id=322, type="relu_", metatype=PTRELUMetatype]; -"stage3/5/cat/0" [id=323, type=cat, metatype=PTCatMetatype]; -"stage3/5/view/0" [id=324, type=view, metatype=PTReshapeMetatype]; -"stage3/5/transpose/0" [id=325, type=transpose, metatype=PTTransposeMetatype]; -"stage3/5/contiguous/0" [id=326, type=contiguous, metatype=PTNoopMetatype]; -"stage3/5/view/1" [id=327, type=view, metatype=PTReshapeMetatype]; -"stage3/6/chunk/0" [id=328, type=chunk, metatype=PTSplitMetatype]; -"stage3.6.branch2.0.weight" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/6/branch2/0/conv2d/0" [id=330, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.6.branch2.1.weight" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.6.branch2.1.bias" [id=332, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.6.branch2.1.running_mean" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.6.branch2.1.running_var" [id=334, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/6/branch2/1/batch_norm/0" [id=335, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/6/branch2/2/relu_/0" [id=336, type="relu_", metatype=PTRELUMetatype]; -"stage3.6.branch2.3.weight" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/6/branch2/3/conv2d/0" [id=338, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage3.6.branch2.4.weight" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.6.branch2.4.bias" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.6.branch2.4.running_mean" [id=341, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.6.branch2.4.running_var" [id=342, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/6/branch2/4/batch_norm/0" [id=343, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3.6.branch2.5.weight" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/6/branch2/5/conv2d/0" [id=345, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.6.branch2.6.weight" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.6.branch2.6.bias" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.6.branch2.6.running_mean" [id=348, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.6.branch2.6.running_var" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/6/branch2/6/batch_norm/0" [id=350, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/6/branch2/7/relu_/0" [id=351, type="relu_", metatype=PTRELUMetatype]; -"stage3/6/cat/0" [id=352, type=cat, metatype=PTCatMetatype]; -"stage3/6/view/0" [id=353, type=view, metatype=PTReshapeMetatype]; -"stage3/6/transpose/0" [id=354, type=transpose, metatype=PTTransposeMetatype]; -"stage3/6/contiguous/0" [id=355, type=contiguous, metatype=PTNoopMetatype]; -"stage3/6/view/1" [id=356, type=view, metatype=PTReshapeMetatype]; -"stage3/7/chunk/0" [id=357, type=chunk, metatype=PTSplitMetatype]; -"stage3.7.branch2.0.weight" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/7/branch2/0/conv2d/0" [id=359, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.7.branch2.1.weight" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.7.branch2.1.bias" [id=361, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.7.branch2.1.running_mean" [id=362, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.7.branch2.1.running_var" [id=363, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/7/branch2/1/batch_norm/0" [id=364, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/7/branch2/2/relu_/0" [id=365, type="relu_", metatype=PTRELUMetatype]; -"stage3.7.branch2.3.weight" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/7/branch2/3/conv2d/0" [id=367, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage3.7.branch2.4.weight" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.7.branch2.4.bias" [id=369, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.7.branch2.4.running_mean" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.7.branch2.4.running_var" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/7/branch2/4/batch_norm/0" [id=372, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3.7.branch2.5.weight" [id=373, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/7/branch2/5/conv2d/0" [id=374, type=conv2d, metatype=PTConv2dMetatype]; -"stage3.7.branch2.6.weight" [id=375, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.7.branch2.6.bias" [id=376, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.7.branch2.6.running_mean" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3.7.branch2.6.running_var" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage3/7/branch2/6/batch_norm/0" [id=379, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage3/7/branch2/7/relu_/0" [id=380, type="relu_", metatype=PTRELUMetatype]; -"stage3/7/cat/0" [id=381, type=cat, metatype=PTCatMetatype]; -"stage3/7/view/0" [id=382, type=view, metatype=PTReshapeMetatype]; -"stage3/7/transpose/0" [id=383, type=transpose, metatype=PTTransposeMetatype]; -"stage3/7/contiguous/0" [id=384, type=contiguous, metatype=PTNoopMetatype]; -"stage3/7/view/1" [id=385, type=view, metatype=PTReshapeMetatype]; -"stage4.0.branch1.0.weight" [id=386, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/0/branch1/0/conv2d/0" [id=387, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage4.0.branch1.1.weight" [id=388, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch1.1.bias" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch1.1.running_mean" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch1.1.running_var" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/0/branch1/1/batch_norm/0" [id=392, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage4.0.branch1.2.weight" [id=393, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/0/branch1/2/conv2d/0" [id=394, type=conv2d, metatype=PTConv2dMetatype]; -"stage4.0.branch1.3.weight" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch1.3.bias" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch1.3.running_mean" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch1.3.running_var" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/0/branch1/3/batch_norm/0" [id=399, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage4/0/branch1/4/relu_/0" [id=400, type="relu_", metatype=PTRELUMetatype]; -"stage4.0.branch2.0.weight" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/0/branch2/0/conv2d/0" [id=402, type=conv2d, metatype=PTConv2dMetatype]; -"stage4.0.branch2.1.weight" [id=403, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch2.1.bias" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch2.1.running_mean" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch2.1.running_var" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/0/branch2/1/batch_norm/0" [id=407, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage4/0/branch2/2/relu_/0" [id=408, type="relu_", metatype=PTRELUMetatype]; -"stage4.0.branch2.3.weight" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/0/branch2/3/conv2d/0" [id=410, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage4.0.branch2.4.weight" [id=411, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch2.4.bias" [id=412, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch2.4.running_mean" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch2.4.running_var" [id=414, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/0/branch2/4/batch_norm/0" [id=415, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage4.0.branch2.5.weight" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/0/branch2/5/conv2d/0" [id=417, type=conv2d, metatype=PTConv2dMetatype]; -"stage4.0.branch2.6.weight" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch2.6.bias" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch2.6.running_mean" [id=420, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.0.branch2.6.running_var" [id=421, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/0/branch2/6/batch_norm/0" [id=422, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage4/0/branch2/7/relu_/0" [id=423, type="relu_", metatype=PTRELUMetatype]; -"stage4/0/cat/0" [id=424, type=cat, metatype=PTCatMetatype]; -"stage4/0/view/0" [id=425, type=view, metatype=PTReshapeMetatype]; -"stage4/0/transpose/0" [id=426, type=transpose, metatype=PTTransposeMetatype]; -"stage4/0/contiguous/0" [id=427, type=contiguous, metatype=PTNoopMetatype]; -"stage4/0/view/1" [id=428, type=view, metatype=PTReshapeMetatype]; -"stage4/1/chunk/0" [id=429, type=chunk, metatype=PTSplitMetatype]; -"stage4.1.branch2.0.weight" [id=430, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/1/branch2/0/conv2d/0" [id=431, type=conv2d, metatype=PTConv2dMetatype]; -"stage4.1.branch2.1.weight" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.1.branch2.1.bias" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.1.branch2.1.running_mean" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.1.branch2.1.running_var" [id=435, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/1/branch2/1/batch_norm/0" [id=436, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage4/1/branch2/2/relu_/0" [id=437, type="relu_", metatype=PTRELUMetatype]; -"stage4.1.branch2.3.weight" [id=438, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/1/branch2/3/conv2d/0" [id=439, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage4.1.branch2.4.weight" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.1.branch2.4.bias" [id=441, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.1.branch2.4.running_mean" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.1.branch2.4.running_var" [id=443, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/1/branch2/4/batch_norm/0" [id=444, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage4.1.branch2.5.weight" [id=445, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/1/branch2/5/conv2d/0" [id=446, type=conv2d, metatype=PTConv2dMetatype]; -"stage4.1.branch2.6.weight" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.1.branch2.6.bias" [id=448, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.1.branch2.6.running_mean" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.1.branch2.6.running_var" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/1/branch2/6/batch_norm/0" [id=451, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage4/1/branch2/7/relu_/0" [id=452, type="relu_", metatype=PTRELUMetatype]; -"stage4/1/cat/0" [id=453, type=cat, metatype=PTCatMetatype]; -"stage4/1/view/0" [id=454, type=view, metatype=PTReshapeMetatype]; -"stage4/1/transpose/0" [id=455, type=transpose, metatype=PTTransposeMetatype]; -"stage4/1/contiguous/0" [id=456, type=contiguous, metatype=PTNoopMetatype]; -"stage4/1/view/1" [id=457, type=view, metatype=PTReshapeMetatype]; -"stage4/2/chunk/0" [id=458, type=chunk, metatype=PTSplitMetatype]; -"stage4.2.branch2.0.weight" [id=459, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/2/branch2/0/conv2d/0" [id=460, type=conv2d, metatype=PTConv2dMetatype]; -"stage4.2.branch2.1.weight" [id=461, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.2.branch2.1.bias" [id=462, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.2.branch2.1.running_mean" [id=463, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.2.branch2.1.running_var" [id=464, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/2/branch2/1/batch_norm/0" [id=465, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage4/2/branch2/2/relu_/0" [id=466, type="relu_", metatype=PTRELUMetatype]; -"stage4.2.branch2.3.weight" [id=467, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/2/branch2/3/conv2d/0" [id=468, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage4.2.branch2.4.weight" [id=469, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.2.branch2.4.bias" [id=470, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.2.branch2.4.running_mean" [id=471, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.2.branch2.4.running_var" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/2/branch2/4/batch_norm/0" [id=473, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage4.2.branch2.5.weight" [id=474, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/2/branch2/5/conv2d/0" [id=475, type=conv2d, metatype=PTConv2dMetatype]; -"stage4.2.branch2.6.weight" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.2.branch2.6.bias" [id=477, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.2.branch2.6.running_mean" [id=478, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.2.branch2.6.running_var" [id=479, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/2/branch2/6/batch_norm/0" [id=480, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage4/2/branch2/7/relu_/0" [id=481, type="relu_", metatype=PTRELUMetatype]; -"stage4/2/cat/0" [id=482, type=cat, metatype=PTCatMetatype]; -"stage4/2/view/0" [id=483, type=view, metatype=PTReshapeMetatype]; -"stage4/2/transpose/0" [id=484, type=transpose, metatype=PTTransposeMetatype]; -"stage4/2/contiguous/0" [id=485, type=contiguous, metatype=PTNoopMetatype]; -"stage4/2/view/1" [id=486, type=view, metatype=PTReshapeMetatype]; -"stage4/3/chunk/0" [id=487, type=chunk, metatype=PTSplitMetatype]; -"stage4.3.branch2.0.weight" [id=488, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/3/branch2/0/conv2d/0" [id=489, type=conv2d, metatype=PTConv2dMetatype]; -"stage4.3.branch2.1.weight" [id=490, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.3.branch2.1.bias" [id=491, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.3.branch2.1.running_mean" [id=492, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.3.branch2.1.running_var" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/3/branch2/1/batch_norm/0" [id=494, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage4/3/branch2/2/relu_/0" [id=495, type="relu_", metatype=PTRELUMetatype]; -"stage4.3.branch2.3.weight" [id=496, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/3/branch2/3/conv2d/0" [id=497, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"stage4.3.branch2.4.weight" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.3.branch2.4.bias" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.3.branch2.4.running_mean" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.3.branch2.4.running_var" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/3/branch2/4/batch_norm/0" [id=502, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage4.3.branch2.5.weight" [id=503, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/3/branch2/5/conv2d/0" [id=504, type=conv2d, metatype=PTConv2dMetatype]; -"stage4.3.branch2.6.weight" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.3.branch2.6.bias" [id=506, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.3.branch2.6.running_mean" [id=507, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4.3.branch2.6.running_var" [id=508, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"stage4/3/branch2/6/batch_norm/0" [id=509, type="batch_norm", metatype=PTBatchNormMetatype]; -"stage4/3/branch2/7/relu_/0" [id=510, type="relu_", metatype=PTRELUMetatype]; -"stage4/3/cat/0" [id=511, type=cat, metatype=PTCatMetatype]; -"stage4/3/view/0" [id=512, type=view, metatype=PTReshapeMetatype]; -"stage4/3/transpose/0" [id=513, type=transpose, metatype=PTTransposeMetatype]; -"stage4/3/contiguous/0" [id=514, type=contiguous, metatype=PTNoopMetatype]; -"stage4/3/view/1" [id=515, type=view, metatype=PTReshapeMetatype]; -"conv5.0.weight" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv5/0/conv2d/0" [id=517, type=conv2d, metatype=PTConv2dMetatype]; -"conv5.1.weight" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv5.1.bias" [id=519, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv5.1.running_mean" [id=520, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv5.1.running_var" [id=521, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv5/1/batch_norm/0" [id=522, type="batch_norm", metatype=PTBatchNormMetatype]; -"conv5/2/relu_/0" [id=523, type="relu_", metatype=PTRELUMetatype]; -"/mean/0" [id=524, type=mean, metatype=PTMeanMetatype]; -"fc.weight" [id=525, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc.bias" [id=526, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc/linear/0" [id=527, type=linear, metatype=PTLinearMetatype]; -output [id=528, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "conv1/0/conv2d/0" [dtype=float, shape="(1, 3, 224, 224)", out_port_id=0, in_port_id=0]; -"conv1.0.weight" -> "conv1/0/conv2d/0" [dtype=float, shape="(24, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"conv1/0/conv2d/0" -> "conv1/1/batch_norm/0" [dtype=float, shape="(1, 24, 112, 112)", out_port_id=0, in_port_id=0]; -"conv1.1.weight" -> "conv1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"conv1.1.bias" -> "conv1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"conv1.1.running_mean" -> "conv1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"conv1.1.running_var" -> "conv1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"conv1/1/batch_norm/0" -> "conv1/2/relu_/0" [dtype=float, shape="(1, 24, 112, 112)", out_port_id=0, in_port_id=0]; -"conv1/2/relu_/0" -> "maxpool/max_pool2d/0" [dtype=float, shape="(1, 24, 112, 112)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/0" -> "stage2/0/branch1/0/conv2d/0" [dtype=float, shape="(1, 24, 56, 56)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/0" -> "stage2/0/branch2/0/conv2d/0" [dtype=float, shape="(1, 24, 56, 56)", out_port_id=0, in_port_id=0]; -"stage2.0.branch1.0.weight" -> "stage2/0/branch1/0/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage2/0/branch1/0/conv2d/0" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.0.branch1.1.weight" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"stage2.0.branch1.1.bias" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"stage2.0.branch1.1.running_mean" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"stage2.0.branch1.1.running_var" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"stage2/0/branch1/1/batch_norm/0" -> "stage2/0/branch1/2/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.0.branch1.2.weight" -> "stage2/0/branch1/2/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"stage2/0/branch1/2/conv2d/0" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.0.branch1.3.weight" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"stage2.0.branch1.3.bias" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"stage2.0.branch1.3.running_mean" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"stage2.0.branch1.3.running_var" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"stage2/0/branch1/3/batch_norm/0" -> "stage2/0/branch1/4/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/0/branch1/4/relu_/0" -> "stage2/0/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.0.branch2.0.weight" -> "stage2/0/branch2/0/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"stage2/0/branch2/0/conv2d/0" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, shape="(1, 24, 56, 56)", out_port_id=0, in_port_id=0]; -"stage2.0.branch2.1.weight" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"stage2.0.branch2.1.bias" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"stage2.0.branch2.1.running_mean" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"stage2.0.branch2.1.running_var" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"stage2/0/branch2/1/batch_norm/0" -> "stage2/0/branch2/2/relu_/0" [dtype=float, shape="(1, 24, 56, 56)", out_port_id=0, in_port_id=0]; -"stage2/0/branch2/2/relu_/0" -> "stage2/0/branch2/3/conv2d/0" [dtype=float, shape="(1, 24, 56, 56)", out_port_id=0, in_port_id=0]; -"stage2.0.branch2.3.weight" -> "stage2/0/branch2/3/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage2/0/branch2/3/conv2d/0" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.0.branch2.4.weight" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"stage2.0.branch2.4.bias" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"stage2.0.branch2.4.running_mean" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"stage2.0.branch2.4.running_var" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"stage2/0/branch2/4/batch_norm/0" -> "stage2/0/branch2/5/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.0.branch2.5.weight" -> "stage2/0/branch2/5/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"stage2/0/branch2/5/conv2d/0" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.0.branch2.6.weight" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"stage2.0.branch2.6.bias" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"stage2.0.branch2.6.running_mean" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"stage2.0.branch2.6.running_var" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"stage2/0/branch2/6/batch_norm/0" -> "stage2/0/branch2/7/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/0/branch2/7/relu_/0" -> "stage2/0/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=1]; -"stage2/0/cat/0" -> "stage2/0/view/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/0/view/0" -> "stage2/0/transpose/0" [dtype=float, shape="(1, 2, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/0/transpose/0" -> "stage2/0/contiguous/0" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/0/contiguous/0" -> "stage2/0/view/1" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/0/view/1" -> "stage2/1/chunk/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/1/chunk/0" -> "stage2/1/branch2/0/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=1, in_port_id=0]; -"stage2/1/chunk/0" -> "stage2/1/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.1.branch2.0.weight" -> "stage2/1/branch2/0/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"stage2/1/branch2/0/conv2d/0" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.1.branch2.1.weight" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"stage2.1.branch2.1.bias" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"stage2.1.branch2.1.running_mean" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"stage2.1.branch2.1.running_var" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"stage2/1/branch2/1/batch_norm/0" -> "stage2/1/branch2/2/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/1/branch2/2/relu_/0" -> "stage2/1/branch2/3/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.1.branch2.3.weight" -> "stage2/1/branch2/3/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage2/1/branch2/3/conv2d/0" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.1.branch2.4.weight" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"stage2.1.branch2.4.bias" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"stage2.1.branch2.4.running_mean" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"stage2.1.branch2.4.running_var" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"stage2/1/branch2/4/batch_norm/0" -> "stage2/1/branch2/5/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.1.branch2.5.weight" -> "stage2/1/branch2/5/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"stage2/1/branch2/5/conv2d/0" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.1.branch2.6.weight" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"stage2.1.branch2.6.bias" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"stage2.1.branch2.6.running_mean" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"stage2.1.branch2.6.running_var" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"stage2/1/branch2/6/batch_norm/0" -> "stage2/1/branch2/7/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/1/branch2/7/relu_/0" -> "stage2/1/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=1]; -"stage2/1/cat/0" -> "stage2/1/view/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/1/view/0" -> "stage2/1/transpose/0" [dtype=float, shape="(1, 2, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/1/transpose/0" -> "stage2/1/contiguous/0" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/1/contiguous/0" -> "stage2/1/view/1" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/1/view/1" -> "stage2/2/chunk/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/2/chunk/0" -> "stage2/2/branch2/0/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=1, in_port_id=0]; -"stage2/2/chunk/0" -> "stage2/2/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.2.branch2.0.weight" -> "stage2/2/branch2/0/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"stage2/2/branch2/0/conv2d/0" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.2.branch2.1.weight" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"stage2.2.branch2.1.bias" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"stage2.2.branch2.1.running_mean" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"stage2.2.branch2.1.running_var" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"stage2/2/branch2/1/batch_norm/0" -> "stage2/2/branch2/2/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/2/branch2/2/relu_/0" -> "stage2/2/branch2/3/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.2.branch2.3.weight" -> "stage2/2/branch2/3/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage2/2/branch2/3/conv2d/0" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.2.branch2.4.weight" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"stage2.2.branch2.4.bias" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"stage2.2.branch2.4.running_mean" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"stage2.2.branch2.4.running_var" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"stage2/2/branch2/4/batch_norm/0" -> "stage2/2/branch2/5/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.2.branch2.5.weight" -> "stage2/2/branch2/5/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"stage2/2/branch2/5/conv2d/0" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.2.branch2.6.weight" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"stage2.2.branch2.6.bias" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"stage2.2.branch2.6.running_mean" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"stage2.2.branch2.6.running_var" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"stage2/2/branch2/6/batch_norm/0" -> "stage2/2/branch2/7/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/2/branch2/7/relu_/0" -> "stage2/2/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=1]; -"stage2/2/cat/0" -> "stage2/2/view/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/2/view/0" -> "stage2/2/transpose/0" [dtype=float, shape="(1, 2, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/2/transpose/0" -> "stage2/2/contiguous/0" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/2/contiguous/0" -> "stage2/2/view/1" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/2/view/1" -> "stage2/3/chunk/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/3/chunk/0" -> "stage2/3/branch2/0/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=1, in_port_id=0]; -"stage2/3/chunk/0" -> "stage2/3/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.3.branch2.0.weight" -> "stage2/3/branch2/0/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"stage2/3/branch2/0/conv2d/0" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.3.branch2.1.weight" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"stage2.3.branch2.1.bias" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"stage2.3.branch2.1.running_mean" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"stage2.3.branch2.1.running_var" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"stage2/3/branch2/1/batch_norm/0" -> "stage2/3/branch2/2/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/3/branch2/2/relu_/0" -> "stage2/3/branch2/3/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.3.branch2.3.weight" -> "stage2/3/branch2/3/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage2/3/branch2/3/conv2d/0" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.3.branch2.4.weight" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"stage2.3.branch2.4.bias" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"stage2.3.branch2.4.running_mean" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"stage2.3.branch2.4.running_var" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"stage2/3/branch2/4/batch_norm/0" -> "stage2/3/branch2/5/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.3.branch2.5.weight" -> "stage2/3/branch2/5/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"stage2/3/branch2/5/conv2d/0" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2.3.branch2.6.weight" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"stage2.3.branch2.6.bias" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"stage2.3.branch2.6.running_mean" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"stage2.3.branch2.6.running_var" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"stage2/3/branch2/6/batch_norm/0" -> "stage2/3/branch2/7/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/3/branch2/7/relu_/0" -> "stage2/3/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=1]; -"stage2/3/cat/0" -> "stage2/3/view/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/3/view/0" -> "stage2/3/transpose/0" [dtype=float, shape="(1, 2, 24, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/3/transpose/0" -> "stage2/3/contiguous/0" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/3/contiguous/0" -> "stage2/3/view/1" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/3/view/1" -> "stage3/0/branch1/0/conv2d/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; -"stage2/3/view/1" -> "stage3/0/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; -"stage3.0.branch1.0.weight" -> "stage3/0/branch1/0/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage3/0/branch1/0/conv2d/0" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.0.branch1.1.weight" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.0.branch1.1.bias" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.0.branch1.1.running_mean" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.0.branch1.1.running_var" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/0/branch1/1/batch_norm/0" -> "stage3/0/branch1/2/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.0.branch1.2.weight" -> "stage3/0/branch1/2/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/0/branch1/2/conv2d/0" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.0.branch1.3.weight" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.0.branch1.3.bias" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.0.branch1.3.running_mean" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.0.branch1.3.running_var" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/0/branch1/3/batch_norm/0" -> "stage3/0/branch1/4/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/0/branch1/4/relu_/0" -> "stage3/0/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.0.branch2.0.weight" -> "stage3/0/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/0/branch2/0/conv2d/0" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; -"stage3.0.branch2.1.weight" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.0.branch2.1.bias" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.0.branch2.1.running_mean" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.0.branch2.1.running_var" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/0/branch2/1/batch_norm/0" -> "stage3/0/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; -"stage3/0/branch2/2/relu_/0" -> "stage3/0/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; -"stage3.0.branch2.3.weight" -> "stage3/0/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage3/0/branch2/3/conv2d/0" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.0.branch2.4.weight" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.0.branch2.4.bias" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.0.branch2.4.running_mean" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.0.branch2.4.running_var" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/0/branch2/4/batch_norm/0" -> "stage3/0/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.0.branch2.5.weight" -> "stage3/0/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/0/branch2/5/conv2d/0" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.0.branch2.6.weight" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.0.branch2.6.bias" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.0.branch2.6.running_mean" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.0.branch2.6.running_var" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/0/branch2/6/batch_norm/0" -> "stage3/0/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/0/branch2/7/relu_/0" -> "stage3/0/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; -"stage3/0/cat/0" -> "stage3/0/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/0/view/0" -> "stage3/0/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/0/transpose/0" -> "stage3/0/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/0/contiguous/0" -> "stage3/0/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/0/view/1" -> "stage3/1/chunk/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/1/chunk/0" -> "stage3/1/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=1, in_port_id=0]; -"stage3/1/chunk/0" -> "stage3/1/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.1.branch2.0.weight" -> "stage3/1/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/1/branch2/0/conv2d/0" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.1.branch2.1.weight" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.1.branch2.1.bias" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.1.branch2.1.running_mean" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.1.branch2.1.running_var" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/1/branch2/1/batch_norm/0" -> "stage3/1/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/1/branch2/2/relu_/0" -> "stage3/1/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.1.branch2.3.weight" -> "stage3/1/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage3/1/branch2/3/conv2d/0" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.1.branch2.4.weight" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.1.branch2.4.bias" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.1.branch2.4.running_mean" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.1.branch2.4.running_var" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/1/branch2/4/batch_norm/0" -> "stage3/1/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.1.branch2.5.weight" -> "stage3/1/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/1/branch2/5/conv2d/0" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.1.branch2.6.weight" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.1.branch2.6.bias" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.1.branch2.6.running_mean" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.1.branch2.6.running_var" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/1/branch2/6/batch_norm/0" -> "stage3/1/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/1/branch2/7/relu_/0" -> "stage3/1/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; -"stage3/1/cat/0" -> "stage3/1/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/1/view/0" -> "stage3/1/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/1/transpose/0" -> "stage3/1/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/1/contiguous/0" -> "stage3/1/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/1/view/1" -> "stage3/2/chunk/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/2/chunk/0" -> "stage3/2/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=1, in_port_id=0]; -"stage3/2/chunk/0" -> "stage3/2/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.2.branch2.0.weight" -> "stage3/2/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/2/branch2/0/conv2d/0" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.2.branch2.1.weight" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.2.branch2.1.bias" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.2.branch2.1.running_mean" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.2.branch2.1.running_var" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/2/branch2/1/batch_norm/0" -> "stage3/2/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/2/branch2/2/relu_/0" -> "stage3/2/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.2.branch2.3.weight" -> "stage3/2/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage3/2/branch2/3/conv2d/0" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.2.branch2.4.weight" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.2.branch2.4.bias" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.2.branch2.4.running_mean" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.2.branch2.4.running_var" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/2/branch2/4/batch_norm/0" -> "stage3/2/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.2.branch2.5.weight" -> "stage3/2/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/2/branch2/5/conv2d/0" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.2.branch2.6.weight" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.2.branch2.6.bias" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.2.branch2.6.running_mean" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.2.branch2.6.running_var" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/2/branch2/6/batch_norm/0" -> "stage3/2/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/2/branch2/7/relu_/0" -> "stage3/2/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; -"stage3/2/cat/0" -> "stage3/2/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/2/view/0" -> "stage3/2/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/2/transpose/0" -> "stage3/2/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/2/contiguous/0" -> "stage3/2/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/2/view/1" -> "stage3/3/chunk/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/3/chunk/0" -> "stage3/3/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=1, in_port_id=0]; -"stage3/3/chunk/0" -> "stage3/3/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.3.branch2.0.weight" -> "stage3/3/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/3/branch2/0/conv2d/0" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.3.branch2.1.weight" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.3.branch2.1.bias" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.3.branch2.1.running_mean" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.3.branch2.1.running_var" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/3/branch2/1/batch_norm/0" -> "stage3/3/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/3/branch2/2/relu_/0" -> "stage3/3/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.3.branch2.3.weight" -> "stage3/3/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage3/3/branch2/3/conv2d/0" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.3.branch2.4.weight" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.3.branch2.4.bias" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.3.branch2.4.running_mean" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.3.branch2.4.running_var" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/3/branch2/4/batch_norm/0" -> "stage3/3/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.3.branch2.5.weight" -> "stage3/3/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/3/branch2/5/conv2d/0" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.3.branch2.6.weight" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.3.branch2.6.bias" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.3.branch2.6.running_mean" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.3.branch2.6.running_var" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/3/branch2/6/batch_norm/0" -> "stage3/3/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/3/branch2/7/relu_/0" -> "stage3/3/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; -"stage3/3/cat/0" -> "stage3/3/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/3/view/0" -> "stage3/3/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/3/transpose/0" -> "stage3/3/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/3/contiguous/0" -> "stage3/3/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/3/view/1" -> "stage3/4/chunk/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/4/chunk/0" -> "stage3/4/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=1, in_port_id=0]; -"stage3/4/chunk/0" -> "stage3/4/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.4.branch2.0.weight" -> "stage3/4/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/4/branch2/0/conv2d/0" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.4.branch2.1.weight" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.4.branch2.1.bias" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.4.branch2.1.running_mean" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.4.branch2.1.running_var" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/4/branch2/1/batch_norm/0" -> "stage3/4/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/4/branch2/2/relu_/0" -> "stage3/4/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.4.branch2.3.weight" -> "stage3/4/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage3/4/branch2/3/conv2d/0" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.4.branch2.4.weight" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.4.branch2.4.bias" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.4.branch2.4.running_mean" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.4.branch2.4.running_var" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/4/branch2/4/batch_norm/0" -> "stage3/4/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.4.branch2.5.weight" -> "stage3/4/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/4/branch2/5/conv2d/0" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.4.branch2.6.weight" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.4.branch2.6.bias" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.4.branch2.6.running_mean" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.4.branch2.6.running_var" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/4/branch2/6/batch_norm/0" -> "stage3/4/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/4/branch2/7/relu_/0" -> "stage3/4/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; -"stage3/4/cat/0" -> "stage3/4/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/4/view/0" -> "stage3/4/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/4/transpose/0" -> "stage3/4/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/4/contiguous/0" -> "stage3/4/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/4/view/1" -> "stage3/5/chunk/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/5/chunk/0" -> "stage3/5/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=1, in_port_id=0]; -"stage3/5/chunk/0" -> "stage3/5/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.5.branch2.0.weight" -> "stage3/5/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/5/branch2/0/conv2d/0" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.5.branch2.1.weight" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.5.branch2.1.bias" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.5.branch2.1.running_mean" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.5.branch2.1.running_var" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/5/branch2/1/batch_norm/0" -> "stage3/5/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/5/branch2/2/relu_/0" -> "stage3/5/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.5.branch2.3.weight" -> "stage3/5/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage3/5/branch2/3/conv2d/0" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.5.branch2.4.weight" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.5.branch2.4.bias" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.5.branch2.4.running_mean" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.5.branch2.4.running_var" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/5/branch2/4/batch_norm/0" -> "stage3/5/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.5.branch2.5.weight" -> "stage3/5/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/5/branch2/5/conv2d/0" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.5.branch2.6.weight" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.5.branch2.6.bias" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.5.branch2.6.running_mean" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.5.branch2.6.running_var" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/5/branch2/6/batch_norm/0" -> "stage3/5/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/5/branch2/7/relu_/0" -> "stage3/5/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; -"stage3/5/cat/0" -> "stage3/5/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/5/view/0" -> "stage3/5/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/5/transpose/0" -> "stage3/5/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/5/contiguous/0" -> "stage3/5/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/5/view/1" -> "stage3/6/chunk/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/6/chunk/0" -> "stage3/6/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=1, in_port_id=0]; -"stage3/6/chunk/0" -> "stage3/6/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.6.branch2.0.weight" -> "stage3/6/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/6/branch2/0/conv2d/0" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.6.branch2.1.weight" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.6.branch2.1.bias" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.6.branch2.1.running_mean" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.6.branch2.1.running_var" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/6/branch2/1/batch_norm/0" -> "stage3/6/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/6/branch2/2/relu_/0" -> "stage3/6/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.6.branch2.3.weight" -> "stage3/6/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage3/6/branch2/3/conv2d/0" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.6.branch2.4.weight" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.6.branch2.4.bias" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.6.branch2.4.running_mean" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.6.branch2.4.running_var" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/6/branch2/4/batch_norm/0" -> "stage3/6/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.6.branch2.5.weight" -> "stage3/6/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/6/branch2/5/conv2d/0" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.6.branch2.6.weight" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.6.branch2.6.bias" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.6.branch2.6.running_mean" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.6.branch2.6.running_var" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/6/branch2/6/batch_norm/0" -> "stage3/6/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/6/branch2/7/relu_/0" -> "stage3/6/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; -"stage3/6/cat/0" -> "stage3/6/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/6/view/0" -> "stage3/6/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/6/transpose/0" -> "stage3/6/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/6/contiguous/0" -> "stage3/6/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/6/view/1" -> "stage3/7/chunk/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/7/chunk/0" -> "stage3/7/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=1, in_port_id=0]; -"stage3/7/chunk/0" -> "stage3/7/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.7.branch2.0.weight" -> "stage3/7/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/7/branch2/0/conv2d/0" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.7.branch2.1.weight" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.7.branch2.1.bias" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.7.branch2.1.running_mean" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.7.branch2.1.running_var" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/7/branch2/1/batch_norm/0" -> "stage3/7/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/7/branch2/2/relu_/0" -> "stage3/7/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.7.branch2.3.weight" -> "stage3/7/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage3/7/branch2/3/conv2d/0" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.7.branch2.4.weight" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.7.branch2.4.bias" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.7.branch2.4.running_mean" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.7.branch2.4.running_var" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/7/branch2/4/batch_norm/0" -> "stage3/7/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.7.branch2.5.weight" -> "stage3/7/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"stage3/7/branch2/5/conv2d/0" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3.7.branch2.6.weight" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"stage3.7.branch2.6.bias" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"stage3.7.branch2.6.running_mean" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"stage3.7.branch2.6.running_var" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"stage3/7/branch2/6/batch_norm/0" -> "stage3/7/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/7/branch2/7/relu_/0" -> "stage3/7/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; -"stage3/7/cat/0" -> "stage3/7/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/7/view/0" -> "stage3/7/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/7/transpose/0" -> "stage3/7/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/7/contiguous/0" -> "stage3/7/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/7/view/1" -> "stage4/0/branch1/0/conv2d/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage3/7/view/1" -> "stage4/0/branch2/0/conv2d/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage4.0.branch1.0.weight" -> "stage4/0/branch1/0/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage4/0/branch1/0/conv2d/0" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.0.branch1.1.weight" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"stage4.0.branch1.1.bias" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"stage4.0.branch1.1.running_mean" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"stage4.0.branch1.1.running_var" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"stage4/0/branch1/1/batch_norm/0" -> "stage4/0/branch1/2/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.0.branch1.2.weight" -> "stage4/0/branch1/2/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"stage4/0/branch1/2/conv2d/0" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.0.branch1.3.weight" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"stage4.0.branch1.3.bias" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"stage4.0.branch1.3.running_mean" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"stage4.0.branch1.3.running_var" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"stage4/0/branch1/3/batch_norm/0" -> "stage4/0/branch1/4/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/0/branch1/4/relu_/0" -> "stage4/0/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.0.branch2.0.weight" -> "stage4/0/branch2/0/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"stage4/0/branch2/0/conv2d/0" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage4.0.branch2.1.weight" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"stage4.0.branch2.1.bias" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"stage4.0.branch2.1.running_mean" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"stage4.0.branch2.1.running_var" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"stage4/0/branch2/1/batch_norm/0" -> "stage4/0/branch2/2/relu_/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage4/0/branch2/2/relu_/0" -> "stage4/0/branch2/3/conv2d/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"stage4.0.branch2.3.weight" -> "stage4/0/branch2/3/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage4/0/branch2/3/conv2d/0" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.0.branch2.4.weight" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"stage4.0.branch2.4.bias" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"stage4.0.branch2.4.running_mean" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"stage4.0.branch2.4.running_var" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"stage4/0/branch2/4/batch_norm/0" -> "stage4/0/branch2/5/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.0.branch2.5.weight" -> "stage4/0/branch2/5/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"stage4/0/branch2/5/conv2d/0" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.0.branch2.6.weight" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"stage4.0.branch2.6.bias" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"stage4.0.branch2.6.running_mean" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"stage4.0.branch2.6.running_var" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"stage4/0/branch2/6/batch_norm/0" -> "stage4/0/branch2/7/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/0/branch2/7/relu_/0" -> "stage4/0/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=1]; -"stage4/0/cat/0" -> "stage4/0/view/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/0/view/0" -> "stage4/0/transpose/0" [dtype=float, shape="(1, 2, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/0/transpose/0" -> "stage4/0/contiguous/0" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/0/contiguous/0" -> "stage4/0/view/1" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/0/view/1" -> "stage4/1/chunk/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/1/chunk/0" -> "stage4/1/branch2/0/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=1, in_port_id=0]; -"stage4/1/chunk/0" -> "stage4/1/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.1.branch2.0.weight" -> "stage4/1/branch2/0/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"stage4/1/branch2/0/conv2d/0" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.1.branch2.1.weight" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"stage4.1.branch2.1.bias" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"stage4.1.branch2.1.running_mean" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"stage4.1.branch2.1.running_var" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"stage4/1/branch2/1/batch_norm/0" -> "stage4/1/branch2/2/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/1/branch2/2/relu_/0" -> "stage4/1/branch2/3/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.1.branch2.3.weight" -> "stage4/1/branch2/3/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage4/1/branch2/3/conv2d/0" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.1.branch2.4.weight" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"stage4.1.branch2.4.bias" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"stage4.1.branch2.4.running_mean" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"stage4.1.branch2.4.running_var" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"stage4/1/branch2/4/batch_norm/0" -> "stage4/1/branch2/5/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.1.branch2.5.weight" -> "stage4/1/branch2/5/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"stage4/1/branch2/5/conv2d/0" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.1.branch2.6.weight" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"stage4.1.branch2.6.bias" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"stage4.1.branch2.6.running_mean" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"stage4.1.branch2.6.running_var" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"stage4/1/branch2/6/batch_norm/0" -> "stage4/1/branch2/7/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/1/branch2/7/relu_/0" -> "stage4/1/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=1]; -"stage4/1/cat/0" -> "stage4/1/view/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/1/view/0" -> "stage4/1/transpose/0" [dtype=float, shape="(1, 2, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/1/transpose/0" -> "stage4/1/contiguous/0" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/1/contiguous/0" -> "stage4/1/view/1" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/1/view/1" -> "stage4/2/chunk/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/2/chunk/0" -> "stage4/2/branch2/0/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=1, in_port_id=0]; -"stage4/2/chunk/0" -> "stage4/2/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.2.branch2.0.weight" -> "stage4/2/branch2/0/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"stage4/2/branch2/0/conv2d/0" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.2.branch2.1.weight" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"stage4.2.branch2.1.bias" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"stage4.2.branch2.1.running_mean" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"stage4.2.branch2.1.running_var" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"stage4/2/branch2/1/batch_norm/0" -> "stage4/2/branch2/2/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/2/branch2/2/relu_/0" -> "stage4/2/branch2/3/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.2.branch2.3.weight" -> "stage4/2/branch2/3/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage4/2/branch2/3/conv2d/0" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.2.branch2.4.weight" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"stage4.2.branch2.4.bias" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"stage4.2.branch2.4.running_mean" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"stage4.2.branch2.4.running_var" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"stage4/2/branch2/4/batch_norm/0" -> "stage4/2/branch2/5/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.2.branch2.5.weight" -> "stage4/2/branch2/5/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"stage4/2/branch2/5/conv2d/0" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.2.branch2.6.weight" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"stage4.2.branch2.6.bias" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"stage4.2.branch2.6.running_mean" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"stage4.2.branch2.6.running_var" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"stage4/2/branch2/6/batch_norm/0" -> "stage4/2/branch2/7/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/2/branch2/7/relu_/0" -> "stage4/2/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=1]; -"stage4/2/cat/0" -> "stage4/2/view/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/2/view/0" -> "stage4/2/transpose/0" [dtype=float, shape="(1, 2, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/2/transpose/0" -> "stage4/2/contiguous/0" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/2/contiguous/0" -> "stage4/2/view/1" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/2/view/1" -> "stage4/3/chunk/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/3/chunk/0" -> "stage4/3/branch2/0/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=1, in_port_id=0]; -"stage4/3/chunk/0" -> "stage4/3/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.3.branch2.0.weight" -> "stage4/3/branch2/0/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"stage4/3/branch2/0/conv2d/0" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.3.branch2.1.weight" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"stage4.3.branch2.1.bias" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"stage4.3.branch2.1.running_mean" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"stage4.3.branch2.1.running_var" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"stage4/3/branch2/1/batch_norm/0" -> "stage4/3/branch2/2/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/3/branch2/2/relu_/0" -> "stage4/3/branch2/3/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.3.branch2.3.weight" -> "stage4/3/branch2/3/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"stage4/3/branch2/3/conv2d/0" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.3.branch2.4.weight" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"stage4.3.branch2.4.bias" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"stage4.3.branch2.4.running_mean" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"stage4.3.branch2.4.running_var" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"stage4/3/branch2/4/batch_norm/0" -> "stage4/3/branch2/5/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.3.branch2.5.weight" -> "stage4/3/branch2/5/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"stage4/3/branch2/5/conv2d/0" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4.3.branch2.6.weight" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"stage4.3.branch2.6.bias" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"stage4.3.branch2.6.running_mean" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"stage4.3.branch2.6.running_var" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"stage4/3/branch2/6/batch_norm/0" -> "stage4/3/branch2/7/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/3/branch2/7/relu_/0" -> "stage4/3/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=1]; -"stage4/3/cat/0" -> "stage4/3/view/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/3/view/0" -> "stage4/3/transpose/0" [dtype=float, shape="(1, 2, 96, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/3/transpose/0" -> "stage4/3/contiguous/0" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/3/contiguous/0" -> "stage4/3/view/1" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; -"stage4/3/view/1" -> "conv5/0/conv2d/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; -"conv5.0.weight" -> "conv5/0/conv2d/0" [dtype=float, shape="(1024, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"conv5/0/conv2d/0" -> "conv5/1/batch_norm/0" [dtype=float, shape="(1, 1024, 7, 7)", out_port_id=0, in_port_id=0]; -"conv5.1.weight" -> "conv5/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"conv5.1.bias" -> "conv5/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"conv5.1.running_mean" -> "conv5/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"conv5.1.running_var" -> "conv5/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"conv5/1/batch_norm/0" -> "conv5/2/relu_/0" [dtype=float, shape="(1, 1024, 7, 7)", out_port_id=0, in_port_id=0]; -"conv5/2/relu_/0" -> "/mean/0" [dtype=float, shape="(1, 1024, 7, 7)", out_port_id=0, in_port_id=0]; -"/mean/0" -> "fc/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"fc.weight" -> "fc/linear/0" [dtype=float, shape="(1000, 1024)", out_port_id=0, in_port_id=1]; -"fc.bias" -> "fc/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"fc/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"conv1.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv1/0/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; +"conv1.1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv1.1.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv1.1.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv1.1.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv1/1/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; +"conv1/2/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; +"maxpool/max_pool2d/0" [id=9, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"stage2.0.branch1.0.weight" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/0/branch1/0/conv2d/0" [id=11, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage2.0.branch1.1.weight" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch1.1.bias" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch1.1.running_mean" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch1.1.running_var" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/0/branch1/1/batch_norm/0" [id=16, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage2.0.branch1.2.weight" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/0/branch1/2/conv2d/0" [id=18, metatype=PTConv2dMetatype, type=conv2d]; +"stage2.0.branch1.3.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch1.3.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch1.3.running_mean" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch1.3.running_var" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/0/branch1/3/batch_norm/0" [id=23, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage2/0/branch1/4/relu_/0" [id=24, metatype=PTRELUMetatype, type=relu_]; +"stage2.0.branch2.0.weight" [id=25, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/0/branch2/0/conv2d/0" [id=26, metatype=PTConv2dMetatype, type=conv2d]; +"stage2.0.branch2.1.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch2.1.bias" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch2.1.running_mean" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch2.1.running_var" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/0/branch2/1/batch_norm/0" [id=31, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage2/0/branch2/2/relu_/0" [id=32, metatype=PTRELUMetatype, type=relu_]; +"stage2.0.branch2.3.weight" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/0/branch2/3/conv2d/0" [id=34, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage2.0.branch2.4.weight" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch2.4.bias" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch2.4.running_mean" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch2.4.running_var" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/0/branch2/4/batch_norm/0" [id=39, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage2.0.branch2.5.weight" [id=40, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/0/branch2/5/conv2d/0" [id=41, metatype=PTConv2dMetatype, type=conv2d]; +"stage2.0.branch2.6.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch2.6.bias" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch2.6.running_mean" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.0.branch2.6.running_var" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/0/branch2/6/batch_norm/0" [id=46, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage2/0/branch2/7/relu_/0" [id=47, metatype=PTRELUMetatype, type=relu_]; +"stage2/0/cat/0" [id=48, metatype=PTCatMetatype, type=cat]; +"stage2/0/view/0" [id=49, metatype=PTReshapeMetatype, type=view]; +"stage2/0/transpose/0" [id=50, metatype=PTTransposeMetatype, type=transpose]; +"stage2/0/contiguous/0" [id=51, metatype=PTNoopMetatype, type=contiguous]; +"stage2/0/view/1" [id=52, metatype=PTReshapeMetatype, type=view]; +"stage2/1/chunk/0" [id=53, metatype=PTSplitMetatype, type=chunk]; +"stage2.1.branch2.0.weight" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/1/branch2/0/conv2d/0" [id=55, metatype=PTConv2dMetatype, type=conv2d]; +"stage2.1.branch2.1.weight" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.1.branch2.1.bias" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.1.branch2.1.running_mean" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.1.branch2.1.running_var" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/1/branch2/1/batch_norm/0" [id=60, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage2/1/branch2/2/relu_/0" [id=61, metatype=PTRELUMetatype, type=relu_]; +"stage2.1.branch2.3.weight" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/1/branch2/3/conv2d/0" [id=63, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage2.1.branch2.4.weight" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.1.branch2.4.bias" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.1.branch2.4.running_mean" [id=66, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.1.branch2.4.running_var" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/1/branch2/4/batch_norm/0" [id=68, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage2.1.branch2.5.weight" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/1/branch2/5/conv2d/0" [id=70, metatype=PTConv2dMetatype, type=conv2d]; +"stage2.1.branch2.6.weight" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.1.branch2.6.bias" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.1.branch2.6.running_mean" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.1.branch2.6.running_var" [id=74, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/1/branch2/6/batch_norm/0" [id=75, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage2/1/branch2/7/relu_/0" [id=76, metatype=PTRELUMetatype, type=relu_]; +"stage2/1/cat/0" [id=77, metatype=PTCatMetatype, type=cat]; +"stage2/1/view/0" [id=78, metatype=PTReshapeMetatype, type=view]; +"stage2/1/transpose/0" [id=79, metatype=PTTransposeMetatype, type=transpose]; +"stage2/1/contiguous/0" [id=80, metatype=PTNoopMetatype, type=contiguous]; +"stage2/1/view/1" [id=81, metatype=PTReshapeMetatype, type=view]; +"stage2/2/chunk/0" [id=82, metatype=PTSplitMetatype, type=chunk]; +"stage2.2.branch2.0.weight" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/2/branch2/0/conv2d/0" [id=84, metatype=PTConv2dMetatype, type=conv2d]; +"stage2.2.branch2.1.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.2.branch2.1.bias" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.2.branch2.1.running_mean" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.2.branch2.1.running_var" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/2/branch2/1/batch_norm/0" [id=89, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage2/2/branch2/2/relu_/0" [id=90, metatype=PTRELUMetatype, type=relu_]; +"stage2.2.branch2.3.weight" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/2/branch2/3/conv2d/0" [id=92, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage2.2.branch2.4.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.2.branch2.4.bias" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.2.branch2.4.running_mean" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.2.branch2.4.running_var" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/2/branch2/4/batch_norm/0" [id=97, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage2.2.branch2.5.weight" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/2/branch2/5/conv2d/0" [id=99, metatype=PTConv2dMetatype, type=conv2d]; +"stage2.2.branch2.6.weight" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.2.branch2.6.bias" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.2.branch2.6.running_mean" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.2.branch2.6.running_var" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/2/branch2/6/batch_norm/0" [id=104, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage2/2/branch2/7/relu_/0" [id=105, metatype=PTRELUMetatype, type=relu_]; +"stage2/2/cat/0" [id=106, metatype=PTCatMetatype, type=cat]; +"stage2/2/view/0" [id=107, metatype=PTReshapeMetatype, type=view]; +"stage2/2/transpose/0" [id=108, metatype=PTTransposeMetatype, type=transpose]; +"stage2/2/contiguous/0" [id=109, metatype=PTNoopMetatype, type=contiguous]; +"stage2/2/view/1" [id=110, metatype=PTReshapeMetatype, type=view]; +"stage2/3/chunk/0" [id=111, metatype=PTSplitMetatype, type=chunk]; +"stage2.3.branch2.0.weight" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/3/branch2/0/conv2d/0" [id=113, metatype=PTConv2dMetatype, type=conv2d]; +"stage2.3.branch2.1.weight" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.3.branch2.1.bias" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.3.branch2.1.running_mean" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.3.branch2.1.running_var" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/3/branch2/1/batch_norm/0" [id=118, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage2/3/branch2/2/relu_/0" [id=119, metatype=PTRELUMetatype, type=relu_]; +"stage2.3.branch2.3.weight" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/3/branch2/3/conv2d/0" [id=121, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage2.3.branch2.4.weight" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.3.branch2.4.bias" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.3.branch2.4.running_mean" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.3.branch2.4.running_var" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/3/branch2/4/batch_norm/0" [id=126, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage2.3.branch2.5.weight" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/3/branch2/5/conv2d/0" [id=128, metatype=PTConv2dMetatype, type=conv2d]; +"stage2.3.branch2.6.weight" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.3.branch2.6.bias" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.3.branch2.6.running_mean" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2.3.branch2.6.running_var" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage2/3/branch2/6/batch_norm/0" [id=133, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage2/3/branch2/7/relu_/0" [id=134, metatype=PTRELUMetatype, type=relu_]; +"stage2/3/cat/0" [id=135, metatype=PTCatMetatype, type=cat]; +"stage2/3/view/0" [id=136, metatype=PTReshapeMetatype, type=view]; +"stage2/3/transpose/0" [id=137, metatype=PTTransposeMetatype, type=transpose]; +"stage2/3/contiguous/0" [id=138, metatype=PTNoopMetatype, type=contiguous]; +"stage2/3/view/1" [id=139, metatype=PTReshapeMetatype, type=view]; +"stage3.0.branch1.0.weight" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/0/branch1/0/conv2d/0" [id=141, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage3.0.branch1.1.weight" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch1.1.bias" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch1.1.running_mean" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch1.1.running_var" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/0/branch1/1/batch_norm/0" [id=146, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3.0.branch1.2.weight" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/0/branch1/2/conv2d/0" [id=148, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.0.branch1.3.weight" [id=149, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch1.3.bias" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch1.3.running_mean" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch1.3.running_var" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/0/branch1/3/batch_norm/0" [id=153, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/0/branch1/4/relu_/0" [id=154, metatype=PTRELUMetatype, type=relu_]; +"stage3.0.branch2.0.weight" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/0/branch2/0/conv2d/0" [id=156, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.0.branch2.1.weight" [id=157, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch2.1.bias" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch2.1.running_mean" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch2.1.running_var" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/0/branch2/1/batch_norm/0" [id=161, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/0/branch2/2/relu_/0" [id=162, metatype=PTRELUMetatype, type=relu_]; +"stage3.0.branch2.3.weight" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/0/branch2/3/conv2d/0" [id=164, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage3.0.branch2.4.weight" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch2.4.bias" [id=166, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch2.4.running_mean" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch2.4.running_var" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/0/branch2/4/batch_norm/0" [id=169, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3.0.branch2.5.weight" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/0/branch2/5/conv2d/0" [id=171, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.0.branch2.6.weight" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch2.6.bias" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch2.6.running_mean" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.0.branch2.6.running_var" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/0/branch2/6/batch_norm/0" [id=176, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/0/branch2/7/relu_/0" [id=177, metatype=PTRELUMetatype, type=relu_]; +"stage3/0/cat/0" [id=178, metatype=PTCatMetatype, type=cat]; +"stage3/0/view/0" [id=179, metatype=PTReshapeMetatype, type=view]; +"stage3/0/transpose/0" [id=180, metatype=PTTransposeMetatype, type=transpose]; +"stage3/0/contiguous/0" [id=181, metatype=PTNoopMetatype, type=contiguous]; +"stage3/0/view/1" [id=182, metatype=PTReshapeMetatype, type=view]; +"stage3/1/chunk/0" [id=183, metatype=PTSplitMetatype, type=chunk]; +"stage3.1.branch2.0.weight" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/1/branch2/0/conv2d/0" [id=185, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.1.branch2.1.weight" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.1.branch2.1.bias" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.1.branch2.1.running_mean" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.1.branch2.1.running_var" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/1/branch2/1/batch_norm/0" [id=190, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/1/branch2/2/relu_/0" [id=191, metatype=PTRELUMetatype, type=relu_]; +"stage3.1.branch2.3.weight" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/1/branch2/3/conv2d/0" [id=193, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage3.1.branch2.4.weight" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.1.branch2.4.bias" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.1.branch2.4.running_mean" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.1.branch2.4.running_var" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/1/branch2/4/batch_norm/0" [id=198, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3.1.branch2.5.weight" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/1/branch2/5/conv2d/0" [id=200, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.1.branch2.6.weight" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.1.branch2.6.bias" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.1.branch2.6.running_mean" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.1.branch2.6.running_var" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/1/branch2/6/batch_norm/0" [id=205, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/1/branch2/7/relu_/0" [id=206, metatype=PTRELUMetatype, type=relu_]; +"stage3/1/cat/0" [id=207, metatype=PTCatMetatype, type=cat]; +"stage3/1/view/0" [id=208, metatype=PTReshapeMetatype, type=view]; +"stage3/1/transpose/0" [id=209, metatype=PTTransposeMetatype, type=transpose]; +"stage3/1/contiguous/0" [id=210, metatype=PTNoopMetatype, type=contiguous]; +"stage3/1/view/1" [id=211, metatype=PTReshapeMetatype, type=view]; +"stage3/2/chunk/0" [id=212, metatype=PTSplitMetatype, type=chunk]; +"stage3.2.branch2.0.weight" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/2/branch2/0/conv2d/0" [id=214, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.2.branch2.1.weight" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.2.branch2.1.bias" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.2.branch2.1.running_mean" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.2.branch2.1.running_var" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/2/branch2/1/batch_norm/0" [id=219, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/2/branch2/2/relu_/0" [id=220, metatype=PTRELUMetatype, type=relu_]; +"stage3.2.branch2.3.weight" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/2/branch2/3/conv2d/0" [id=222, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage3.2.branch2.4.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.2.branch2.4.bias" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.2.branch2.4.running_mean" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.2.branch2.4.running_var" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/2/branch2/4/batch_norm/0" [id=227, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3.2.branch2.5.weight" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/2/branch2/5/conv2d/0" [id=229, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.2.branch2.6.weight" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.2.branch2.6.bias" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.2.branch2.6.running_mean" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.2.branch2.6.running_var" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/2/branch2/6/batch_norm/0" [id=234, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/2/branch2/7/relu_/0" [id=235, metatype=PTRELUMetatype, type=relu_]; +"stage3/2/cat/0" [id=236, metatype=PTCatMetatype, type=cat]; +"stage3/2/view/0" [id=237, metatype=PTReshapeMetatype, type=view]; +"stage3/2/transpose/0" [id=238, metatype=PTTransposeMetatype, type=transpose]; +"stage3/2/contiguous/0" [id=239, metatype=PTNoopMetatype, type=contiguous]; +"stage3/2/view/1" [id=240, metatype=PTReshapeMetatype, type=view]; +"stage3/3/chunk/0" [id=241, metatype=PTSplitMetatype, type=chunk]; +"stage3.3.branch2.0.weight" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/3/branch2/0/conv2d/0" [id=243, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.3.branch2.1.weight" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.3.branch2.1.bias" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.3.branch2.1.running_mean" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.3.branch2.1.running_var" [id=247, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/3/branch2/1/batch_norm/0" [id=248, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/3/branch2/2/relu_/0" [id=249, metatype=PTRELUMetatype, type=relu_]; +"stage3.3.branch2.3.weight" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/3/branch2/3/conv2d/0" [id=251, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage3.3.branch2.4.weight" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.3.branch2.4.bias" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.3.branch2.4.running_mean" [id=254, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.3.branch2.4.running_var" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/3/branch2/4/batch_norm/0" [id=256, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3.3.branch2.5.weight" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/3/branch2/5/conv2d/0" [id=258, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.3.branch2.6.weight" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.3.branch2.6.bias" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.3.branch2.6.running_mean" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.3.branch2.6.running_var" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/3/branch2/6/batch_norm/0" [id=263, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/3/branch2/7/relu_/0" [id=264, metatype=PTRELUMetatype, type=relu_]; +"stage3/3/cat/0" [id=265, metatype=PTCatMetatype, type=cat]; +"stage3/3/view/0" [id=266, metatype=PTReshapeMetatype, type=view]; +"stage3/3/transpose/0" [id=267, metatype=PTTransposeMetatype, type=transpose]; +"stage3/3/contiguous/0" [id=268, metatype=PTNoopMetatype, type=contiguous]; +"stage3/3/view/1" [id=269, metatype=PTReshapeMetatype, type=view]; +"stage3/4/chunk/0" [id=270, metatype=PTSplitMetatype, type=chunk]; +"stage3.4.branch2.0.weight" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/4/branch2/0/conv2d/0" [id=272, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.4.branch2.1.weight" [id=273, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.4.branch2.1.bias" [id=274, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.4.branch2.1.running_mean" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.4.branch2.1.running_var" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/4/branch2/1/batch_norm/0" [id=277, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/4/branch2/2/relu_/0" [id=278, metatype=PTRELUMetatype, type=relu_]; +"stage3.4.branch2.3.weight" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/4/branch2/3/conv2d/0" [id=280, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage3.4.branch2.4.weight" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.4.branch2.4.bias" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.4.branch2.4.running_mean" [id=283, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.4.branch2.4.running_var" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/4/branch2/4/batch_norm/0" [id=285, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3.4.branch2.5.weight" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/4/branch2/5/conv2d/0" [id=287, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.4.branch2.6.weight" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.4.branch2.6.bias" [id=289, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.4.branch2.6.running_mean" [id=290, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.4.branch2.6.running_var" [id=291, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/4/branch2/6/batch_norm/0" [id=292, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/4/branch2/7/relu_/0" [id=293, metatype=PTRELUMetatype, type=relu_]; +"stage3/4/cat/0" [id=294, metatype=PTCatMetatype, type=cat]; +"stage3/4/view/0" [id=295, metatype=PTReshapeMetatype, type=view]; +"stage3/4/transpose/0" [id=296, metatype=PTTransposeMetatype, type=transpose]; +"stage3/4/contiguous/0" [id=297, metatype=PTNoopMetatype, type=contiguous]; +"stage3/4/view/1" [id=298, metatype=PTReshapeMetatype, type=view]; +"stage3/5/chunk/0" [id=299, metatype=PTSplitMetatype, type=chunk]; +"stage3.5.branch2.0.weight" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/5/branch2/0/conv2d/0" [id=301, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.5.branch2.1.weight" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.5.branch2.1.bias" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.5.branch2.1.running_mean" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.5.branch2.1.running_var" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/5/branch2/1/batch_norm/0" [id=306, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/5/branch2/2/relu_/0" [id=307, metatype=PTRELUMetatype, type=relu_]; +"stage3.5.branch2.3.weight" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/5/branch2/3/conv2d/0" [id=309, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage3.5.branch2.4.weight" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.5.branch2.4.bias" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.5.branch2.4.running_mean" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.5.branch2.4.running_var" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/5/branch2/4/batch_norm/0" [id=314, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3.5.branch2.5.weight" [id=315, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/5/branch2/5/conv2d/0" [id=316, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.5.branch2.6.weight" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.5.branch2.6.bias" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.5.branch2.6.running_mean" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.5.branch2.6.running_var" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/5/branch2/6/batch_norm/0" [id=321, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/5/branch2/7/relu_/0" [id=322, metatype=PTRELUMetatype, type=relu_]; +"stage3/5/cat/0" [id=323, metatype=PTCatMetatype, type=cat]; +"stage3/5/view/0" [id=324, metatype=PTReshapeMetatype, type=view]; +"stage3/5/transpose/0" [id=325, metatype=PTTransposeMetatype, type=transpose]; +"stage3/5/contiguous/0" [id=326, metatype=PTNoopMetatype, type=contiguous]; +"stage3/5/view/1" [id=327, metatype=PTReshapeMetatype, type=view]; +"stage3/6/chunk/0" [id=328, metatype=PTSplitMetatype, type=chunk]; +"stage3.6.branch2.0.weight" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/6/branch2/0/conv2d/0" [id=330, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.6.branch2.1.weight" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.6.branch2.1.bias" [id=332, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.6.branch2.1.running_mean" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.6.branch2.1.running_var" [id=334, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/6/branch2/1/batch_norm/0" [id=335, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/6/branch2/2/relu_/0" [id=336, metatype=PTRELUMetatype, type=relu_]; +"stage3.6.branch2.3.weight" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/6/branch2/3/conv2d/0" [id=338, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage3.6.branch2.4.weight" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.6.branch2.4.bias" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.6.branch2.4.running_mean" [id=341, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.6.branch2.4.running_var" [id=342, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/6/branch2/4/batch_norm/0" [id=343, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3.6.branch2.5.weight" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/6/branch2/5/conv2d/0" [id=345, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.6.branch2.6.weight" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.6.branch2.6.bias" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.6.branch2.6.running_mean" [id=348, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.6.branch2.6.running_var" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/6/branch2/6/batch_norm/0" [id=350, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/6/branch2/7/relu_/0" [id=351, metatype=PTRELUMetatype, type=relu_]; +"stage3/6/cat/0" [id=352, metatype=PTCatMetatype, type=cat]; +"stage3/6/view/0" [id=353, metatype=PTReshapeMetatype, type=view]; +"stage3/6/transpose/0" [id=354, metatype=PTTransposeMetatype, type=transpose]; +"stage3/6/contiguous/0" [id=355, metatype=PTNoopMetatype, type=contiguous]; +"stage3/6/view/1" [id=356, metatype=PTReshapeMetatype, type=view]; +"stage3/7/chunk/0" [id=357, metatype=PTSplitMetatype, type=chunk]; +"stage3.7.branch2.0.weight" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/7/branch2/0/conv2d/0" [id=359, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.7.branch2.1.weight" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.7.branch2.1.bias" [id=361, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.7.branch2.1.running_mean" [id=362, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.7.branch2.1.running_var" [id=363, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/7/branch2/1/batch_norm/0" [id=364, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/7/branch2/2/relu_/0" [id=365, metatype=PTRELUMetatype, type=relu_]; +"stage3.7.branch2.3.weight" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/7/branch2/3/conv2d/0" [id=367, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage3.7.branch2.4.weight" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.7.branch2.4.bias" [id=369, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.7.branch2.4.running_mean" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.7.branch2.4.running_var" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/7/branch2/4/batch_norm/0" [id=372, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3.7.branch2.5.weight" [id=373, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/7/branch2/5/conv2d/0" [id=374, metatype=PTConv2dMetatype, type=conv2d]; +"stage3.7.branch2.6.weight" [id=375, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.7.branch2.6.bias" [id=376, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.7.branch2.6.running_mean" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3.7.branch2.6.running_var" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage3/7/branch2/6/batch_norm/0" [id=379, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage3/7/branch2/7/relu_/0" [id=380, metatype=PTRELUMetatype, type=relu_]; +"stage3/7/cat/0" [id=381, metatype=PTCatMetatype, type=cat]; +"stage3/7/view/0" [id=382, metatype=PTReshapeMetatype, type=view]; +"stage3/7/transpose/0" [id=383, metatype=PTTransposeMetatype, type=transpose]; +"stage3/7/contiguous/0" [id=384, metatype=PTNoopMetatype, type=contiguous]; +"stage3/7/view/1" [id=385, metatype=PTReshapeMetatype, type=view]; +"stage4.0.branch1.0.weight" [id=386, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/0/branch1/0/conv2d/0" [id=387, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage4.0.branch1.1.weight" [id=388, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch1.1.bias" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch1.1.running_mean" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch1.1.running_var" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/0/branch1/1/batch_norm/0" [id=392, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage4.0.branch1.2.weight" [id=393, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/0/branch1/2/conv2d/0" [id=394, metatype=PTConv2dMetatype, type=conv2d]; +"stage4.0.branch1.3.weight" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch1.3.bias" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch1.3.running_mean" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch1.3.running_var" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/0/branch1/3/batch_norm/0" [id=399, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage4/0/branch1/4/relu_/0" [id=400, metatype=PTRELUMetatype, type=relu_]; +"stage4.0.branch2.0.weight" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/0/branch2/0/conv2d/0" [id=402, metatype=PTConv2dMetatype, type=conv2d]; +"stage4.0.branch2.1.weight" [id=403, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch2.1.bias" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch2.1.running_mean" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch2.1.running_var" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/0/branch2/1/batch_norm/0" [id=407, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage4/0/branch2/2/relu_/0" [id=408, metatype=PTRELUMetatype, type=relu_]; +"stage4.0.branch2.3.weight" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/0/branch2/3/conv2d/0" [id=410, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage4.0.branch2.4.weight" [id=411, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch2.4.bias" [id=412, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch2.4.running_mean" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch2.4.running_var" [id=414, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/0/branch2/4/batch_norm/0" [id=415, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage4.0.branch2.5.weight" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/0/branch2/5/conv2d/0" [id=417, metatype=PTConv2dMetatype, type=conv2d]; +"stage4.0.branch2.6.weight" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch2.6.bias" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch2.6.running_mean" [id=420, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.0.branch2.6.running_var" [id=421, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/0/branch2/6/batch_norm/0" [id=422, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage4/0/branch2/7/relu_/0" [id=423, metatype=PTRELUMetatype, type=relu_]; +"stage4/0/cat/0" [id=424, metatype=PTCatMetatype, type=cat]; +"stage4/0/view/0" [id=425, metatype=PTReshapeMetatype, type=view]; +"stage4/0/transpose/0" [id=426, metatype=PTTransposeMetatype, type=transpose]; +"stage4/0/contiguous/0" [id=427, metatype=PTNoopMetatype, type=contiguous]; +"stage4/0/view/1" [id=428, metatype=PTReshapeMetatype, type=view]; +"stage4/1/chunk/0" [id=429, metatype=PTSplitMetatype, type=chunk]; +"stage4.1.branch2.0.weight" [id=430, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/1/branch2/0/conv2d/0" [id=431, metatype=PTConv2dMetatype, type=conv2d]; +"stage4.1.branch2.1.weight" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.1.branch2.1.bias" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.1.branch2.1.running_mean" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.1.branch2.1.running_var" [id=435, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/1/branch2/1/batch_norm/0" [id=436, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage4/1/branch2/2/relu_/0" [id=437, metatype=PTRELUMetatype, type=relu_]; +"stage4.1.branch2.3.weight" [id=438, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/1/branch2/3/conv2d/0" [id=439, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage4.1.branch2.4.weight" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.1.branch2.4.bias" [id=441, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.1.branch2.4.running_mean" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.1.branch2.4.running_var" [id=443, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/1/branch2/4/batch_norm/0" [id=444, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage4.1.branch2.5.weight" [id=445, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/1/branch2/5/conv2d/0" [id=446, metatype=PTConv2dMetatype, type=conv2d]; +"stage4.1.branch2.6.weight" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.1.branch2.6.bias" [id=448, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.1.branch2.6.running_mean" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.1.branch2.6.running_var" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/1/branch2/6/batch_norm/0" [id=451, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage4/1/branch2/7/relu_/0" [id=452, metatype=PTRELUMetatype, type=relu_]; +"stage4/1/cat/0" [id=453, metatype=PTCatMetatype, type=cat]; +"stage4/1/view/0" [id=454, metatype=PTReshapeMetatype, type=view]; +"stage4/1/transpose/0" [id=455, metatype=PTTransposeMetatype, type=transpose]; +"stage4/1/contiguous/0" [id=456, metatype=PTNoopMetatype, type=contiguous]; +"stage4/1/view/1" [id=457, metatype=PTReshapeMetatype, type=view]; +"stage4/2/chunk/0" [id=458, metatype=PTSplitMetatype, type=chunk]; +"stage4.2.branch2.0.weight" [id=459, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/2/branch2/0/conv2d/0" [id=460, metatype=PTConv2dMetatype, type=conv2d]; +"stage4.2.branch2.1.weight" [id=461, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.2.branch2.1.bias" [id=462, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.2.branch2.1.running_mean" [id=463, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.2.branch2.1.running_var" [id=464, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/2/branch2/1/batch_norm/0" [id=465, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage4/2/branch2/2/relu_/0" [id=466, metatype=PTRELUMetatype, type=relu_]; +"stage4.2.branch2.3.weight" [id=467, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/2/branch2/3/conv2d/0" [id=468, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage4.2.branch2.4.weight" [id=469, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.2.branch2.4.bias" [id=470, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.2.branch2.4.running_mean" [id=471, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.2.branch2.4.running_var" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/2/branch2/4/batch_norm/0" [id=473, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage4.2.branch2.5.weight" [id=474, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/2/branch2/5/conv2d/0" [id=475, metatype=PTConv2dMetatype, type=conv2d]; +"stage4.2.branch2.6.weight" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.2.branch2.6.bias" [id=477, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.2.branch2.6.running_mean" [id=478, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.2.branch2.6.running_var" [id=479, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/2/branch2/6/batch_norm/0" [id=480, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage4/2/branch2/7/relu_/0" [id=481, metatype=PTRELUMetatype, type=relu_]; +"stage4/2/cat/0" [id=482, metatype=PTCatMetatype, type=cat]; +"stage4/2/view/0" [id=483, metatype=PTReshapeMetatype, type=view]; +"stage4/2/transpose/0" [id=484, metatype=PTTransposeMetatype, type=transpose]; +"stage4/2/contiguous/0" [id=485, metatype=PTNoopMetatype, type=contiguous]; +"stage4/2/view/1" [id=486, metatype=PTReshapeMetatype, type=view]; +"stage4/3/chunk/0" [id=487, metatype=PTSplitMetatype, type=chunk]; +"stage4.3.branch2.0.weight" [id=488, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/3/branch2/0/conv2d/0" [id=489, metatype=PTConv2dMetatype, type=conv2d]; +"stage4.3.branch2.1.weight" [id=490, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.3.branch2.1.bias" [id=491, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.3.branch2.1.running_mean" [id=492, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.3.branch2.1.running_var" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/3/branch2/1/batch_norm/0" [id=494, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage4/3/branch2/2/relu_/0" [id=495, metatype=PTRELUMetatype, type=relu_]; +"stage4.3.branch2.3.weight" [id=496, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/3/branch2/3/conv2d/0" [id=497, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"stage4.3.branch2.4.weight" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.3.branch2.4.bias" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.3.branch2.4.running_mean" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.3.branch2.4.running_var" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/3/branch2/4/batch_norm/0" [id=502, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage4.3.branch2.5.weight" [id=503, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/3/branch2/5/conv2d/0" [id=504, metatype=PTConv2dMetatype, type=conv2d]; +"stage4.3.branch2.6.weight" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.3.branch2.6.bias" [id=506, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.3.branch2.6.running_mean" [id=507, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4.3.branch2.6.running_var" [id=508, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"stage4/3/branch2/6/batch_norm/0" [id=509, metatype=PT2BatchNormMetatype, type=batch_norm]; +"stage4/3/branch2/7/relu_/0" [id=510, metatype=PTRELUMetatype, type=relu_]; +"stage4/3/cat/0" [id=511, metatype=PTCatMetatype, type=cat]; +"stage4/3/view/0" [id=512, metatype=PTReshapeMetatype, type=view]; +"stage4/3/transpose/0" [id=513, metatype=PTTransposeMetatype, type=transpose]; +"stage4/3/contiguous/0" [id=514, metatype=PTNoopMetatype, type=contiguous]; +"stage4/3/view/1" [id=515, metatype=PTReshapeMetatype, type=view]; +"conv5.0.weight" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv5/0/conv2d/0" [id=517, metatype=PTConv2dMetatype, type=conv2d]; +"conv5.1.weight" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv5.1.bias" [id=519, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv5.1.running_mean" [id=520, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv5.1.running_var" [id=521, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv5/1/batch_norm/0" [id=522, metatype=PT2BatchNormMetatype, type=batch_norm]; +"conv5/2/relu_/0" [id=523, metatype=PTRELUMetatype, type=relu_]; +"/mean/0" [id=524, metatype=PTMeanMetatype, type=mean]; +"fc.weight" [id=525, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc.bias" [id=526, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc/linear/0" [id=527, metatype=PTLinearMetatype, type=linear]; +output [id=528, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "conv1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 224, 224)"]; +"conv1.0.weight" -> "conv1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 3, 3, 3)"]; +"conv1/0/conv2d/0" -> "conv1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 112, 112)"]; +"conv1.1.weight" -> "conv1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"conv1.1.bias" -> "conv1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"conv1.1.running_mean" -> "conv1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"conv1.1.running_var" -> "conv1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"conv1/1/batch_norm/0" -> "conv1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 112, 112)"]; +"conv1/2/relu_/0" -> "maxpool/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 112, 112)"]; +"maxpool/max_pool2d/0" -> "stage2/0/branch1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 56, 56)"]; +"maxpool/max_pool2d/0" -> "stage2/0/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 56, 56)"]; +"stage2.0.branch1.0.weight" -> "stage2/0/branch1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; +"stage2/0/branch1/0/conv2d/0" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.0.branch1.1.weight" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"stage2.0.branch1.1.bias" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"stage2.0.branch1.1.running_mean" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"stage2.0.branch1.1.running_var" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"stage2/0/branch1/1/batch_norm/0" -> "stage2/0/branch1/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.0.branch1.2.weight" -> "stage2/0/branch1/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"stage2/0/branch1/2/conv2d/0" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.0.branch1.3.weight" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"stage2.0.branch1.3.bias" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"stage2.0.branch1.3.running_mean" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"stage2.0.branch1.3.running_var" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"stage2/0/branch1/3/batch_norm/0" -> "stage2/0/branch1/4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2/0/branch1/4/relu_/0" -> "stage2/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.0.branch2.0.weight" -> "stage2/0/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"stage2/0/branch2/0/conv2d/0" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 56, 56)"]; +"stage2.0.branch2.1.weight" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"stage2.0.branch2.1.bias" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"stage2.0.branch2.1.running_mean" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"stage2.0.branch2.1.running_var" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"stage2/0/branch2/1/batch_norm/0" -> "stage2/0/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 56, 56)"]; +"stage2/0/branch2/2/relu_/0" -> "stage2/0/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 56, 56)"]; +"stage2.0.branch2.3.weight" -> "stage2/0/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; +"stage2/0/branch2/3/conv2d/0" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.0.branch2.4.weight" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"stage2.0.branch2.4.bias" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"stage2.0.branch2.4.running_mean" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"stage2.0.branch2.4.running_var" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"stage2/0/branch2/4/batch_norm/0" -> "stage2/0/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.0.branch2.5.weight" -> "stage2/0/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"stage2/0/branch2/5/conv2d/0" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.0.branch2.6.weight" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"stage2.0.branch2.6.bias" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"stage2.0.branch2.6.running_mean" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"stage2.0.branch2.6.running_var" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"stage2/0/branch2/6/batch_norm/0" -> "stage2/0/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2/0/branch2/7/relu_/0" -> "stage2/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2/0/cat/0" -> "stage2/0/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; +"stage2/0/view/0" -> "stage2/0/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 28, 28)"]; +"stage2/0/transpose/0" -> "stage2/0/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; +"stage2/0/contiguous/0" -> "stage2/0/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; +"stage2/0/view/1" -> "stage2/1/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; +"stage2/1/chunk/0" -> "stage2/1/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 24, 28, 28)"]; +"stage2/1/chunk/0" -> "stage2/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.1.branch2.0.weight" -> "stage2/1/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"stage2/1/branch2/0/conv2d/0" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.1.branch2.1.weight" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"stage2.1.branch2.1.bias" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"stage2.1.branch2.1.running_mean" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"stage2.1.branch2.1.running_var" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"stage2/1/branch2/1/batch_norm/0" -> "stage2/1/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2/1/branch2/2/relu_/0" -> "stage2/1/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.1.branch2.3.weight" -> "stage2/1/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; +"stage2/1/branch2/3/conv2d/0" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.1.branch2.4.weight" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"stage2.1.branch2.4.bias" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"stage2.1.branch2.4.running_mean" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"stage2.1.branch2.4.running_var" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"stage2/1/branch2/4/batch_norm/0" -> "stage2/1/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.1.branch2.5.weight" -> "stage2/1/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"stage2/1/branch2/5/conv2d/0" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.1.branch2.6.weight" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"stage2.1.branch2.6.bias" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"stage2.1.branch2.6.running_mean" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"stage2.1.branch2.6.running_var" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"stage2/1/branch2/6/batch_norm/0" -> "stage2/1/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2/1/branch2/7/relu_/0" -> "stage2/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2/1/cat/0" -> "stage2/1/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; +"stage2/1/view/0" -> "stage2/1/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 28, 28)"]; +"stage2/1/transpose/0" -> "stage2/1/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; +"stage2/1/contiguous/0" -> "stage2/1/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; +"stage2/1/view/1" -> "stage2/2/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; +"stage2/2/chunk/0" -> "stage2/2/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 24, 28, 28)"]; +"stage2/2/chunk/0" -> "stage2/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.2.branch2.0.weight" -> "stage2/2/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"stage2/2/branch2/0/conv2d/0" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.2.branch2.1.weight" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"stage2.2.branch2.1.bias" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"stage2.2.branch2.1.running_mean" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"stage2.2.branch2.1.running_var" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"stage2/2/branch2/1/batch_norm/0" -> "stage2/2/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2/2/branch2/2/relu_/0" -> "stage2/2/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.2.branch2.3.weight" -> "stage2/2/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; +"stage2/2/branch2/3/conv2d/0" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.2.branch2.4.weight" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"stage2.2.branch2.4.bias" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"stage2.2.branch2.4.running_mean" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"stage2.2.branch2.4.running_var" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"stage2/2/branch2/4/batch_norm/0" -> "stage2/2/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.2.branch2.5.weight" -> "stage2/2/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"stage2/2/branch2/5/conv2d/0" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.2.branch2.6.weight" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"stage2.2.branch2.6.bias" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"stage2.2.branch2.6.running_mean" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"stage2.2.branch2.6.running_var" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"stage2/2/branch2/6/batch_norm/0" -> "stage2/2/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2/2/branch2/7/relu_/0" -> "stage2/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2/2/cat/0" -> "stage2/2/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; +"stage2/2/view/0" -> "stage2/2/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 28, 28)"]; +"stage2/2/transpose/0" -> "stage2/2/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; +"stage2/2/contiguous/0" -> "stage2/2/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; +"stage2/2/view/1" -> "stage2/3/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; +"stage2/3/chunk/0" -> "stage2/3/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 24, 28, 28)"]; +"stage2/3/chunk/0" -> "stage2/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.3.branch2.0.weight" -> "stage2/3/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"stage2/3/branch2/0/conv2d/0" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.3.branch2.1.weight" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"stage2.3.branch2.1.bias" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"stage2.3.branch2.1.running_mean" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"stage2.3.branch2.1.running_var" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"stage2/3/branch2/1/batch_norm/0" -> "stage2/3/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2/3/branch2/2/relu_/0" -> "stage2/3/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.3.branch2.3.weight" -> "stage2/3/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; +"stage2/3/branch2/3/conv2d/0" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.3.branch2.4.weight" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"stage2.3.branch2.4.bias" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"stage2.3.branch2.4.running_mean" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"stage2.3.branch2.4.running_var" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"stage2/3/branch2/4/batch_norm/0" -> "stage2/3/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.3.branch2.5.weight" -> "stage2/3/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"stage2/3/branch2/5/conv2d/0" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2.3.branch2.6.weight" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"stage2.3.branch2.6.bias" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"stage2.3.branch2.6.running_mean" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"stage2.3.branch2.6.running_var" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"stage2/3/branch2/6/batch_norm/0" -> "stage2/3/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2/3/branch2/7/relu_/0" -> "stage2/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 28, 28)"]; +"stage2/3/cat/0" -> "stage2/3/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; +"stage2/3/view/0" -> "stage2/3/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 28, 28)"]; +"stage2/3/transpose/0" -> "stage2/3/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; +"stage2/3/contiguous/0" -> "stage2/3/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; +"stage2/3/view/1" -> "stage3/0/branch1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; +"stage2/3/view/1" -> "stage3/0/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; +"stage3.0.branch1.0.weight" -> "stage3/0/branch1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"stage3/0/branch1/0/conv2d/0" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.0.branch1.1.weight" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.0.branch1.1.bias" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.0.branch1.1.running_mean" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.0.branch1.1.running_var" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/0/branch1/1/batch_norm/0" -> "stage3/0/branch1/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.0.branch1.2.weight" -> "stage3/0/branch1/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/0/branch1/2/conv2d/0" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.0.branch1.3.weight" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.0.branch1.3.bias" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.0.branch1.3.running_mean" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.0.branch1.3.running_var" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/0/branch1/3/batch_norm/0" -> "stage3/0/branch1/4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/0/branch1/4/relu_/0" -> "stage3/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.0.branch2.0.weight" -> "stage3/0/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/0/branch2/0/conv2d/0" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; +"stage3.0.branch2.1.weight" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.0.branch2.1.bias" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.0.branch2.1.running_mean" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.0.branch2.1.running_var" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/0/branch2/1/batch_norm/0" -> "stage3/0/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; +"stage3/0/branch2/2/relu_/0" -> "stage3/0/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; +"stage3.0.branch2.3.weight" -> "stage3/0/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"stage3/0/branch2/3/conv2d/0" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.0.branch2.4.weight" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.0.branch2.4.bias" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.0.branch2.4.running_mean" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.0.branch2.4.running_var" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/0/branch2/4/batch_norm/0" -> "stage3/0/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.0.branch2.5.weight" -> "stage3/0/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/0/branch2/5/conv2d/0" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.0.branch2.6.weight" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.0.branch2.6.bias" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.0.branch2.6.running_mean" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.0.branch2.6.running_var" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/0/branch2/6/batch_norm/0" -> "stage3/0/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/0/branch2/7/relu_/0" -> "stage3/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/0/cat/0" -> "stage3/0/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/0/view/0" -> "stage3/0/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; +"stage3/0/transpose/0" -> "stage3/0/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/0/contiguous/0" -> "stage3/0/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/0/view/1" -> "stage3/1/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/1/chunk/0" -> "stage3/1/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 48, 14, 14)"]; +"stage3/1/chunk/0" -> "stage3/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.1.branch2.0.weight" -> "stage3/1/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/1/branch2/0/conv2d/0" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.1.branch2.1.weight" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.1.branch2.1.bias" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.1.branch2.1.running_mean" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.1.branch2.1.running_var" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/1/branch2/1/batch_norm/0" -> "stage3/1/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/1/branch2/2/relu_/0" -> "stage3/1/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.1.branch2.3.weight" -> "stage3/1/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"stage3/1/branch2/3/conv2d/0" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.1.branch2.4.weight" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.1.branch2.4.bias" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.1.branch2.4.running_mean" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.1.branch2.4.running_var" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/1/branch2/4/batch_norm/0" -> "stage3/1/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.1.branch2.5.weight" -> "stage3/1/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/1/branch2/5/conv2d/0" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.1.branch2.6.weight" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.1.branch2.6.bias" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.1.branch2.6.running_mean" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.1.branch2.6.running_var" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/1/branch2/6/batch_norm/0" -> "stage3/1/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/1/branch2/7/relu_/0" -> "stage3/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/1/cat/0" -> "stage3/1/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/1/view/0" -> "stage3/1/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; +"stage3/1/transpose/0" -> "stage3/1/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/1/contiguous/0" -> "stage3/1/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/1/view/1" -> "stage3/2/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/2/chunk/0" -> "stage3/2/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 48, 14, 14)"]; +"stage3/2/chunk/0" -> "stage3/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.2.branch2.0.weight" -> "stage3/2/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/2/branch2/0/conv2d/0" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.2.branch2.1.weight" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.2.branch2.1.bias" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.2.branch2.1.running_mean" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.2.branch2.1.running_var" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/2/branch2/1/batch_norm/0" -> "stage3/2/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/2/branch2/2/relu_/0" -> "stage3/2/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.2.branch2.3.weight" -> "stage3/2/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"stage3/2/branch2/3/conv2d/0" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.2.branch2.4.weight" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.2.branch2.4.bias" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.2.branch2.4.running_mean" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.2.branch2.4.running_var" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/2/branch2/4/batch_norm/0" -> "stage3/2/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.2.branch2.5.weight" -> "stage3/2/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/2/branch2/5/conv2d/0" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.2.branch2.6.weight" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.2.branch2.6.bias" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.2.branch2.6.running_mean" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.2.branch2.6.running_var" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/2/branch2/6/batch_norm/0" -> "stage3/2/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/2/branch2/7/relu_/0" -> "stage3/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/2/cat/0" -> "stage3/2/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/2/view/0" -> "stage3/2/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; +"stage3/2/transpose/0" -> "stage3/2/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/2/contiguous/0" -> "stage3/2/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/2/view/1" -> "stage3/3/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/3/chunk/0" -> "stage3/3/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 48, 14, 14)"]; +"stage3/3/chunk/0" -> "stage3/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.3.branch2.0.weight" -> "stage3/3/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/3/branch2/0/conv2d/0" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.3.branch2.1.weight" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.3.branch2.1.bias" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.3.branch2.1.running_mean" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.3.branch2.1.running_var" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/3/branch2/1/batch_norm/0" -> "stage3/3/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/3/branch2/2/relu_/0" -> "stage3/3/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.3.branch2.3.weight" -> "stage3/3/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"stage3/3/branch2/3/conv2d/0" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.3.branch2.4.weight" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.3.branch2.4.bias" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.3.branch2.4.running_mean" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.3.branch2.4.running_var" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/3/branch2/4/batch_norm/0" -> "stage3/3/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.3.branch2.5.weight" -> "stage3/3/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/3/branch2/5/conv2d/0" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.3.branch2.6.weight" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.3.branch2.6.bias" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.3.branch2.6.running_mean" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.3.branch2.6.running_var" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/3/branch2/6/batch_norm/0" -> "stage3/3/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/3/branch2/7/relu_/0" -> "stage3/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/3/cat/0" -> "stage3/3/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/3/view/0" -> "stage3/3/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; +"stage3/3/transpose/0" -> "stage3/3/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/3/contiguous/0" -> "stage3/3/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/3/view/1" -> "stage3/4/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/4/chunk/0" -> "stage3/4/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 48, 14, 14)"]; +"stage3/4/chunk/0" -> "stage3/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.4.branch2.0.weight" -> "stage3/4/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/4/branch2/0/conv2d/0" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.4.branch2.1.weight" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.4.branch2.1.bias" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.4.branch2.1.running_mean" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.4.branch2.1.running_var" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/4/branch2/1/batch_norm/0" -> "stage3/4/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/4/branch2/2/relu_/0" -> "stage3/4/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.4.branch2.3.weight" -> "stage3/4/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"stage3/4/branch2/3/conv2d/0" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.4.branch2.4.weight" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.4.branch2.4.bias" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.4.branch2.4.running_mean" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.4.branch2.4.running_var" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/4/branch2/4/batch_norm/0" -> "stage3/4/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.4.branch2.5.weight" -> "stage3/4/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/4/branch2/5/conv2d/0" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.4.branch2.6.weight" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.4.branch2.6.bias" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.4.branch2.6.running_mean" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.4.branch2.6.running_var" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/4/branch2/6/batch_norm/0" -> "stage3/4/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/4/branch2/7/relu_/0" -> "stage3/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/4/cat/0" -> "stage3/4/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/4/view/0" -> "stage3/4/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; +"stage3/4/transpose/0" -> "stage3/4/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/4/contiguous/0" -> "stage3/4/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/4/view/1" -> "stage3/5/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/5/chunk/0" -> "stage3/5/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 48, 14, 14)"]; +"stage3/5/chunk/0" -> "stage3/5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.5.branch2.0.weight" -> "stage3/5/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/5/branch2/0/conv2d/0" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.5.branch2.1.weight" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.5.branch2.1.bias" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.5.branch2.1.running_mean" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.5.branch2.1.running_var" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/5/branch2/1/batch_norm/0" -> "stage3/5/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/5/branch2/2/relu_/0" -> "stage3/5/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.5.branch2.3.weight" -> "stage3/5/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"stage3/5/branch2/3/conv2d/0" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.5.branch2.4.weight" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.5.branch2.4.bias" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.5.branch2.4.running_mean" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.5.branch2.4.running_var" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/5/branch2/4/batch_norm/0" -> "stage3/5/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.5.branch2.5.weight" -> "stage3/5/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/5/branch2/5/conv2d/0" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.5.branch2.6.weight" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.5.branch2.6.bias" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.5.branch2.6.running_mean" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.5.branch2.6.running_var" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/5/branch2/6/batch_norm/0" -> "stage3/5/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/5/branch2/7/relu_/0" -> "stage3/5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/5/cat/0" -> "stage3/5/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/5/view/0" -> "stage3/5/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; +"stage3/5/transpose/0" -> "stage3/5/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/5/contiguous/0" -> "stage3/5/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/5/view/1" -> "stage3/6/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/6/chunk/0" -> "stage3/6/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 48, 14, 14)"]; +"stage3/6/chunk/0" -> "stage3/6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.6.branch2.0.weight" -> "stage3/6/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/6/branch2/0/conv2d/0" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.6.branch2.1.weight" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.6.branch2.1.bias" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.6.branch2.1.running_mean" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.6.branch2.1.running_var" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/6/branch2/1/batch_norm/0" -> "stage3/6/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/6/branch2/2/relu_/0" -> "stage3/6/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.6.branch2.3.weight" -> "stage3/6/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"stage3/6/branch2/3/conv2d/0" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.6.branch2.4.weight" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.6.branch2.4.bias" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.6.branch2.4.running_mean" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.6.branch2.4.running_var" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/6/branch2/4/batch_norm/0" -> "stage3/6/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.6.branch2.5.weight" -> "stage3/6/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/6/branch2/5/conv2d/0" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.6.branch2.6.weight" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.6.branch2.6.bias" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.6.branch2.6.running_mean" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.6.branch2.6.running_var" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/6/branch2/6/batch_norm/0" -> "stage3/6/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/6/branch2/7/relu_/0" -> "stage3/6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/6/cat/0" -> "stage3/6/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/6/view/0" -> "stage3/6/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; +"stage3/6/transpose/0" -> "stage3/6/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/6/contiguous/0" -> "stage3/6/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/6/view/1" -> "stage3/7/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/7/chunk/0" -> "stage3/7/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 48, 14, 14)"]; +"stage3/7/chunk/0" -> "stage3/7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.7.branch2.0.weight" -> "stage3/7/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/7/branch2/0/conv2d/0" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.7.branch2.1.weight" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.7.branch2.1.bias" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.7.branch2.1.running_mean" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.7.branch2.1.running_var" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/7/branch2/1/batch_norm/0" -> "stage3/7/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/7/branch2/2/relu_/0" -> "stage3/7/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.7.branch2.3.weight" -> "stage3/7/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"stage3/7/branch2/3/conv2d/0" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.7.branch2.4.weight" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.7.branch2.4.bias" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.7.branch2.4.running_mean" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.7.branch2.4.running_var" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/7/branch2/4/batch_norm/0" -> "stage3/7/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.7.branch2.5.weight" -> "stage3/7/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"stage3/7/branch2/5/conv2d/0" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3.7.branch2.6.weight" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"stage3.7.branch2.6.bias" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"stage3.7.branch2.6.running_mean" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"stage3.7.branch2.6.running_var" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"stage3/7/branch2/6/batch_norm/0" -> "stage3/7/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/7/branch2/7/relu_/0" -> "stage3/7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; +"stage3/7/cat/0" -> "stage3/7/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/7/view/0" -> "stage3/7/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; +"stage3/7/transpose/0" -> "stage3/7/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/7/contiguous/0" -> "stage3/7/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; +"stage3/7/view/1" -> "stage4/0/branch1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage3/7/view/1" -> "stage4/0/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage4.0.branch1.0.weight" -> "stage4/0/branch1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; +"stage4/0/branch1/0/conv2d/0" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.0.branch1.1.weight" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"stage4.0.branch1.1.bias" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"stage4.0.branch1.1.running_mean" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"stage4.0.branch1.1.running_var" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"stage4/0/branch1/1/batch_norm/0" -> "stage4/0/branch1/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.0.branch1.2.weight" -> "stage4/0/branch1/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"stage4/0/branch1/2/conv2d/0" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.0.branch1.3.weight" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"stage4.0.branch1.3.bias" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"stage4.0.branch1.3.running_mean" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"stage4.0.branch1.3.running_var" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"stage4/0/branch1/3/batch_norm/0" -> "stage4/0/branch1/4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4/0/branch1/4/relu_/0" -> "stage4/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.0.branch2.0.weight" -> "stage4/0/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"stage4/0/branch2/0/conv2d/0" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage4.0.branch2.1.weight" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"stage4.0.branch2.1.bias" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"stage4.0.branch2.1.running_mean" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"stage4.0.branch2.1.running_var" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"stage4/0/branch2/1/batch_norm/0" -> "stage4/0/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage4/0/branch2/2/relu_/0" -> "stage4/0/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"stage4.0.branch2.3.weight" -> "stage4/0/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; +"stage4/0/branch2/3/conv2d/0" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.0.branch2.4.weight" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"stage4.0.branch2.4.bias" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"stage4.0.branch2.4.running_mean" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"stage4.0.branch2.4.running_var" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"stage4/0/branch2/4/batch_norm/0" -> "stage4/0/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.0.branch2.5.weight" -> "stage4/0/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"stage4/0/branch2/5/conv2d/0" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.0.branch2.6.weight" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"stage4.0.branch2.6.bias" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"stage4.0.branch2.6.running_mean" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"stage4.0.branch2.6.running_var" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"stage4/0/branch2/6/batch_norm/0" -> "stage4/0/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4/0/branch2/7/relu_/0" -> "stage4/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4/0/cat/0" -> "stage4/0/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; +"stage4/0/view/0" -> "stage4/0/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 7, 7)"]; +"stage4/0/transpose/0" -> "stage4/0/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; +"stage4/0/contiguous/0" -> "stage4/0/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; +"stage4/0/view/1" -> "stage4/1/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; +"stage4/1/chunk/0" -> "stage4/1/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 96, 7, 7)"]; +"stage4/1/chunk/0" -> "stage4/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.1.branch2.0.weight" -> "stage4/1/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"stage4/1/branch2/0/conv2d/0" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.1.branch2.1.weight" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"stage4.1.branch2.1.bias" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"stage4.1.branch2.1.running_mean" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"stage4.1.branch2.1.running_var" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"stage4/1/branch2/1/batch_norm/0" -> "stage4/1/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4/1/branch2/2/relu_/0" -> "stage4/1/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.1.branch2.3.weight" -> "stage4/1/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; +"stage4/1/branch2/3/conv2d/0" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.1.branch2.4.weight" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"stage4.1.branch2.4.bias" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"stage4.1.branch2.4.running_mean" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"stage4.1.branch2.4.running_var" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"stage4/1/branch2/4/batch_norm/0" -> "stage4/1/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.1.branch2.5.weight" -> "stage4/1/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"stage4/1/branch2/5/conv2d/0" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.1.branch2.6.weight" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"stage4.1.branch2.6.bias" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"stage4.1.branch2.6.running_mean" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"stage4.1.branch2.6.running_var" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"stage4/1/branch2/6/batch_norm/0" -> "stage4/1/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4/1/branch2/7/relu_/0" -> "stage4/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4/1/cat/0" -> "stage4/1/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; +"stage4/1/view/0" -> "stage4/1/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 7, 7)"]; +"stage4/1/transpose/0" -> "stage4/1/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; +"stage4/1/contiguous/0" -> "stage4/1/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; +"stage4/1/view/1" -> "stage4/2/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; +"stage4/2/chunk/0" -> "stage4/2/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 96, 7, 7)"]; +"stage4/2/chunk/0" -> "stage4/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.2.branch2.0.weight" -> "stage4/2/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"stage4/2/branch2/0/conv2d/0" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.2.branch2.1.weight" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"stage4.2.branch2.1.bias" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"stage4.2.branch2.1.running_mean" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"stage4.2.branch2.1.running_var" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"stage4/2/branch2/1/batch_norm/0" -> "stage4/2/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4/2/branch2/2/relu_/0" -> "stage4/2/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.2.branch2.3.weight" -> "stage4/2/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; +"stage4/2/branch2/3/conv2d/0" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.2.branch2.4.weight" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"stage4.2.branch2.4.bias" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"stage4.2.branch2.4.running_mean" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"stage4.2.branch2.4.running_var" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"stage4/2/branch2/4/batch_norm/0" -> "stage4/2/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.2.branch2.5.weight" -> "stage4/2/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"stage4/2/branch2/5/conv2d/0" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.2.branch2.6.weight" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"stage4.2.branch2.6.bias" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"stage4.2.branch2.6.running_mean" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"stage4.2.branch2.6.running_var" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"stage4/2/branch2/6/batch_norm/0" -> "stage4/2/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4/2/branch2/7/relu_/0" -> "stage4/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4/2/cat/0" -> "stage4/2/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; +"stage4/2/view/0" -> "stage4/2/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 7, 7)"]; +"stage4/2/transpose/0" -> "stage4/2/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; +"stage4/2/contiguous/0" -> "stage4/2/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; +"stage4/2/view/1" -> "stage4/3/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; +"stage4/3/chunk/0" -> "stage4/3/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 96, 7, 7)"]; +"stage4/3/chunk/0" -> "stage4/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.3.branch2.0.weight" -> "stage4/3/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"stage4/3/branch2/0/conv2d/0" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.3.branch2.1.weight" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"stage4.3.branch2.1.bias" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"stage4.3.branch2.1.running_mean" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"stage4.3.branch2.1.running_var" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"stage4/3/branch2/1/batch_norm/0" -> "stage4/3/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4/3/branch2/2/relu_/0" -> "stage4/3/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.3.branch2.3.weight" -> "stage4/3/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; +"stage4/3/branch2/3/conv2d/0" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.3.branch2.4.weight" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"stage4.3.branch2.4.bias" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"stage4.3.branch2.4.running_mean" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"stage4.3.branch2.4.running_var" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"stage4/3/branch2/4/batch_norm/0" -> "stage4/3/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.3.branch2.5.weight" -> "stage4/3/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"stage4/3/branch2/5/conv2d/0" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4.3.branch2.6.weight" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"stage4.3.branch2.6.bias" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"stage4.3.branch2.6.running_mean" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"stage4.3.branch2.6.running_var" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"stage4/3/branch2/6/batch_norm/0" -> "stage4/3/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4/3/branch2/7/relu_/0" -> "stage4/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 7, 7)"]; +"stage4/3/cat/0" -> "stage4/3/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; +"stage4/3/view/0" -> "stage4/3/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 7, 7)"]; +"stage4/3/transpose/0" -> "stage4/3/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; +"stage4/3/contiguous/0" -> "stage4/3/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; +"stage4/3/view/1" -> "conv5/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; +"conv5.0.weight" -> "conv5/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 192, 1, 1)"]; +"conv5/0/conv2d/0" -> "conv5/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 7, 7)"]; +"conv5.1.weight" -> "conv5/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"conv5.1.bias" -> "conv5/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"conv5.1.running_mean" -> "conv5/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"conv5.1.running_var" -> "conv5/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"conv5/1/batch_norm/0" -> "conv5/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 7, 7)"]; +"conv5/2/relu_/0" -> "/mean/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 7, 7)"]; +"/mean/0" -> "fc/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"fc.weight" -> "fc/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1024)"]; +"fc.bias" -> "fc/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"fc/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_squeezenet1_0.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_squeezenet1_0.dot index a100c9b67fd..fb7ff371d18 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_squeezenet1_0.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_squeezenet1_0.dot @@ -1,249 +1,249 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"features.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.bias" [id=2, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/conv2d/0" [id=3, type=conv2d, metatype=PTConv2dMetatype]; -"features/1/relu_/0" [id=4, type="relu_", metatype=PTRELUMetatype]; -"features/2/max_pool2d/0" [id=5, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.3.squeeze.weight" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.squeeze.bias" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/squeeze/conv2d/0" [id=8, type=conv2d, metatype=PTConv2dMetatype]; -"features/3/squeeze_activation/relu_/0" [id=9, type="relu_", metatype=PTRELUMetatype]; -"features.3.expand1x1.weight" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.expand1x1.bias" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/expand1x1/conv2d/0" [id=12, type=conv2d, metatype=PTConv2dMetatype]; -"features/3/expand1x1_activation/relu_/0" [id=13, type="relu_", metatype=PTRELUMetatype]; -"features.3.expand3x3.weight" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.expand3x3.bias" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/expand3x3/conv2d/0" [id=16, type=conv2d, metatype=PTConv2dMetatype]; -"features/3/expand3x3_activation/relu_/0" [id=17, type="relu_", metatype=PTRELUMetatype]; -"features/3/cat/0" [id=18, type=cat, metatype=PTCatMetatype]; -"features.4.squeeze.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.squeeze.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/squeeze/conv2d/0" [id=21, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/squeeze_activation/relu_/0" [id=22, type="relu_", metatype=PTRELUMetatype]; -"features.4.expand1x1.weight" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.expand1x1.bias" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/expand1x1/conv2d/0" [id=25, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/expand1x1_activation/relu_/0" [id=26, type="relu_", metatype=PTRELUMetatype]; -"features.4.expand3x3.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.expand3x3.bias" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/expand3x3/conv2d/0" [id=29, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/expand3x3_activation/relu_/0" [id=30, type="relu_", metatype=PTRELUMetatype]; -"features/4/cat/0" [id=31, type=cat, metatype=PTCatMetatype]; -"features.5.squeeze.weight" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.squeeze.bias" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/squeeze/conv2d/0" [id=34, type=conv2d, metatype=PTConv2dMetatype]; -"features/5/squeeze_activation/relu_/0" [id=35, type="relu_", metatype=PTRELUMetatype]; -"features.5.expand1x1.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.expand1x1.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/expand1x1/conv2d/0" [id=38, type=conv2d, metatype=PTConv2dMetatype]; -"features/5/expand1x1_activation/relu_/0" [id=39, type="relu_", metatype=PTRELUMetatype]; -"features.5.expand3x3.weight" [id=40, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.expand3x3.bias" [id=41, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/expand3x3/conv2d/0" [id=42, type=conv2d, metatype=PTConv2dMetatype]; -"features/5/expand3x3_activation/relu_/0" [id=43, type="relu_", metatype=PTRELUMetatype]; -"features/5/cat/0" [id=44, type=cat, metatype=PTCatMetatype]; -"features/6/max_pool2d/0" [id=45, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.7.squeeze.weight" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.squeeze.bias" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/squeeze/conv2d/0" [id=48, type=conv2d, metatype=PTConv2dMetatype]; -"features/7/squeeze_activation/relu_/0" [id=49, type="relu_", metatype=PTRELUMetatype]; -"features.7.expand1x1.weight" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.expand1x1.bias" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/expand1x1/conv2d/0" [id=52, type=conv2d, metatype=PTConv2dMetatype]; -"features/7/expand1x1_activation/relu_/0" [id=53, type="relu_", metatype=PTRELUMetatype]; -"features.7.expand3x3.weight" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.expand3x3.bias" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/expand3x3/conv2d/0" [id=56, type=conv2d, metatype=PTConv2dMetatype]; -"features/7/expand3x3_activation/relu_/0" [id=57, type="relu_", metatype=PTRELUMetatype]; -"features/7/cat/0" [id=58, type=cat, metatype=PTCatMetatype]; -"features.8.squeeze.weight" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.squeeze.bias" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/squeeze/conv2d/0" [id=61, type=conv2d, metatype=PTConv2dMetatype]; -"features/8/squeeze_activation/relu_/0" [id=62, type="relu_", metatype=PTRELUMetatype]; -"features.8.expand1x1.weight" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.expand1x1.bias" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/expand1x1/conv2d/0" [id=65, type=conv2d, metatype=PTConv2dMetatype]; -"features/8/expand1x1_activation/relu_/0" [id=66, type="relu_", metatype=PTRELUMetatype]; -"features.8.expand3x3.weight" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.expand3x3.bias" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/expand3x3/conv2d/0" [id=69, type=conv2d, metatype=PTConv2dMetatype]; -"features/8/expand3x3_activation/relu_/0" [id=70, type="relu_", metatype=PTRELUMetatype]; -"features/8/cat/0" [id=71, type=cat, metatype=PTCatMetatype]; -"features.9.squeeze.weight" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.squeeze.bias" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/squeeze/conv2d/0" [id=74, type=conv2d, metatype=PTConv2dMetatype]; -"features/9/squeeze_activation/relu_/0" [id=75, type="relu_", metatype=PTRELUMetatype]; -"features.9.expand1x1.weight" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.expand1x1.bias" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/expand1x1/conv2d/0" [id=78, type=conv2d, metatype=PTConv2dMetatype]; -"features/9/expand1x1_activation/relu_/0" [id=79, type="relu_", metatype=PTRELUMetatype]; -"features.9.expand3x3.weight" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.expand3x3.bias" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/expand3x3/conv2d/0" [id=82, type=conv2d, metatype=PTConv2dMetatype]; -"features/9/expand3x3_activation/relu_/0" [id=83, type="relu_", metatype=PTRELUMetatype]; -"features/9/cat/0" [id=84, type=cat, metatype=PTCatMetatype]; -"features.10.squeeze.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.squeeze.bias" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/squeeze/conv2d/0" [id=87, type=conv2d, metatype=PTConv2dMetatype]; -"features/10/squeeze_activation/relu_/0" [id=88, type="relu_", metatype=PTRELUMetatype]; -"features.10.expand1x1.weight" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.expand1x1.bias" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/expand1x1/conv2d/0" [id=91, type=conv2d, metatype=PTConv2dMetatype]; -"features/10/expand1x1_activation/relu_/0" [id=92, type="relu_", metatype=PTRELUMetatype]; -"features.10.expand3x3.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.expand3x3.bias" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/expand3x3/conv2d/0" [id=95, type=conv2d, metatype=PTConv2dMetatype]; -"features/10/expand3x3_activation/relu_/0" [id=96, type="relu_", metatype=PTRELUMetatype]; -"features/10/cat/0" [id=97, type=cat, metatype=PTCatMetatype]; -"features/11/max_pool2d/0" [id=98, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.12.squeeze.weight" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.squeeze.bias" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/squeeze/conv2d/0" [id=101, type=conv2d, metatype=PTConv2dMetatype]; -"features/12/squeeze_activation/relu_/0" [id=102, type="relu_", metatype=PTRELUMetatype]; -"features.12.expand1x1.weight" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.expand1x1.bias" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/expand1x1/conv2d/0" [id=105, type=conv2d, metatype=PTConv2dMetatype]; -"features/12/expand1x1_activation/relu_/0" [id=106, type="relu_", metatype=PTRELUMetatype]; -"features.12.expand3x3.weight" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.expand3x3.bias" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/expand3x3/conv2d/0" [id=109, type=conv2d, metatype=PTConv2dMetatype]; -"features/12/expand3x3_activation/relu_/0" [id=110, type="relu_", metatype=PTRELUMetatype]; -"features/12/cat/0" [id=111, type=cat, metatype=PTCatMetatype]; -"classifier/0/dropout/0" [id=112, type=dropout, metatype=PTDropoutMetatype]; -"classifier.1.weight" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.1.bias" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/1/conv2d/0" [id=115, type=conv2d, metatype=PTConv2dMetatype]; -"classifier/2/relu_/0" [id=116, type="relu_", metatype=PTRELUMetatype]; -"classifier/3/adaptive_avg_pool2d/0" [id=117, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"/flatten/0" [id=118, type=flatten, metatype=PTReshapeMetatype]; -output [id=119, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "features/0/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; -"features.0.weight" -> "features/0/conv2d/0" [dtype=float, shape="(96, 3, 7, 7)", out_port_id=0, in_port_id=1]; -"features.0.bias" -> "features/0/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, shape="(1, 96, 29, 29)", out_port_id=0, in_port_id=0]; -"features/1/relu_/0" -> "features/2/max_pool2d/0" [dtype=float, shape="(1, 96, 29, 29)", out_port_id=0, in_port_id=0]; -"features/2/max_pool2d/0" -> "features/3/squeeze/conv2d/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; -"features.3.squeeze.weight" -> "features/3/squeeze/conv2d/0" [dtype=float, shape="(16, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features.3.squeeze.bias" -> "features/3/squeeze/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"features/3/squeeze/conv2d/0" -> "features/3/squeeze_activation/relu_/0" [dtype=float, shape="(1, 16, 14, 14)", out_port_id=0, in_port_id=0]; -"features/3/squeeze_activation/relu_/0" -> "features/3/expand1x1/conv2d/0" [dtype=float, shape="(1, 16, 14, 14)", out_port_id=0, in_port_id=0]; -"features/3/squeeze_activation/relu_/0" -> "features/3/expand3x3/conv2d/0" [dtype=float, shape="(1, 16, 14, 14)", out_port_id=0, in_port_id=0]; -"features.3.expand1x1.weight" -> "features/3/expand1x1/conv2d/0" [dtype=float, shape="(64, 16, 1, 1)", out_port_id=0, in_port_id=1]; -"features.3.expand1x1.bias" -> "features/3/expand1x1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features/3/expand1x1/conv2d/0" -> "features/3/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=0]; -"features/3/expand1x1_activation/relu_/0" -> "features/3/cat/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=0]; -"features.3.expand3x3.weight" -> "features/3/expand3x3/conv2d/0" [dtype=float, shape="(64, 16, 3, 3)", out_port_id=0, in_port_id=1]; -"features.3.expand3x3.bias" -> "features/3/expand3x3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features/3/expand3x3/conv2d/0" -> "features/3/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=0]; -"features/3/expand3x3_activation/relu_/0" -> "features/3/cat/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=1]; -"features/3/cat/0" -> "features/4/squeeze/conv2d/0" [dtype=float, shape="(1, 128, 14, 14)", out_port_id=0, in_port_id=0]; -"features.4.squeeze.weight" -> "features/4/squeeze/conv2d/0" [dtype=float, shape="(16, 128, 1, 1)", out_port_id=0, in_port_id=1]; -"features.4.squeeze.bias" -> "features/4/squeeze/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"features/4/squeeze/conv2d/0" -> "features/4/squeeze_activation/relu_/0" [dtype=float, shape="(1, 16, 14, 14)", out_port_id=0, in_port_id=0]; -"features/4/squeeze_activation/relu_/0" -> "features/4/expand1x1/conv2d/0" [dtype=float, shape="(1, 16, 14, 14)", out_port_id=0, in_port_id=0]; -"features/4/squeeze_activation/relu_/0" -> "features/4/expand3x3/conv2d/0" [dtype=float, shape="(1, 16, 14, 14)", out_port_id=0, in_port_id=0]; -"features.4.expand1x1.weight" -> "features/4/expand1x1/conv2d/0" [dtype=float, shape="(64, 16, 1, 1)", out_port_id=0, in_port_id=1]; -"features.4.expand1x1.bias" -> "features/4/expand1x1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features/4/expand1x1/conv2d/0" -> "features/4/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=0]; -"features/4/expand1x1_activation/relu_/0" -> "features/4/cat/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=0]; -"features.4.expand3x3.weight" -> "features/4/expand3x3/conv2d/0" [dtype=float, shape="(64, 16, 3, 3)", out_port_id=0, in_port_id=1]; -"features.4.expand3x3.bias" -> "features/4/expand3x3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features/4/expand3x3/conv2d/0" -> "features/4/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=0]; -"features/4/expand3x3_activation/relu_/0" -> "features/4/cat/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=1]; -"features/4/cat/0" -> "features/5/squeeze/conv2d/0" [dtype=float, shape="(1, 128, 14, 14)", out_port_id=0, in_port_id=0]; -"features.5.squeeze.weight" -> "features/5/squeeze/conv2d/0" [dtype=float, shape="(32, 128, 1, 1)", out_port_id=0, in_port_id=1]; -"features.5.squeeze.bias" -> "features/5/squeeze/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features/5/squeeze/conv2d/0" -> "features/5/squeeze_activation/relu_/0" [dtype=float, shape="(1, 32, 14, 14)", out_port_id=0, in_port_id=0]; -"features/5/squeeze_activation/relu_/0" -> "features/5/expand1x1/conv2d/0" [dtype=float, shape="(1, 32, 14, 14)", out_port_id=0, in_port_id=0]; -"features/5/squeeze_activation/relu_/0" -> "features/5/expand3x3/conv2d/0" [dtype=float, shape="(1, 32, 14, 14)", out_port_id=0, in_port_id=0]; -"features.5.expand1x1.weight" -> "features/5/expand1x1/conv2d/0" [dtype=float, shape="(128, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features.5.expand1x1.bias" -> "features/5/expand1x1/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features/5/expand1x1/conv2d/0" -> "features/5/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 128, 14, 14)", out_port_id=0, in_port_id=0]; -"features/5/expand1x1_activation/relu_/0" -> "features/5/cat/0" [dtype=float, shape="(1, 128, 14, 14)", out_port_id=0, in_port_id=0]; -"features.5.expand3x3.weight" -> "features/5/expand3x3/conv2d/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"features.5.expand3x3.bias" -> "features/5/expand3x3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features/5/expand3x3/conv2d/0" -> "features/5/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 128, 14, 14)", out_port_id=0, in_port_id=0]; -"features/5/expand3x3_activation/relu_/0" -> "features/5/cat/0" [dtype=float, shape="(1, 128, 14, 14)", out_port_id=0, in_port_id=1]; -"features/5/cat/0" -> "features/6/max_pool2d/0" [dtype=float, shape="(1, 256, 14, 14)", out_port_id=0, in_port_id=0]; -"features/6/max_pool2d/0" -> "features/7/squeeze/conv2d/0" [dtype=float, shape="(1, 256, 7, 7)", out_port_id=0, in_port_id=0]; -"features.7.squeeze.weight" -> "features/7/squeeze/conv2d/0" [dtype=float, shape="(32, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"features.7.squeeze.bias" -> "features/7/squeeze/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features/7/squeeze/conv2d/0" -> "features/7/squeeze_activation/relu_/0" [dtype=float, shape="(1, 32, 7, 7)", out_port_id=0, in_port_id=0]; -"features/7/squeeze_activation/relu_/0" -> "features/7/expand1x1/conv2d/0" [dtype=float, shape="(1, 32, 7, 7)", out_port_id=0, in_port_id=0]; -"features/7/squeeze_activation/relu_/0" -> "features/7/expand3x3/conv2d/0" [dtype=float, shape="(1, 32, 7, 7)", out_port_id=0, in_port_id=0]; -"features.7.expand1x1.weight" -> "features/7/expand1x1/conv2d/0" [dtype=float, shape="(128, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features.7.expand1x1.bias" -> "features/7/expand1x1/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features/7/expand1x1/conv2d/0" -> "features/7/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 128, 7, 7)", out_port_id=0, in_port_id=0]; -"features/7/expand1x1_activation/relu_/0" -> "features/7/cat/0" [dtype=float, shape="(1, 128, 7, 7)", out_port_id=0, in_port_id=0]; -"features.7.expand3x3.weight" -> "features/7/expand3x3/conv2d/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"features.7.expand3x3.bias" -> "features/7/expand3x3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features/7/expand3x3/conv2d/0" -> "features/7/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 128, 7, 7)", out_port_id=0, in_port_id=0]; -"features/7/expand3x3_activation/relu_/0" -> "features/7/cat/0" [dtype=float, shape="(1, 128, 7, 7)", out_port_id=0, in_port_id=1]; -"features/7/cat/0" -> "features/8/squeeze/conv2d/0" [dtype=float, shape="(1, 256, 7, 7)", out_port_id=0, in_port_id=0]; -"features.8.squeeze.weight" -> "features/8/squeeze/conv2d/0" [dtype=float, shape="(48, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"features.8.squeeze.bias" -> "features/8/squeeze/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"features/8/squeeze/conv2d/0" -> "features/8/squeeze_activation/relu_/0" [dtype=float, shape="(1, 48, 7, 7)", out_port_id=0, in_port_id=0]; -"features/8/squeeze_activation/relu_/0" -> "features/8/expand1x1/conv2d/0" [dtype=float, shape="(1, 48, 7, 7)", out_port_id=0, in_port_id=0]; -"features/8/squeeze_activation/relu_/0" -> "features/8/expand3x3/conv2d/0" [dtype=float, shape="(1, 48, 7, 7)", out_port_id=0, in_port_id=0]; -"features.8.expand1x1.weight" -> "features/8/expand1x1/conv2d/0" [dtype=float, shape="(192, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"features.8.expand1x1.bias" -> "features/8/expand1x1/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features/8/expand1x1/conv2d/0" -> "features/8/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; -"features/8/expand1x1_activation/relu_/0" -> "features/8/cat/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; -"features.8.expand3x3.weight" -> "features/8/expand3x3/conv2d/0" [dtype=float, shape="(192, 48, 3, 3)", out_port_id=0, in_port_id=1]; -"features.8.expand3x3.bias" -> "features/8/expand3x3/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features/8/expand3x3/conv2d/0" -> "features/8/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; -"features/8/expand3x3_activation/relu_/0" -> "features/8/cat/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=1]; -"features/8/cat/0" -> "features/9/squeeze/conv2d/0" [dtype=float, shape="(1, 384, 7, 7)", out_port_id=0, in_port_id=0]; -"features.9.squeeze.weight" -> "features/9/squeeze/conv2d/0" [dtype=float, shape="(48, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"features.9.squeeze.bias" -> "features/9/squeeze/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"features/9/squeeze/conv2d/0" -> "features/9/squeeze_activation/relu_/0" [dtype=float, shape="(1, 48, 7, 7)", out_port_id=0, in_port_id=0]; -"features/9/squeeze_activation/relu_/0" -> "features/9/expand1x1/conv2d/0" [dtype=float, shape="(1, 48, 7, 7)", out_port_id=0, in_port_id=0]; -"features/9/squeeze_activation/relu_/0" -> "features/9/expand3x3/conv2d/0" [dtype=float, shape="(1, 48, 7, 7)", out_port_id=0, in_port_id=0]; -"features.9.expand1x1.weight" -> "features/9/expand1x1/conv2d/0" [dtype=float, shape="(192, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"features.9.expand1x1.bias" -> "features/9/expand1x1/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features/9/expand1x1/conv2d/0" -> "features/9/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; -"features/9/expand1x1_activation/relu_/0" -> "features/9/cat/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; -"features.9.expand3x3.weight" -> "features/9/expand3x3/conv2d/0" [dtype=float, shape="(192, 48, 3, 3)", out_port_id=0, in_port_id=1]; -"features.9.expand3x3.bias" -> "features/9/expand3x3/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features/9/expand3x3/conv2d/0" -> "features/9/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; -"features/9/expand3x3_activation/relu_/0" -> "features/9/cat/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=1]; -"features/9/cat/0" -> "features/10/squeeze/conv2d/0" [dtype=float, shape="(1, 384, 7, 7)", out_port_id=0, in_port_id=0]; -"features.10.squeeze.weight" -> "features/10/squeeze/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"features.10.squeeze.bias" -> "features/10/squeeze/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features/10/squeeze/conv2d/0" -> "features/10/squeeze_activation/relu_/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; -"features/10/squeeze_activation/relu_/0" -> "features/10/expand1x1/conv2d/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; -"features/10/squeeze_activation/relu_/0" -> "features/10/expand3x3/conv2d/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; -"features.10.expand1x1.weight" -> "features/10/expand1x1/conv2d/0" [dtype=float, shape="(256, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features.10.expand1x1.bias" -> "features/10/expand1x1/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features/10/expand1x1/conv2d/0" -> "features/10/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 256, 7, 7)", out_port_id=0, in_port_id=0]; -"features/10/expand1x1_activation/relu_/0" -> "features/10/cat/0" [dtype=float, shape="(1, 256, 7, 7)", out_port_id=0, in_port_id=0]; -"features.10.expand3x3.weight" -> "features/10/expand3x3/conv2d/0" [dtype=float, shape="(256, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"features.10.expand3x3.bias" -> "features/10/expand3x3/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features/10/expand3x3/conv2d/0" -> "features/10/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 256, 7, 7)", out_port_id=0, in_port_id=0]; -"features/10/expand3x3_activation/relu_/0" -> "features/10/cat/0" [dtype=float, shape="(1, 256, 7, 7)", out_port_id=0, in_port_id=1]; -"features/10/cat/0" -> "features/11/max_pool2d/0" [dtype=float, shape="(1, 512, 7, 7)", out_port_id=0, in_port_id=0]; -"features/11/max_pool2d/0" -> "features/12/squeeze/conv2d/0" [dtype=float, shape="(1, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"features.12.squeeze.weight" -> "features/12/squeeze/conv2d/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"features.12.squeeze.bias" -> "features/12/squeeze/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features/12/squeeze/conv2d/0" -> "features/12/squeeze_activation/relu_/0" [dtype=float, shape="(1, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"features/12/squeeze_activation/relu_/0" -> "features/12/expand1x1/conv2d/0" [dtype=float, shape="(1, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"features/12/squeeze_activation/relu_/0" -> "features/12/expand3x3/conv2d/0" [dtype=float, shape="(1, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"features.12.expand1x1.weight" -> "features/12/expand1x1/conv2d/0" [dtype=float, shape="(256, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features.12.expand1x1.bias" -> "features/12/expand1x1/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features/12/expand1x1/conv2d/0" -> "features/12/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"features/12/expand1x1_activation/relu_/0" -> "features/12/cat/0" [dtype=float, shape="(1, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"features.12.expand3x3.weight" -> "features/12/expand3x3/conv2d/0" [dtype=float, shape="(256, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"features.12.expand3x3.bias" -> "features/12/expand3x3/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features/12/expand3x3/conv2d/0" -> "features/12/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"features/12/expand3x3_activation/relu_/0" -> "features/12/cat/0" [dtype=float, shape="(1, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"features/12/cat/0" -> "classifier/0/dropout/0" [dtype=float, shape="(1, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"classifier/0/dropout/0" -> "classifier/1/conv2d/0" [dtype=float, shape="(1, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"classifier.1.weight" -> "classifier/1/conv2d/0" [dtype=float, shape="(1000, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"classifier.1.bias" -> "classifier/1/conv2d/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"classifier/1/conv2d/0" -> "classifier/2/relu_/0" [dtype=float, shape="(1, 1000, 3, 3)", out_port_id=0, in_port_id=0]; -"classifier/2/relu_/0" -> "classifier/3/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1000, 3, 3)", out_port_id=0, in_port_id=0]; -"classifier/3/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 1000, 1, 1)", out_port_id=0, in_port_id=0]; -"/flatten/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"features.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.bias" [id=2, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/conv2d/0" [id=3, metatype=PTConv2dMetatype, type=conv2d]; +"features/1/relu_/0" [id=4, metatype=PTRELUMetatype, type=relu_]; +"features/2/max_pool2d/0" [id=5, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.3.squeeze.weight" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.squeeze.bias" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/squeeze/conv2d/0" [id=8, metatype=PTConv2dMetatype, type=conv2d]; +"features/3/squeeze_activation/relu_/0" [id=9, metatype=PTRELUMetatype, type=relu_]; +"features.3.expand1x1.weight" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.expand1x1.bias" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/expand1x1/conv2d/0" [id=12, metatype=PTConv2dMetatype, type=conv2d]; +"features/3/expand1x1_activation/relu_/0" [id=13, metatype=PTRELUMetatype, type=relu_]; +"features.3.expand3x3.weight" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.expand3x3.bias" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/expand3x3/conv2d/0" [id=16, metatype=PTConv2dMetatype, type=conv2d]; +"features/3/expand3x3_activation/relu_/0" [id=17, metatype=PTRELUMetatype, type=relu_]; +"features/3/cat/0" [id=18, metatype=PTCatMetatype, type=cat]; +"features.4.squeeze.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.squeeze.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/squeeze/conv2d/0" [id=21, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/squeeze_activation/relu_/0" [id=22, metatype=PTRELUMetatype, type=relu_]; +"features.4.expand1x1.weight" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.expand1x1.bias" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/expand1x1/conv2d/0" [id=25, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/expand1x1_activation/relu_/0" [id=26, metatype=PTRELUMetatype, type=relu_]; +"features.4.expand3x3.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.expand3x3.bias" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/expand3x3/conv2d/0" [id=29, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/expand3x3_activation/relu_/0" [id=30, metatype=PTRELUMetatype, type=relu_]; +"features/4/cat/0" [id=31, metatype=PTCatMetatype, type=cat]; +"features.5.squeeze.weight" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.squeeze.bias" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/squeeze/conv2d/0" [id=34, metatype=PTConv2dMetatype, type=conv2d]; +"features/5/squeeze_activation/relu_/0" [id=35, metatype=PTRELUMetatype, type=relu_]; +"features.5.expand1x1.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.expand1x1.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/expand1x1/conv2d/0" [id=38, metatype=PTConv2dMetatype, type=conv2d]; +"features/5/expand1x1_activation/relu_/0" [id=39, metatype=PTRELUMetatype, type=relu_]; +"features.5.expand3x3.weight" [id=40, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.expand3x3.bias" [id=41, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/expand3x3/conv2d/0" [id=42, metatype=PTConv2dMetatype, type=conv2d]; +"features/5/expand3x3_activation/relu_/0" [id=43, metatype=PTRELUMetatype, type=relu_]; +"features/5/cat/0" [id=44, metatype=PTCatMetatype, type=cat]; +"features/6/max_pool2d/0" [id=45, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.7.squeeze.weight" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.squeeze.bias" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/squeeze/conv2d/0" [id=48, metatype=PTConv2dMetatype, type=conv2d]; +"features/7/squeeze_activation/relu_/0" [id=49, metatype=PTRELUMetatype, type=relu_]; +"features.7.expand1x1.weight" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.expand1x1.bias" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/expand1x1/conv2d/0" [id=52, metatype=PTConv2dMetatype, type=conv2d]; +"features/7/expand1x1_activation/relu_/0" [id=53, metatype=PTRELUMetatype, type=relu_]; +"features.7.expand3x3.weight" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.expand3x3.bias" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/expand3x3/conv2d/0" [id=56, metatype=PTConv2dMetatype, type=conv2d]; +"features/7/expand3x3_activation/relu_/0" [id=57, metatype=PTRELUMetatype, type=relu_]; +"features/7/cat/0" [id=58, metatype=PTCatMetatype, type=cat]; +"features.8.squeeze.weight" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.squeeze.bias" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/squeeze/conv2d/0" [id=61, metatype=PTConv2dMetatype, type=conv2d]; +"features/8/squeeze_activation/relu_/0" [id=62, metatype=PTRELUMetatype, type=relu_]; +"features.8.expand1x1.weight" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.expand1x1.bias" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/expand1x1/conv2d/0" [id=65, metatype=PTConv2dMetatype, type=conv2d]; +"features/8/expand1x1_activation/relu_/0" [id=66, metatype=PTRELUMetatype, type=relu_]; +"features.8.expand3x3.weight" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.expand3x3.bias" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/expand3x3/conv2d/0" [id=69, metatype=PTConv2dMetatype, type=conv2d]; +"features/8/expand3x3_activation/relu_/0" [id=70, metatype=PTRELUMetatype, type=relu_]; +"features/8/cat/0" [id=71, metatype=PTCatMetatype, type=cat]; +"features.9.squeeze.weight" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.squeeze.bias" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/squeeze/conv2d/0" [id=74, metatype=PTConv2dMetatype, type=conv2d]; +"features/9/squeeze_activation/relu_/0" [id=75, metatype=PTRELUMetatype, type=relu_]; +"features.9.expand1x1.weight" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.expand1x1.bias" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/expand1x1/conv2d/0" [id=78, metatype=PTConv2dMetatype, type=conv2d]; +"features/9/expand1x1_activation/relu_/0" [id=79, metatype=PTRELUMetatype, type=relu_]; +"features.9.expand3x3.weight" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.expand3x3.bias" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/expand3x3/conv2d/0" [id=82, metatype=PTConv2dMetatype, type=conv2d]; +"features/9/expand3x3_activation/relu_/0" [id=83, metatype=PTRELUMetatype, type=relu_]; +"features/9/cat/0" [id=84, metatype=PTCatMetatype, type=cat]; +"features.10.squeeze.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.squeeze.bias" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/squeeze/conv2d/0" [id=87, metatype=PTConv2dMetatype, type=conv2d]; +"features/10/squeeze_activation/relu_/0" [id=88, metatype=PTRELUMetatype, type=relu_]; +"features.10.expand1x1.weight" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.expand1x1.bias" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/expand1x1/conv2d/0" [id=91, metatype=PTConv2dMetatype, type=conv2d]; +"features/10/expand1x1_activation/relu_/0" [id=92, metatype=PTRELUMetatype, type=relu_]; +"features.10.expand3x3.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.expand3x3.bias" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/expand3x3/conv2d/0" [id=95, metatype=PTConv2dMetatype, type=conv2d]; +"features/10/expand3x3_activation/relu_/0" [id=96, metatype=PTRELUMetatype, type=relu_]; +"features/10/cat/0" [id=97, metatype=PTCatMetatype, type=cat]; +"features/11/max_pool2d/0" [id=98, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.12.squeeze.weight" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.squeeze.bias" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/squeeze/conv2d/0" [id=101, metatype=PTConv2dMetatype, type=conv2d]; +"features/12/squeeze_activation/relu_/0" [id=102, metatype=PTRELUMetatype, type=relu_]; +"features.12.expand1x1.weight" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.expand1x1.bias" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/expand1x1/conv2d/0" [id=105, metatype=PTConv2dMetatype, type=conv2d]; +"features/12/expand1x1_activation/relu_/0" [id=106, metatype=PTRELUMetatype, type=relu_]; +"features.12.expand3x3.weight" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.expand3x3.bias" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/expand3x3/conv2d/0" [id=109, metatype=PTConv2dMetatype, type=conv2d]; +"features/12/expand3x3_activation/relu_/0" [id=110, metatype=PTRELUMetatype, type=relu_]; +"features/12/cat/0" [id=111, metatype=PTCatMetatype, type=cat]; +"classifier/0/dropout/0" [id=112, metatype=PTDropoutMetatype, type=dropout]; +"classifier.1.weight" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.1.bias" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/1/conv2d/0" [id=115, metatype=PTConv2dMetatype, type=conv2d]; +"classifier/2/relu_/0" [id=116, metatype=PTRELUMetatype, type=relu_]; +"classifier/3/adaptive_avg_pool2d/0" [id=117, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"/flatten/0" [id=118, metatype=PTReshapeMetatype, type=flatten]; +output [id=119, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "features/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; +"features.0.weight" -> "features/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 3, 7, 7)"]; +"features.0.bias" -> "features/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 29, 29)"]; +"features/1/relu_/0" -> "features/2/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 29, 29)"]; +"features/2/max_pool2d/0" -> "features/3/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; +"features.3.squeeze.weight" -> "features/3/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 96, 1, 1)"]; +"features.3.squeeze.bias" -> "features/3/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"features/3/squeeze/conv2d/0" -> "features/3/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 14, 14)"]; +"features/3/squeeze_activation/relu_/0" -> "features/3/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 14, 14)"]; +"features/3/squeeze_activation/relu_/0" -> "features/3/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 14, 14)"]; +"features.3.expand1x1.weight" -> "features/3/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 1, 1)"]; +"features.3.expand1x1.bias" -> "features/3/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features/3/expand1x1/conv2d/0" -> "features/3/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 14, 14)"]; +"features/3/expand1x1_activation/relu_/0" -> "features/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 14, 14)"]; +"features.3.expand3x3.weight" -> "features/3/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 3, 3)"]; +"features.3.expand3x3.bias" -> "features/3/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features/3/expand3x3/conv2d/0" -> "features/3/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 14, 14)"]; +"features/3/expand3x3_activation/relu_/0" -> "features/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 14, 14)"]; +"features/3/cat/0" -> "features/4/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 14, 14)"]; +"features.4.squeeze.weight" -> "features/4/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 128, 1, 1)"]; +"features.4.squeeze.bias" -> "features/4/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"features/4/squeeze/conv2d/0" -> "features/4/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 14, 14)"]; +"features/4/squeeze_activation/relu_/0" -> "features/4/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 14, 14)"]; +"features/4/squeeze_activation/relu_/0" -> "features/4/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 14, 14)"]; +"features.4.expand1x1.weight" -> "features/4/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 1, 1)"]; +"features.4.expand1x1.bias" -> "features/4/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features/4/expand1x1/conv2d/0" -> "features/4/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 14, 14)"]; +"features/4/expand1x1_activation/relu_/0" -> "features/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 14, 14)"]; +"features.4.expand3x3.weight" -> "features/4/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 3, 3)"]; +"features.4.expand3x3.bias" -> "features/4/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features/4/expand3x3/conv2d/0" -> "features/4/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 14, 14)"]; +"features/4/expand3x3_activation/relu_/0" -> "features/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 14, 14)"]; +"features/4/cat/0" -> "features/5/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 14, 14)"]; +"features.5.squeeze.weight" -> "features/5/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 1, 1)"]; +"features.5.squeeze.bias" -> "features/5/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features/5/squeeze/conv2d/0" -> "features/5/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 14, 14)"]; +"features/5/squeeze_activation/relu_/0" -> "features/5/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 14, 14)"]; +"features/5/squeeze_activation/relu_/0" -> "features/5/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 14, 14)"]; +"features.5.expand1x1.weight" -> "features/5/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 1, 1)"]; +"features.5.expand1x1.bias" -> "features/5/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features/5/expand1x1/conv2d/0" -> "features/5/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 14, 14)"]; +"features/5/expand1x1_activation/relu_/0" -> "features/5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 14, 14)"]; +"features.5.expand3x3.weight" -> "features/5/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 3, 3)"]; +"features.5.expand3x3.bias" -> "features/5/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features/5/expand3x3/conv2d/0" -> "features/5/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 14, 14)"]; +"features/5/expand3x3_activation/relu_/0" -> "features/5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 14, 14)"]; +"features/5/cat/0" -> "features/6/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 14, 14)"]; +"features/6/max_pool2d/0" -> "features/7/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 7, 7)"]; +"features.7.squeeze.weight" -> "features/7/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 256, 1, 1)"]; +"features.7.squeeze.bias" -> "features/7/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features/7/squeeze/conv2d/0" -> "features/7/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 7, 7)"]; +"features/7/squeeze_activation/relu_/0" -> "features/7/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 7, 7)"]; +"features/7/squeeze_activation/relu_/0" -> "features/7/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 7, 7)"]; +"features.7.expand1x1.weight" -> "features/7/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 1, 1)"]; +"features.7.expand1x1.bias" -> "features/7/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features/7/expand1x1/conv2d/0" -> "features/7/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 7, 7)"]; +"features/7/expand1x1_activation/relu_/0" -> "features/7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 7, 7)"]; +"features.7.expand3x3.weight" -> "features/7/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 3, 3)"]; +"features.7.expand3x3.bias" -> "features/7/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features/7/expand3x3/conv2d/0" -> "features/7/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 7, 7)"]; +"features/7/expand3x3_activation/relu_/0" -> "features/7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 7, 7)"]; +"features/7/cat/0" -> "features/8/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 7, 7)"]; +"features.8.squeeze.weight" -> "features/8/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 256, 1, 1)"]; +"features.8.squeeze.bias" -> "features/8/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"features/8/squeeze/conv2d/0" -> "features/8/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 7, 7)"]; +"features/8/squeeze_activation/relu_/0" -> "features/8/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 7, 7)"]; +"features/8/squeeze_activation/relu_/0" -> "features/8/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 7, 7)"]; +"features.8.expand1x1.weight" -> "features/8/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 1, 1)"]; +"features.8.expand1x1.bias" -> "features/8/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features/8/expand1x1/conv2d/0" -> "features/8/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; +"features/8/expand1x1_activation/relu_/0" -> "features/8/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; +"features.8.expand3x3.weight" -> "features/8/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 3, 3)"]; +"features.8.expand3x3.bias" -> "features/8/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features/8/expand3x3/conv2d/0" -> "features/8/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; +"features/8/expand3x3_activation/relu_/0" -> "features/8/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 7, 7)"]; +"features/8/cat/0" -> "features/9/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 7, 7)"]; +"features.9.squeeze.weight" -> "features/9/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 384, 1, 1)"]; +"features.9.squeeze.bias" -> "features/9/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"features/9/squeeze/conv2d/0" -> "features/9/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 7, 7)"]; +"features/9/squeeze_activation/relu_/0" -> "features/9/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 7, 7)"]; +"features/9/squeeze_activation/relu_/0" -> "features/9/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 7, 7)"]; +"features.9.expand1x1.weight" -> "features/9/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 1, 1)"]; +"features.9.expand1x1.bias" -> "features/9/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features/9/expand1x1/conv2d/0" -> "features/9/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; +"features/9/expand1x1_activation/relu_/0" -> "features/9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; +"features.9.expand3x3.weight" -> "features/9/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 3, 3)"]; +"features.9.expand3x3.bias" -> "features/9/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features/9/expand3x3/conv2d/0" -> "features/9/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; +"features/9/expand3x3_activation/relu_/0" -> "features/9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 7, 7)"]; +"features/9/cat/0" -> "features/10/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 7, 7)"]; +"features.10.squeeze.weight" -> "features/10/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; +"features.10.squeeze.bias" -> "features/10/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features/10/squeeze/conv2d/0" -> "features/10/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; +"features/10/squeeze_activation/relu_/0" -> "features/10/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; +"features/10/squeeze_activation/relu_/0" -> "features/10/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; +"features.10.expand1x1.weight" -> "features/10/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 1, 1)"]; +"features.10.expand1x1.bias" -> "features/10/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features/10/expand1x1/conv2d/0" -> "features/10/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 7, 7)"]; +"features/10/expand1x1_activation/relu_/0" -> "features/10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 7, 7)"]; +"features.10.expand3x3.weight" -> "features/10/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 3, 3)"]; +"features.10.expand3x3.bias" -> "features/10/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features/10/expand3x3/conv2d/0" -> "features/10/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 7, 7)"]; +"features/10/expand3x3_activation/relu_/0" -> "features/10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 7, 7)"]; +"features/10/cat/0" -> "features/11/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 7, 7)"]; +"features/11/max_pool2d/0" -> "features/12/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 3, 3)"]; +"features.12.squeeze.weight" -> "features/12/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 512, 1, 1)"]; +"features.12.squeeze.bias" -> "features/12/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features/12/squeeze/conv2d/0" -> "features/12/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 3)"]; +"features/12/squeeze_activation/relu_/0" -> "features/12/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 3)"]; +"features/12/squeeze_activation/relu_/0" -> "features/12/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 3)"]; +"features.12.expand1x1.weight" -> "features/12/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 1, 1)"]; +"features.12.expand1x1.bias" -> "features/12/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features/12/expand1x1/conv2d/0" -> "features/12/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 3, 3)"]; +"features/12/expand1x1_activation/relu_/0" -> "features/12/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 3, 3)"]; +"features.12.expand3x3.weight" -> "features/12/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 3, 3)"]; +"features.12.expand3x3.bias" -> "features/12/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features/12/expand3x3/conv2d/0" -> "features/12/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 3, 3)"]; +"features/12/expand3x3_activation/relu_/0" -> "features/12/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 3, 3)"]; +"features/12/cat/0" -> "classifier/0/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 3, 3)"]; +"classifier/0/dropout/0" -> "classifier/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 3, 3)"]; +"classifier.1.weight" -> "classifier/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 512, 1, 1)"]; +"classifier.1.bias" -> "classifier/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"classifier/1/conv2d/0" -> "classifier/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000, 3, 3)"]; +"classifier/2/relu_/0" -> "classifier/3/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000, 3, 3)"]; +"classifier/3/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000, 1, 1)"]; +"/flatten/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_swin_v2_b.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_swin_v2_b.dot index 071d921a911..4abd8a7c1eb 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_swin_v2_b.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_swin_v2_b.dot @@ -1,3722 +1,3722 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"features.0.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.0.bias" [id=2, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/0/conv2d/0" [id=3, type=conv2d, metatype=PTConv2dMetatype]; -"features/0/1/permute/0" [id=4, type=permute, metatype=PTTransposeMetatype]; -"features.0.2.weight" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.2.bias" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/2/layer_norm/0" [id=7, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.1.0.attn.relative_coords_table" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.attn.cpb_mlp.0.weight" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.attn.cpb_mlp.0.bias" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/attn/cpb_mlp/0/linear/0" [id=11, type=linear, metatype=PTLinearMetatype]; -"features/1/0/attn/cpb_mlp/1/relu_/0" [id=12, type="relu_", metatype=PTRELUMetatype]; -"features.1.0.attn.cpb_mlp.2.weight" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/attn/cpb_mlp/2/linear/0" [id=14, type=linear, metatype=PTLinearMetatype]; -"features/1/0/attn/view/0" [id=15, type=view, metatype=PTReshapeMetatype]; -"features.1.0.attn.relative_position_index" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/attn/__getitem__/0" [id=17, type="__getitem__", metatype=PTGatherMetatype]; -"features/1/0/attn/view/1" [id=18, type=view, metatype=PTReshapeMetatype]; -"features/1/0/attn/permute/0" [id=19, type=permute, metatype=PTTransposeMetatype]; -"features/1/0/attn/contiguous/0" [id=20, type=contiguous, metatype=PTNoopMetatype]; -"features/1/0/attn/unsqueeze/0" [id=21, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/1/0/attn/sigmoid/0" [id=22, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/1/0/attn/mul/0" [id=23, type=mul, metatype=PTMulMetatype]; -"features/1/0/attn/pad/0" [id=24, type=pad, metatype=PTPadMetatype]; -"features/1/0/attn/view/2" [id=25, type=view, metatype=PTReshapeMetatype]; -"features/1/0/attn/permute/1" [id=26, type=permute, metatype=PTTransposeMetatype]; -"features/1/0/attn/reshape/0" [id=27, type=reshape, metatype=PTReshapeMetatype]; -"features.1.0.attn.qkv.bias" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/attn/clone/0" [id=29, type=clone, metatype=PTNoopMetatype]; -"features/1/0/attn/numel/0" [id=30, type=numel, metatype=UnknownMetatype]; -"features/1/0/attn/__getitem__/1" [id=31, type="__getitem__", metatype=PTGatherMetatype]; -"features/1/0/attn/zero_/0" [id=32, type="zero_", metatype=UnknownMetatype]; -"features.1.0.attn.qkv.weight" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/attn/linear/0" [id=34, type=linear, metatype=PTLinearMetatype]; -"features/1/0/attn/reshape/1" [id=35, type=reshape, metatype=PTReshapeMetatype]; -"features/1/0/attn/permute/2" [id=36, type=permute, metatype=PTTransposeMetatype]; -"features/1/0/attn/__getitem__/2" [id=37, type="__getitem__", metatype=PTGatherMetatype]; -"features/1/0/attn/__getitem__/3" [id=38, type="__getitem__", metatype=PTGatherMetatype]; -"features/1/0/attn/__getitem__/4" [id=39, type="__getitem__", metatype=PTGatherMetatype]; -"features/1/0/attn/normalize/0" [id=40, type=normalize, metatype=PTReduceL2]; -"features/1/0/attn/normalize/1" [id=41, type=normalize, metatype=PTReduceL2]; -"features/1/0/attn/transpose/0" [id=42, type=transpose, metatype=PTTransposeMetatype]; -"features/1/0/attn/matmul/0" [id=43, type=matmul, metatype=PTMatMulMetatype]; -"features.1.0.attn.logit_scale" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/attn/clamp/0" [id=45, type=clamp, metatype=UnknownMetatype]; -"features/1/0/attn/exp/0" [id=46, type=exp, metatype=PTExpMetatype]; -"features/1/0/attn/mul/1" [id=47, type=mul, metatype=PTMulMetatype]; -"features/1/0/attn/add/0" [id=48, type=add, metatype=PTAddMetatype]; -"features/1/0/attn/softmax/0" [id=49, type=softmax, metatype=PTSoftmaxMetatype]; -"features/1/0/attn/dropout/0" [id=50, type=dropout, metatype=PTDropoutMetatype]; -"features/1/0/attn/matmul/1" [id=51, type=matmul, metatype=PTMatMulMetatype]; -"features/1/0/attn/transpose/1" [id=52, type=transpose, metatype=PTTransposeMetatype]; -"features/1/0/attn/reshape/2" [id=53, type=reshape, metatype=PTReshapeMetatype]; -"features.1.0.attn.proj.weight" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.attn.proj.bias" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/attn/linear/1" [id=56, type=linear, metatype=PTLinearMetatype]; -"features/1/0/attn/dropout/1" [id=57, type=dropout, metatype=PTDropoutMetatype]; -"features/1/0/attn/view/3" [id=58, type=view, metatype=PTReshapeMetatype]; -"features/1/0/attn/permute/3" [id=59, type=permute, metatype=PTTransposeMetatype]; -"features/1/0/attn/reshape/3" [id=60, type=reshape, metatype=PTReshapeMetatype]; -"features/1/0/attn/__getitem__/5" [id=61, type="__getitem__", metatype=PTGatherMetatype]; -"features/1/0/attn/contiguous/1" [id=62, type=contiguous, metatype=PTNoopMetatype]; -"features.1.0.norm1.weight" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.norm1.bias" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/norm1/layer_norm/0" [id=65, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/1/0/add/0" [id=66, type=add, metatype=PTAddMetatype]; -"features.1.0.mlp.0.weight" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.mlp.0.bias" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/mlp/0/linear/0" [id=69, type=linear, metatype=PTLinearMetatype]; -"features/1/0/mlp/1/gelu/0" [id=70, type=gelu, metatype=PTGELUMetatype]; -"features/1/0/mlp/2/dropout/0" [id=71, type=dropout, metatype=PTDropoutMetatype]; -"features.1.0.mlp.3.weight" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.mlp.3.bias" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/mlp/3/linear/0" [id=74, type=linear, metatype=PTLinearMetatype]; -"features/1/0/mlp/4/dropout/0" [id=75, type=dropout, metatype=PTDropoutMetatype]; -"features.1.0.norm2.weight" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.0.norm2.bias" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/0/norm2/layer_norm/0" [id=78, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/1/0/add/1" [id=79, type=add, metatype=PTAddMetatype]; -"features.1.1.attn.relative_coords_table" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.1.attn.cpb_mlp.0.weight" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.1.attn.cpb_mlp.0.bias" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/attn/cpb_mlp/0/linear/0" [id=83, type=linear, metatype=PTLinearMetatype]; -"features/1/1/attn/cpb_mlp/1/relu_/0" [id=84, type="relu_", metatype=PTRELUMetatype]; -"features.1.1.attn.cpb_mlp.2.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/attn/cpb_mlp/2/linear/0" [id=86, type=linear, metatype=PTLinearMetatype]; -"features/1/1/attn/view/0" [id=87, type=view, metatype=PTReshapeMetatype]; -"features.1.1.attn.relative_position_index" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/attn/__getitem__/0" [id=89, type="__getitem__", metatype=PTGatherMetatype]; -"features/1/1/attn/view/1" [id=90, type=view, metatype=PTReshapeMetatype]; -"features/1/1/attn/permute/0" [id=91, type=permute, metatype=PTTransposeMetatype]; -"features/1/1/attn/contiguous/0" [id=92, type=contiguous, metatype=PTNoopMetatype]; -"features/1/1/attn/unsqueeze/0" [id=93, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/1/1/attn/sigmoid/0" [id=94, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/1/1/attn/mul/0" [id=95, type=mul, metatype=PTMulMetatype]; -"features/1/1/attn/pad/0" [id=96, type=pad, metatype=PTPadMetatype]; -"features/1/1/attn/roll/0" [id=97, type=roll, metatype=UnknownMetatype]; -"features/1/1/attn/view/2" [id=98, type=view, metatype=PTReshapeMetatype]; -"features/1/1/attn/permute/1" [id=99, type=permute, metatype=PTTransposeMetatype]; -"features/1/1/attn/reshape/0" [id=100, type=reshape, metatype=PTReshapeMetatype]; -"features.1.1.attn.qkv.bias" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/attn/clone/0" [id=102, type=clone, metatype=PTNoopMetatype]; -"features/1/1/attn/numel/0" [id=103, type=numel, metatype=UnknownMetatype]; -"features/1/1/attn/__getitem__/1" [id=104, type="__getitem__", metatype=PTGatherMetatype]; -"features/1/1/attn/zero_/0" [id=105, type="zero_", metatype=UnknownMetatype]; -"features.1.1.attn.qkv.weight" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/attn/linear/0" [id=107, type=linear, metatype=PTLinearMetatype]; -"features/1/1/attn/reshape/1" [id=108, type=reshape, metatype=PTReshapeMetatype]; -"features/1/1/attn/permute/2" [id=109, type=permute, metatype=PTTransposeMetatype]; -"features/1/1/attn/__getitem__/2" [id=110, type="__getitem__", metatype=PTGatherMetatype]; -"features/1/1/attn/__getitem__/3" [id=111, type="__getitem__", metatype=PTGatherMetatype]; -"features/1/1/attn/__getitem__/4" [id=112, type="__getitem__", metatype=PTGatherMetatype]; -"features/1/1/attn/normalize/0" [id=113, type=normalize, metatype=PTReduceL2]; -"features/1/1/attn/normalize/1" [id=114, type=normalize, metatype=PTReduceL2]; -"features/1/1/attn/transpose/0" [id=115, type=transpose, metatype=PTTransposeMetatype]; -"features/1/1/attn/matmul/0" [id=116, type=matmul, metatype=PTMatMulMetatype]; -"features.1.1.attn.logit_scale" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/attn/clamp/0" [id=118, type=clamp, metatype=UnknownMetatype]; -"features/1/1/attn/exp/0" [id=119, type=exp, metatype=PTExpMetatype]; -"features/1/1/attn/mul/1" [id=120, type=mul, metatype=PTMulMetatype]; -"features/1/1/attn/add/0" [id=121, type=add, metatype=PTAddMetatype]; -"features/1/1/attn/new_zeros/0" [id=122, type="new_zeros", metatype=UnknownMetatype]; -"features/1/1/attn/__setitem__/0" [id=123, type="__setitem__", metatype=UnknownMetatype]; -"features/1/1/attn/__setitem__/1" [id=124, type="__setitem__", metatype=UnknownMetatype]; -"features/1/1/attn/__setitem__/2" [id=125, type="__setitem__", metatype=UnknownMetatype]; -"features/1/1/attn/__setitem__/3" [id=126, type="__setitem__", metatype=UnknownMetatype]; -"features/1/1/attn/__setitem__/4" [id=127, type="__setitem__", metatype=UnknownMetatype]; -"features/1/1/attn/__setitem__/5" [id=128, type="__setitem__", metatype=UnknownMetatype]; -"features/1/1/attn/__setitem__/6" [id=129, type="__setitem__", metatype=UnknownMetatype]; -"features/1/1/attn/__setitem__/7" [id=130, type="__setitem__", metatype=UnknownMetatype]; -"features/1/1/attn/__setitem__/8" [id=131, type="__setitem__", metatype=UnknownMetatype]; -"features/1/1/attn/view/3" [id=132, type=view, metatype=PTReshapeMetatype]; -"features/1/1/attn/permute/3" [id=133, type=permute, metatype=PTTransposeMetatype]; -"features/1/1/attn/reshape/2" [id=134, type=reshape, metatype=PTReshapeMetatype]; -"features/1/1/attn/unsqueeze/1" [id=135, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/1/1/attn/unsqueeze/2" [id=136, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/1/1/attn/sub/0" [id=137, type=sub, metatype=PTSubMetatype]; -"features/1/1/attn/ne/0" [id=138, type=ne, metatype=UnknownMetatype]; -"features/1/1/attn/masked_fill/0" [id=139, type="masked_fill", metatype=PTScatterMetatype]; -"features/1/1/attn/__eq__/0" [id=140, type="__eq__", metatype=PTEqualsMetatype]; -"features/1/1/attn/masked_fill/1" [id=141, type="masked_fill", metatype=PTScatterMetatype]; -"features/1/1/attn/view/4" [id=142, type=view, metatype=PTReshapeMetatype]; -"features/1/1/attn/unsqueeze/3" [id=143, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/1/1/attn/unsqueeze/4" [id=144, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/1/1/attn/add/1" [id=145, type=add, metatype=PTAddMetatype]; -"features/1/1/attn/view/5" [id=146, type=view, metatype=PTReshapeMetatype]; -"features/1/1/attn/softmax/0" [id=147, type=softmax, metatype=PTSoftmaxMetatype]; -"features/1/1/attn/dropout/0" [id=148, type=dropout, metatype=PTDropoutMetatype]; -"features/1/1/attn/matmul/1" [id=149, type=matmul, metatype=PTMatMulMetatype]; -"features/1/1/attn/transpose/1" [id=150, type=transpose, metatype=PTTransposeMetatype]; -"features/1/1/attn/reshape/3" [id=151, type=reshape, metatype=PTReshapeMetatype]; -"features.1.1.attn.proj.weight" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.1.attn.proj.bias" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/attn/linear/1" [id=154, type=linear, metatype=PTLinearMetatype]; -"features/1/1/attn/dropout/1" [id=155, type=dropout, metatype=PTDropoutMetatype]; -"features/1/1/attn/view/6" [id=156, type=view, metatype=PTReshapeMetatype]; -"features/1/1/attn/permute/4" [id=157, type=permute, metatype=PTTransposeMetatype]; -"features/1/1/attn/reshape/4" [id=158, type=reshape, metatype=PTReshapeMetatype]; -"features/1/1/attn/roll/1" [id=159, type=roll, metatype=UnknownMetatype]; -"features/1/1/attn/__getitem__/5" [id=160, type="__getitem__", metatype=PTGatherMetatype]; -"features/1/1/attn/contiguous/1" [id=161, type=contiguous, metatype=PTNoopMetatype]; -"features.1.1.norm1.weight" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.1.norm1.bias" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/norm1/layer_norm/0" [id=164, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/1/1/add/0" [id=165, type=add, metatype=PTAddMetatype]; -"features.1.1.mlp.0.weight" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.1.mlp.0.bias" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/mlp/0/linear/0" [id=168, type=linear, metatype=PTLinearMetatype]; -"features/1/1/mlp/1/gelu/0" [id=169, type=gelu, metatype=PTGELUMetatype]; -"features/1/1/mlp/2/dropout/0" [id=170, type=dropout, metatype=PTDropoutMetatype]; -"features.1.1.mlp.3.weight" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.1.mlp.3.bias" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/mlp/3/linear/0" [id=173, type=linear, metatype=PTLinearMetatype]; -"features/1/1/mlp/4/dropout/0" [id=174, type=dropout, metatype=PTDropoutMetatype]; -"features.1.1.norm2.weight" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.1.norm2.bias" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/1/norm2/layer_norm/0" [id=177, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/1/1/add/1" [id=178, type=add, metatype=PTAddMetatype]; -"features/2/pad/0" [id=179, type=pad, metatype=PTPadMetatype]; -"features/2/__getitem__/0" [id=180, type="__getitem__", metatype=PTGatherMetatype]; -"features/2/__getitem__/1" [id=181, type="__getitem__", metatype=PTGatherMetatype]; -"features/2/__getitem__/2" [id=182, type="__getitem__", metatype=PTGatherMetatype]; -"features/2/__getitem__/3" [id=183, type="__getitem__", metatype=PTGatherMetatype]; -"features/2/cat/0" [id=184, type=cat, metatype=PTCatMetatype]; -"features.2.reduction.weight" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/reduction/linear/0" [id=186, type=linear, metatype=PTLinearMetatype]; -"features.2.norm.weight" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.norm.bias" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/norm/layer_norm/0" [id=189, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.3.0.attn.relative_coords_table" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.attn.cpb_mlp.0.weight" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.attn.cpb_mlp.0.bias" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/attn/cpb_mlp/0/linear/0" [id=193, type=linear, metatype=PTLinearMetatype]; -"features/3/0/attn/cpb_mlp/1/relu_/0" [id=194, type="relu_", metatype=PTRELUMetatype]; -"features.3.0.attn.cpb_mlp.2.weight" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/attn/cpb_mlp/2/linear/0" [id=196, type=linear, metatype=PTLinearMetatype]; -"features/3/0/attn/view/0" [id=197, type=view, metatype=PTReshapeMetatype]; -"features.3.0.attn.relative_position_index" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/attn/__getitem__/0" [id=199, type="__getitem__", metatype=PTGatherMetatype]; -"features/3/0/attn/view/1" [id=200, type=view, metatype=PTReshapeMetatype]; -"features/3/0/attn/permute/0" [id=201, type=permute, metatype=PTTransposeMetatype]; -"features/3/0/attn/contiguous/0" [id=202, type=contiguous, metatype=PTNoopMetatype]; -"features/3/0/attn/unsqueeze/0" [id=203, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/3/0/attn/sigmoid/0" [id=204, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/3/0/attn/mul/0" [id=205, type=mul, metatype=PTMulMetatype]; -"features/3/0/attn/pad/0" [id=206, type=pad, metatype=PTPadMetatype]; -"features/3/0/attn/view/2" [id=207, type=view, metatype=PTReshapeMetatype]; -"features/3/0/attn/permute/1" [id=208, type=permute, metatype=PTTransposeMetatype]; -"features/3/0/attn/reshape/0" [id=209, type=reshape, metatype=PTReshapeMetatype]; -"features.3.0.attn.qkv.bias" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/attn/clone/0" [id=211, type=clone, metatype=PTNoopMetatype]; -"features/3/0/attn/numel/0" [id=212, type=numel, metatype=UnknownMetatype]; -"features/3/0/attn/__getitem__/1" [id=213, type="__getitem__", metatype=PTGatherMetatype]; -"features/3/0/attn/zero_/0" [id=214, type="zero_", metatype=UnknownMetatype]; -"features.3.0.attn.qkv.weight" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/attn/linear/0" [id=216, type=linear, metatype=PTLinearMetatype]; -"features/3/0/attn/reshape/1" [id=217, type=reshape, metatype=PTReshapeMetatype]; -"features/3/0/attn/permute/2" [id=218, type=permute, metatype=PTTransposeMetatype]; -"features/3/0/attn/__getitem__/2" [id=219, type="__getitem__", metatype=PTGatherMetatype]; -"features/3/0/attn/__getitem__/3" [id=220, type="__getitem__", metatype=PTGatherMetatype]; -"features/3/0/attn/__getitem__/4" [id=221, type="__getitem__", metatype=PTGatherMetatype]; -"features/3/0/attn/normalize/0" [id=222, type=normalize, metatype=PTReduceL2]; -"features/3/0/attn/normalize/1" [id=223, type=normalize, metatype=PTReduceL2]; -"features/3/0/attn/transpose/0" [id=224, type=transpose, metatype=PTTransposeMetatype]; -"features/3/0/attn/matmul/0" [id=225, type=matmul, metatype=PTMatMulMetatype]; -"features.3.0.attn.logit_scale" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/attn/clamp/0" [id=227, type=clamp, metatype=UnknownMetatype]; -"features/3/0/attn/exp/0" [id=228, type=exp, metatype=PTExpMetatype]; -"features/3/0/attn/mul/1" [id=229, type=mul, metatype=PTMulMetatype]; -"features/3/0/attn/add/0" [id=230, type=add, metatype=PTAddMetatype]; -"features/3/0/attn/softmax/0" [id=231, type=softmax, metatype=PTSoftmaxMetatype]; -"features/3/0/attn/dropout/0" [id=232, type=dropout, metatype=PTDropoutMetatype]; -"features/3/0/attn/matmul/1" [id=233, type=matmul, metatype=PTMatMulMetatype]; -"features/3/0/attn/transpose/1" [id=234, type=transpose, metatype=PTTransposeMetatype]; -"features/3/0/attn/reshape/2" [id=235, type=reshape, metatype=PTReshapeMetatype]; -"features.3.0.attn.proj.weight" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.attn.proj.bias" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/attn/linear/1" [id=238, type=linear, metatype=PTLinearMetatype]; -"features/3/0/attn/dropout/1" [id=239, type=dropout, metatype=PTDropoutMetatype]; -"features/3/0/attn/view/3" [id=240, type=view, metatype=PTReshapeMetatype]; -"features/3/0/attn/permute/3" [id=241, type=permute, metatype=PTTransposeMetatype]; -"features/3/0/attn/reshape/3" [id=242, type=reshape, metatype=PTReshapeMetatype]; -"features/3/0/attn/__getitem__/5" [id=243, type="__getitem__", metatype=PTGatherMetatype]; -"features/3/0/attn/contiguous/1" [id=244, type=contiguous, metatype=PTNoopMetatype]; -"features.3.0.norm1.weight" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.norm1.bias" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/norm1/layer_norm/0" [id=247, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/3/0/add/0" [id=248, type=add, metatype=PTAddMetatype]; -"features.3.0.mlp.0.weight" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.mlp.0.bias" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/mlp/0/linear/0" [id=251, type=linear, metatype=PTLinearMetatype]; -"features/3/0/mlp/1/gelu/0" [id=252, type=gelu, metatype=PTGELUMetatype]; -"features/3/0/mlp/2/dropout/0" [id=253, type=dropout, metatype=PTDropoutMetatype]; -"features.3.0.mlp.3.weight" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.mlp.3.bias" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/mlp/3/linear/0" [id=256, type=linear, metatype=PTLinearMetatype]; -"features/3/0/mlp/4/dropout/0" [id=257, type=dropout, metatype=PTDropoutMetatype]; -"features.3.0.norm2.weight" [id=258, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.0.norm2.bias" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/0/norm2/layer_norm/0" [id=260, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/3/0/add/1" [id=261, type=add, metatype=PTAddMetatype]; -"features.3.1.attn.relative_coords_table" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.attn.cpb_mlp.0.weight" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.attn.cpb_mlp.0.bias" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/attn/cpb_mlp/0/linear/0" [id=265, type=linear, metatype=PTLinearMetatype]; -"features/3/1/attn/cpb_mlp/1/relu_/0" [id=266, type="relu_", metatype=PTRELUMetatype]; -"features.3.1.attn.cpb_mlp.2.weight" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/attn/cpb_mlp/2/linear/0" [id=268, type=linear, metatype=PTLinearMetatype]; -"features/3/1/attn/view/0" [id=269, type=view, metatype=PTReshapeMetatype]; -"features.3.1.attn.relative_position_index" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/attn/__getitem__/0" [id=271, type="__getitem__", metatype=PTGatherMetatype]; -"features/3/1/attn/view/1" [id=272, type=view, metatype=PTReshapeMetatype]; -"features/3/1/attn/permute/0" [id=273, type=permute, metatype=PTTransposeMetatype]; -"features/3/1/attn/contiguous/0" [id=274, type=contiguous, metatype=PTNoopMetatype]; -"features/3/1/attn/unsqueeze/0" [id=275, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/3/1/attn/sigmoid/0" [id=276, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/3/1/attn/mul/0" [id=277, type=mul, metatype=PTMulMetatype]; -"features/3/1/attn/pad/0" [id=278, type=pad, metatype=PTPadMetatype]; -"features/3/1/attn/view/2" [id=279, type=view, metatype=PTReshapeMetatype]; -"features/3/1/attn/permute/1" [id=280, type=permute, metatype=PTTransposeMetatype]; -"features/3/1/attn/reshape/0" [id=281, type=reshape, metatype=PTReshapeMetatype]; -"features.3.1.attn.qkv.bias" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/attn/clone/0" [id=283, type=clone, metatype=PTNoopMetatype]; -"features/3/1/attn/numel/0" [id=284, type=numel, metatype=UnknownMetatype]; -"features/3/1/attn/__getitem__/1" [id=285, type="__getitem__", metatype=PTGatherMetatype]; -"features/3/1/attn/zero_/0" [id=286, type="zero_", metatype=UnknownMetatype]; -"features.3.1.attn.qkv.weight" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/attn/linear/0" [id=288, type=linear, metatype=PTLinearMetatype]; -"features/3/1/attn/reshape/1" [id=289, type=reshape, metatype=PTReshapeMetatype]; -"features/3/1/attn/permute/2" [id=290, type=permute, metatype=PTTransposeMetatype]; -"features/3/1/attn/__getitem__/2" [id=291, type="__getitem__", metatype=PTGatherMetatype]; -"features/3/1/attn/__getitem__/3" [id=292, type="__getitem__", metatype=PTGatherMetatype]; -"features/3/1/attn/__getitem__/4" [id=293, type="__getitem__", metatype=PTGatherMetatype]; -"features/3/1/attn/normalize/0" [id=294, type=normalize, metatype=PTReduceL2]; -"features/3/1/attn/normalize/1" [id=295, type=normalize, metatype=PTReduceL2]; -"features/3/1/attn/transpose/0" [id=296, type=transpose, metatype=PTTransposeMetatype]; -"features/3/1/attn/matmul/0" [id=297, type=matmul, metatype=PTMatMulMetatype]; -"features.3.1.attn.logit_scale" [id=298, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/attn/clamp/0" [id=299, type=clamp, metatype=UnknownMetatype]; -"features/3/1/attn/exp/0" [id=300, type=exp, metatype=PTExpMetatype]; -"features/3/1/attn/mul/1" [id=301, type=mul, metatype=PTMulMetatype]; -"features/3/1/attn/add/0" [id=302, type=add, metatype=PTAddMetatype]; -"features/3/1/attn/softmax/0" [id=303, type=softmax, metatype=PTSoftmaxMetatype]; -"features/3/1/attn/dropout/0" [id=304, type=dropout, metatype=PTDropoutMetatype]; -"features/3/1/attn/matmul/1" [id=305, type=matmul, metatype=PTMatMulMetatype]; -"features/3/1/attn/transpose/1" [id=306, type=transpose, metatype=PTTransposeMetatype]; -"features/3/1/attn/reshape/2" [id=307, type=reshape, metatype=PTReshapeMetatype]; -"features.3.1.attn.proj.weight" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.attn.proj.bias" [id=309, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/attn/linear/1" [id=310, type=linear, metatype=PTLinearMetatype]; -"features/3/1/attn/dropout/1" [id=311, type=dropout, metatype=PTDropoutMetatype]; -"features/3/1/attn/view/3" [id=312, type=view, metatype=PTReshapeMetatype]; -"features/3/1/attn/permute/3" [id=313, type=permute, metatype=PTTransposeMetatype]; -"features/3/1/attn/reshape/3" [id=314, type=reshape, metatype=PTReshapeMetatype]; -"features/3/1/attn/__getitem__/5" [id=315, type="__getitem__", metatype=PTGatherMetatype]; -"features/3/1/attn/contiguous/1" [id=316, type=contiguous, metatype=PTNoopMetatype]; -"features.3.1.norm1.weight" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.norm1.bias" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/norm1/layer_norm/0" [id=319, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/3/1/add/0" [id=320, type=add, metatype=PTAddMetatype]; -"features.3.1.mlp.0.weight" [id=321, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.mlp.0.bias" [id=322, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/mlp/0/linear/0" [id=323, type=linear, metatype=PTLinearMetatype]; -"features/3/1/mlp/1/gelu/0" [id=324, type=gelu, metatype=PTGELUMetatype]; -"features/3/1/mlp/2/dropout/0" [id=325, type=dropout, metatype=PTDropoutMetatype]; -"features.3.1.mlp.3.weight" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.mlp.3.bias" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/mlp/3/linear/0" [id=328, type=linear, metatype=PTLinearMetatype]; -"features/3/1/mlp/4/dropout/0" [id=329, type=dropout, metatype=PTDropoutMetatype]; -"features.3.1.norm2.weight" [id=330, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.1.norm2.bias" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/1/norm2/layer_norm/0" [id=332, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/3/1/add/1" [id=333, type=add, metatype=PTAddMetatype]; -"features/4/pad/0" [id=334, type=pad, metatype=PTPadMetatype]; -"features/4/__getitem__/0" [id=335, type="__getitem__", metatype=PTGatherMetatype]; -"features/4/__getitem__/1" [id=336, type="__getitem__", metatype=PTGatherMetatype]; -"features/4/__getitem__/2" [id=337, type="__getitem__", metatype=PTGatherMetatype]; -"features/4/__getitem__/3" [id=338, type="__getitem__", metatype=PTGatherMetatype]; -"features/4/cat/0" [id=339, type=cat, metatype=PTCatMetatype]; -"features.4.reduction.weight" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/reduction/linear/0" [id=341, type=linear, metatype=PTLinearMetatype]; -"features.4.norm.weight" [id=342, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.norm.bias" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/norm/layer_norm/0" [id=344, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.5.0.attn.relative_coords_table" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.attn.cpb_mlp.0.weight" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.attn.cpb_mlp.0.bias" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/attn/cpb_mlp/0/linear/0" [id=348, type=linear, metatype=PTLinearMetatype]; -"features/5/0/attn/cpb_mlp/1/relu_/0" [id=349, type="relu_", metatype=PTRELUMetatype]; -"features.5.0.attn.cpb_mlp.2.weight" [id=350, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/attn/cpb_mlp/2/linear/0" [id=351, type=linear, metatype=PTLinearMetatype]; -"features/5/0/attn/view/0" [id=352, type=view, metatype=PTReshapeMetatype]; -"features.5.0.attn.relative_position_index" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/attn/__getitem__/0" [id=354, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/0/attn/view/1" [id=355, type=view, metatype=PTReshapeMetatype]; -"features/5/0/attn/permute/0" [id=356, type=permute, metatype=PTTransposeMetatype]; -"features/5/0/attn/contiguous/0" [id=357, type=contiguous, metatype=PTNoopMetatype]; -"features/5/0/attn/unsqueeze/0" [id=358, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/0/attn/sigmoid/0" [id=359, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/0/attn/mul/0" [id=360, type=mul, metatype=PTMulMetatype]; -"features/5/0/attn/pad/0" [id=361, type=pad, metatype=PTPadMetatype]; -"features/5/0/attn/view/2" [id=362, type=view, metatype=PTReshapeMetatype]; -"features/5/0/attn/permute/1" [id=363, type=permute, metatype=PTTransposeMetatype]; -"features/5/0/attn/reshape/0" [id=364, type=reshape, metatype=PTReshapeMetatype]; -"features.5.0.attn.qkv.bias" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/attn/clone/0" [id=366, type=clone, metatype=PTNoopMetatype]; -"features/5/0/attn/numel/0" [id=367, type=numel, metatype=UnknownMetatype]; -"features/5/0/attn/__getitem__/1" [id=368, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/0/attn/zero_/0" [id=369, type="zero_", metatype=UnknownMetatype]; -"features.5.0.attn.qkv.weight" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/attn/linear/0" [id=371, type=linear, metatype=PTLinearMetatype]; -"features/5/0/attn/reshape/1" [id=372, type=reshape, metatype=PTReshapeMetatype]; -"features/5/0/attn/permute/2" [id=373, type=permute, metatype=PTTransposeMetatype]; -"features/5/0/attn/__getitem__/2" [id=374, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/0/attn/__getitem__/3" [id=375, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/0/attn/__getitem__/4" [id=376, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/0/attn/normalize/0" [id=377, type=normalize, metatype=PTReduceL2]; -"features/5/0/attn/normalize/1" [id=378, type=normalize, metatype=PTReduceL2]; -"features/5/0/attn/transpose/0" [id=379, type=transpose, metatype=PTTransposeMetatype]; -"features/5/0/attn/matmul/0" [id=380, type=matmul, metatype=PTMatMulMetatype]; -"features.5.0.attn.logit_scale" [id=381, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/attn/clamp/0" [id=382, type=clamp, metatype=UnknownMetatype]; -"features/5/0/attn/exp/0" [id=383, type=exp, metatype=PTExpMetatype]; -"features/5/0/attn/mul/1" [id=384, type=mul, metatype=PTMulMetatype]; -"features/5/0/attn/add/0" [id=385, type=add, metatype=PTAddMetatype]; -"features/5/0/attn/softmax/0" [id=386, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/0/attn/dropout/0" [id=387, type=dropout, metatype=PTDropoutMetatype]; -"features/5/0/attn/matmul/1" [id=388, type=matmul, metatype=PTMatMulMetatype]; -"features/5/0/attn/transpose/1" [id=389, type=transpose, metatype=PTTransposeMetatype]; -"features/5/0/attn/reshape/2" [id=390, type=reshape, metatype=PTReshapeMetatype]; -"features.5.0.attn.proj.weight" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.attn.proj.bias" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/attn/linear/1" [id=393, type=linear, metatype=PTLinearMetatype]; -"features/5/0/attn/dropout/1" [id=394, type=dropout, metatype=PTDropoutMetatype]; -"features/5/0/attn/view/3" [id=395, type=view, metatype=PTReshapeMetatype]; -"features/5/0/attn/permute/3" [id=396, type=permute, metatype=PTTransposeMetatype]; -"features/5/0/attn/reshape/3" [id=397, type=reshape, metatype=PTReshapeMetatype]; -"features/5/0/attn/__getitem__/5" [id=398, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/0/attn/contiguous/1" [id=399, type=contiguous, metatype=PTNoopMetatype]; -"features.5.0.norm1.weight" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.norm1.bias" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/norm1/layer_norm/0" [id=402, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/0/add/0" [id=403, type=add, metatype=PTAddMetatype]; -"features.5.0.mlp.0.weight" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.mlp.0.bias" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/mlp/0/linear/0" [id=406, type=linear, metatype=PTLinearMetatype]; -"features/5/0/mlp/1/gelu/0" [id=407, type=gelu, metatype=PTGELUMetatype]; -"features/5/0/mlp/2/dropout/0" [id=408, type=dropout, metatype=PTDropoutMetatype]; -"features.5.0.mlp.3.weight" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.mlp.3.bias" [id=410, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/mlp/3/linear/0" [id=411, type=linear, metatype=PTLinearMetatype]; -"features/5/0/mlp/4/dropout/0" [id=412, type=dropout, metatype=PTDropoutMetatype]; -"features.5.0.norm2.weight" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.0.norm2.bias" [id=414, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/0/norm2/layer_norm/0" [id=415, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/0/add/1" [id=416, type=add, metatype=PTAddMetatype]; -"features.5.1.attn.relative_coords_table" [id=417, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.attn.cpb_mlp.0.weight" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.attn.cpb_mlp.0.bias" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/attn/cpb_mlp/0/linear/0" [id=420, type=linear, metatype=PTLinearMetatype]; -"features/5/1/attn/cpb_mlp/1/relu_/0" [id=421, type="relu_", metatype=PTRELUMetatype]; -"features.5.1.attn.cpb_mlp.2.weight" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/attn/cpb_mlp/2/linear/0" [id=423, type=linear, metatype=PTLinearMetatype]; -"features/5/1/attn/view/0" [id=424, type=view, metatype=PTReshapeMetatype]; -"features.5.1.attn.relative_position_index" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/attn/__getitem__/0" [id=426, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/1/attn/view/1" [id=427, type=view, metatype=PTReshapeMetatype]; -"features/5/1/attn/permute/0" [id=428, type=permute, metatype=PTTransposeMetatype]; -"features/5/1/attn/contiguous/0" [id=429, type=contiguous, metatype=PTNoopMetatype]; -"features/5/1/attn/unsqueeze/0" [id=430, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/1/attn/sigmoid/0" [id=431, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/1/attn/mul/0" [id=432, type=mul, metatype=PTMulMetatype]; -"features/5/1/attn/pad/0" [id=433, type=pad, metatype=PTPadMetatype]; -"features/5/1/attn/view/2" [id=434, type=view, metatype=PTReshapeMetatype]; -"features/5/1/attn/permute/1" [id=435, type=permute, metatype=PTTransposeMetatype]; -"features/5/1/attn/reshape/0" [id=436, type=reshape, metatype=PTReshapeMetatype]; -"features.5.1.attn.qkv.bias" [id=437, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/attn/clone/0" [id=438, type=clone, metatype=PTNoopMetatype]; -"features/5/1/attn/numel/0" [id=439, type=numel, metatype=UnknownMetatype]; -"features/5/1/attn/__getitem__/1" [id=440, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/1/attn/zero_/0" [id=441, type="zero_", metatype=UnknownMetatype]; -"features.5.1.attn.qkv.weight" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/attn/linear/0" [id=443, type=linear, metatype=PTLinearMetatype]; -"features/5/1/attn/reshape/1" [id=444, type=reshape, metatype=PTReshapeMetatype]; -"features/5/1/attn/permute/2" [id=445, type=permute, metatype=PTTransposeMetatype]; -"features/5/1/attn/__getitem__/2" [id=446, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/1/attn/__getitem__/3" [id=447, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/1/attn/__getitem__/4" [id=448, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/1/attn/normalize/0" [id=449, type=normalize, metatype=PTReduceL2]; -"features/5/1/attn/normalize/1" [id=450, type=normalize, metatype=PTReduceL2]; -"features/5/1/attn/transpose/0" [id=451, type=transpose, metatype=PTTransposeMetatype]; -"features/5/1/attn/matmul/0" [id=452, type=matmul, metatype=PTMatMulMetatype]; -"features.5.1.attn.logit_scale" [id=453, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/attn/clamp/0" [id=454, type=clamp, metatype=UnknownMetatype]; -"features/5/1/attn/exp/0" [id=455, type=exp, metatype=PTExpMetatype]; -"features/5/1/attn/mul/1" [id=456, type=mul, metatype=PTMulMetatype]; -"features/5/1/attn/add/0" [id=457, type=add, metatype=PTAddMetatype]; -"features/5/1/attn/softmax/0" [id=458, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/1/attn/dropout/0" [id=459, type=dropout, metatype=PTDropoutMetatype]; -"features/5/1/attn/matmul/1" [id=460, type=matmul, metatype=PTMatMulMetatype]; -"features/5/1/attn/transpose/1" [id=461, type=transpose, metatype=PTTransposeMetatype]; -"features/5/1/attn/reshape/2" [id=462, type=reshape, metatype=PTReshapeMetatype]; -"features.5.1.attn.proj.weight" [id=463, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.attn.proj.bias" [id=464, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/attn/linear/1" [id=465, type=linear, metatype=PTLinearMetatype]; -"features/5/1/attn/dropout/1" [id=466, type=dropout, metatype=PTDropoutMetatype]; -"features/5/1/attn/view/3" [id=467, type=view, metatype=PTReshapeMetatype]; -"features/5/1/attn/permute/3" [id=468, type=permute, metatype=PTTransposeMetatype]; -"features/5/1/attn/reshape/3" [id=469, type=reshape, metatype=PTReshapeMetatype]; -"features/5/1/attn/__getitem__/5" [id=470, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/1/attn/contiguous/1" [id=471, type=contiguous, metatype=PTNoopMetatype]; -"features.5.1.norm1.weight" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.norm1.bias" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/norm1/layer_norm/0" [id=474, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/1/add/0" [id=475, type=add, metatype=PTAddMetatype]; -"features.5.1.mlp.0.weight" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.mlp.0.bias" [id=477, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/mlp/0/linear/0" [id=478, type=linear, metatype=PTLinearMetatype]; -"features/5/1/mlp/1/gelu/0" [id=479, type=gelu, metatype=PTGELUMetatype]; -"features/5/1/mlp/2/dropout/0" [id=480, type=dropout, metatype=PTDropoutMetatype]; -"features.5.1.mlp.3.weight" [id=481, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.mlp.3.bias" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/mlp/3/linear/0" [id=483, type=linear, metatype=PTLinearMetatype]; -"features/5/1/mlp/4/dropout/0" [id=484, type=dropout, metatype=PTDropoutMetatype]; -"features.5.1.norm2.weight" [id=485, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.1.norm2.bias" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/1/norm2/layer_norm/0" [id=487, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/1/add/1" [id=488, type=add, metatype=PTAddMetatype]; -"features.5.2.attn.relative_coords_table" [id=489, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.attn.cpb_mlp.0.weight" [id=490, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.attn.cpb_mlp.0.bias" [id=491, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/attn/cpb_mlp/0/linear/0" [id=492, type=linear, metatype=PTLinearMetatype]; -"features/5/2/attn/cpb_mlp/1/relu_/0" [id=493, type="relu_", metatype=PTRELUMetatype]; -"features.5.2.attn.cpb_mlp.2.weight" [id=494, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/attn/cpb_mlp/2/linear/0" [id=495, type=linear, metatype=PTLinearMetatype]; -"features/5/2/attn/view/0" [id=496, type=view, metatype=PTReshapeMetatype]; -"features.5.2.attn.relative_position_index" [id=497, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/attn/__getitem__/0" [id=498, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/2/attn/view/1" [id=499, type=view, metatype=PTReshapeMetatype]; -"features/5/2/attn/permute/0" [id=500, type=permute, metatype=PTTransposeMetatype]; -"features/5/2/attn/contiguous/0" [id=501, type=contiguous, metatype=PTNoopMetatype]; -"features/5/2/attn/unsqueeze/0" [id=502, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/2/attn/sigmoid/0" [id=503, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/2/attn/mul/0" [id=504, type=mul, metatype=PTMulMetatype]; -"features/5/2/attn/pad/0" [id=505, type=pad, metatype=PTPadMetatype]; -"features/5/2/attn/view/2" [id=506, type=view, metatype=PTReshapeMetatype]; -"features/5/2/attn/permute/1" [id=507, type=permute, metatype=PTTransposeMetatype]; -"features/5/2/attn/reshape/0" [id=508, type=reshape, metatype=PTReshapeMetatype]; -"features.5.2.attn.qkv.bias" [id=509, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/attn/clone/0" [id=510, type=clone, metatype=PTNoopMetatype]; -"features/5/2/attn/numel/0" [id=511, type=numel, metatype=UnknownMetatype]; -"features/5/2/attn/__getitem__/1" [id=512, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/2/attn/zero_/0" [id=513, type="zero_", metatype=UnknownMetatype]; -"features.5.2.attn.qkv.weight" [id=514, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/attn/linear/0" [id=515, type=linear, metatype=PTLinearMetatype]; -"features/5/2/attn/reshape/1" [id=516, type=reshape, metatype=PTReshapeMetatype]; -"features/5/2/attn/permute/2" [id=517, type=permute, metatype=PTTransposeMetatype]; -"features/5/2/attn/__getitem__/2" [id=518, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/2/attn/__getitem__/3" [id=519, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/2/attn/__getitem__/4" [id=520, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/2/attn/normalize/0" [id=521, type=normalize, metatype=PTReduceL2]; -"features/5/2/attn/normalize/1" [id=522, type=normalize, metatype=PTReduceL2]; -"features/5/2/attn/transpose/0" [id=523, type=transpose, metatype=PTTransposeMetatype]; -"features/5/2/attn/matmul/0" [id=524, type=matmul, metatype=PTMatMulMetatype]; -"features.5.2.attn.logit_scale" [id=525, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/attn/clamp/0" [id=526, type=clamp, metatype=UnknownMetatype]; -"features/5/2/attn/exp/0" [id=527, type=exp, metatype=PTExpMetatype]; -"features/5/2/attn/mul/1" [id=528, type=mul, metatype=PTMulMetatype]; -"features/5/2/attn/add/0" [id=529, type=add, metatype=PTAddMetatype]; -"features/5/2/attn/softmax/0" [id=530, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/2/attn/dropout/0" [id=531, type=dropout, metatype=PTDropoutMetatype]; -"features/5/2/attn/matmul/1" [id=532, type=matmul, metatype=PTMatMulMetatype]; -"features/5/2/attn/transpose/1" [id=533, type=transpose, metatype=PTTransposeMetatype]; -"features/5/2/attn/reshape/2" [id=534, type=reshape, metatype=PTReshapeMetatype]; -"features.5.2.attn.proj.weight" [id=535, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.attn.proj.bias" [id=536, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/attn/linear/1" [id=537, type=linear, metatype=PTLinearMetatype]; -"features/5/2/attn/dropout/1" [id=538, type=dropout, metatype=PTDropoutMetatype]; -"features/5/2/attn/view/3" [id=539, type=view, metatype=PTReshapeMetatype]; -"features/5/2/attn/permute/3" [id=540, type=permute, metatype=PTTransposeMetatype]; -"features/5/2/attn/reshape/3" [id=541, type=reshape, metatype=PTReshapeMetatype]; -"features/5/2/attn/__getitem__/5" [id=542, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/2/attn/contiguous/1" [id=543, type=contiguous, metatype=PTNoopMetatype]; -"features.5.2.norm1.weight" [id=544, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.norm1.bias" [id=545, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/norm1/layer_norm/0" [id=546, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/2/add/0" [id=547, type=add, metatype=PTAddMetatype]; -"features.5.2.mlp.0.weight" [id=548, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.mlp.0.bias" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/mlp/0/linear/0" [id=550, type=linear, metatype=PTLinearMetatype]; -"features/5/2/mlp/1/gelu/0" [id=551, type=gelu, metatype=PTGELUMetatype]; -"features/5/2/mlp/2/dropout/0" [id=552, type=dropout, metatype=PTDropoutMetatype]; -"features.5.2.mlp.3.weight" [id=553, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.mlp.3.bias" [id=554, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/mlp/3/linear/0" [id=555, type=linear, metatype=PTLinearMetatype]; -"features/5/2/mlp/4/dropout/0" [id=556, type=dropout, metatype=PTDropoutMetatype]; -"features.5.2.norm2.weight" [id=557, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.2.norm2.bias" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/2/norm2/layer_norm/0" [id=559, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/2/add/1" [id=560, type=add, metatype=PTAddMetatype]; -"features.5.3.attn.relative_coords_table" [id=561, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.3.attn.cpb_mlp.0.weight" [id=562, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.3.attn.cpb_mlp.0.bias" [id=563, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/attn/cpb_mlp/0/linear/0" [id=564, type=linear, metatype=PTLinearMetatype]; -"features/5/3/attn/cpb_mlp/1/relu_/0" [id=565, type="relu_", metatype=PTRELUMetatype]; -"features.5.3.attn.cpb_mlp.2.weight" [id=566, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/attn/cpb_mlp/2/linear/0" [id=567, type=linear, metatype=PTLinearMetatype]; -"features/5/3/attn/view/0" [id=568, type=view, metatype=PTReshapeMetatype]; -"features.5.3.attn.relative_position_index" [id=569, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/attn/__getitem__/0" [id=570, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/3/attn/view/1" [id=571, type=view, metatype=PTReshapeMetatype]; -"features/5/3/attn/permute/0" [id=572, type=permute, metatype=PTTransposeMetatype]; -"features/5/3/attn/contiguous/0" [id=573, type=contiguous, metatype=PTNoopMetatype]; -"features/5/3/attn/unsqueeze/0" [id=574, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/3/attn/sigmoid/0" [id=575, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/3/attn/mul/0" [id=576, type=mul, metatype=PTMulMetatype]; -"features/5/3/attn/pad/0" [id=577, type=pad, metatype=PTPadMetatype]; -"features/5/3/attn/view/2" [id=578, type=view, metatype=PTReshapeMetatype]; -"features/5/3/attn/permute/1" [id=579, type=permute, metatype=PTTransposeMetatype]; -"features/5/3/attn/reshape/0" [id=580, type=reshape, metatype=PTReshapeMetatype]; -"features.5.3.attn.qkv.bias" [id=581, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/attn/clone/0" [id=582, type=clone, metatype=PTNoopMetatype]; -"features/5/3/attn/numel/0" [id=583, type=numel, metatype=UnknownMetatype]; -"features/5/3/attn/__getitem__/1" [id=584, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/3/attn/zero_/0" [id=585, type="zero_", metatype=UnknownMetatype]; -"features.5.3.attn.qkv.weight" [id=586, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/attn/linear/0" [id=587, type=linear, metatype=PTLinearMetatype]; -"features/5/3/attn/reshape/1" [id=588, type=reshape, metatype=PTReshapeMetatype]; -"features/5/3/attn/permute/2" [id=589, type=permute, metatype=PTTransposeMetatype]; -"features/5/3/attn/__getitem__/2" [id=590, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/3/attn/__getitem__/3" [id=591, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/3/attn/__getitem__/4" [id=592, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/3/attn/normalize/0" [id=593, type=normalize, metatype=PTReduceL2]; -"features/5/3/attn/normalize/1" [id=594, type=normalize, metatype=PTReduceL2]; -"features/5/3/attn/transpose/0" [id=595, type=transpose, metatype=PTTransposeMetatype]; -"features/5/3/attn/matmul/0" [id=596, type=matmul, metatype=PTMatMulMetatype]; -"features.5.3.attn.logit_scale" [id=597, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/attn/clamp/0" [id=598, type=clamp, metatype=UnknownMetatype]; -"features/5/3/attn/exp/0" [id=599, type=exp, metatype=PTExpMetatype]; -"features/5/3/attn/mul/1" [id=600, type=mul, metatype=PTMulMetatype]; -"features/5/3/attn/add/0" [id=601, type=add, metatype=PTAddMetatype]; -"features/5/3/attn/softmax/0" [id=602, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/3/attn/dropout/0" [id=603, type=dropout, metatype=PTDropoutMetatype]; -"features/5/3/attn/matmul/1" [id=604, type=matmul, metatype=PTMatMulMetatype]; -"features/5/3/attn/transpose/1" [id=605, type=transpose, metatype=PTTransposeMetatype]; -"features/5/3/attn/reshape/2" [id=606, type=reshape, metatype=PTReshapeMetatype]; -"features.5.3.attn.proj.weight" [id=607, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.3.attn.proj.bias" [id=608, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/attn/linear/1" [id=609, type=linear, metatype=PTLinearMetatype]; -"features/5/3/attn/dropout/1" [id=610, type=dropout, metatype=PTDropoutMetatype]; -"features/5/3/attn/view/3" [id=611, type=view, metatype=PTReshapeMetatype]; -"features/5/3/attn/permute/3" [id=612, type=permute, metatype=PTTransposeMetatype]; -"features/5/3/attn/reshape/3" [id=613, type=reshape, metatype=PTReshapeMetatype]; -"features/5/3/attn/__getitem__/5" [id=614, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/3/attn/contiguous/1" [id=615, type=contiguous, metatype=PTNoopMetatype]; -"features.5.3.norm1.weight" [id=616, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.3.norm1.bias" [id=617, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/norm1/layer_norm/0" [id=618, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/3/add/0" [id=619, type=add, metatype=PTAddMetatype]; -"features.5.3.mlp.0.weight" [id=620, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.3.mlp.0.bias" [id=621, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/mlp/0/linear/0" [id=622, type=linear, metatype=PTLinearMetatype]; -"features/5/3/mlp/1/gelu/0" [id=623, type=gelu, metatype=PTGELUMetatype]; -"features/5/3/mlp/2/dropout/0" [id=624, type=dropout, metatype=PTDropoutMetatype]; -"features.5.3.mlp.3.weight" [id=625, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.3.mlp.3.bias" [id=626, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/mlp/3/linear/0" [id=627, type=linear, metatype=PTLinearMetatype]; -"features/5/3/mlp/4/dropout/0" [id=628, type=dropout, metatype=PTDropoutMetatype]; -"features.5.3.norm2.weight" [id=629, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.3.norm2.bias" [id=630, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/3/norm2/layer_norm/0" [id=631, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/3/add/1" [id=632, type=add, metatype=PTAddMetatype]; -"features.5.4.attn.relative_coords_table" [id=633, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.4.attn.cpb_mlp.0.weight" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.4.attn.cpb_mlp.0.bias" [id=635, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/attn/cpb_mlp/0/linear/0" [id=636, type=linear, metatype=PTLinearMetatype]; -"features/5/4/attn/cpb_mlp/1/relu_/0" [id=637, type="relu_", metatype=PTRELUMetatype]; -"features.5.4.attn.cpb_mlp.2.weight" [id=638, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/attn/cpb_mlp/2/linear/0" [id=639, type=linear, metatype=PTLinearMetatype]; -"features/5/4/attn/view/0" [id=640, type=view, metatype=PTReshapeMetatype]; -"features.5.4.attn.relative_position_index" [id=641, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/attn/__getitem__/0" [id=642, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/4/attn/view/1" [id=643, type=view, metatype=PTReshapeMetatype]; -"features/5/4/attn/permute/0" [id=644, type=permute, metatype=PTTransposeMetatype]; -"features/5/4/attn/contiguous/0" [id=645, type=contiguous, metatype=PTNoopMetatype]; -"features/5/4/attn/unsqueeze/0" [id=646, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/4/attn/sigmoid/0" [id=647, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/4/attn/mul/0" [id=648, type=mul, metatype=PTMulMetatype]; -"features/5/4/attn/pad/0" [id=649, type=pad, metatype=PTPadMetatype]; -"features/5/4/attn/view/2" [id=650, type=view, metatype=PTReshapeMetatype]; -"features/5/4/attn/permute/1" [id=651, type=permute, metatype=PTTransposeMetatype]; -"features/5/4/attn/reshape/0" [id=652, type=reshape, metatype=PTReshapeMetatype]; -"features.5.4.attn.qkv.bias" [id=653, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/attn/clone/0" [id=654, type=clone, metatype=PTNoopMetatype]; -"features/5/4/attn/numel/0" [id=655, type=numel, metatype=UnknownMetatype]; -"features/5/4/attn/__getitem__/1" [id=656, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/4/attn/zero_/0" [id=657, type="zero_", metatype=UnknownMetatype]; -"features.5.4.attn.qkv.weight" [id=658, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/attn/linear/0" [id=659, type=linear, metatype=PTLinearMetatype]; -"features/5/4/attn/reshape/1" [id=660, type=reshape, metatype=PTReshapeMetatype]; -"features/5/4/attn/permute/2" [id=661, type=permute, metatype=PTTransposeMetatype]; -"features/5/4/attn/__getitem__/2" [id=662, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/4/attn/__getitem__/3" [id=663, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/4/attn/__getitem__/4" [id=664, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/4/attn/normalize/0" [id=665, type=normalize, metatype=PTReduceL2]; -"features/5/4/attn/normalize/1" [id=666, type=normalize, metatype=PTReduceL2]; -"features/5/4/attn/transpose/0" [id=667, type=transpose, metatype=PTTransposeMetatype]; -"features/5/4/attn/matmul/0" [id=668, type=matmul, metatype=PTMatMulMetatype]; -"features.5.4.attn.logit_scale" [id=669, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/attn/clamp/0" [id=670, type=clamp, metatype=UnknownMetatype]; -"features/5/4/attn/exp/0" [id=671, type=exp, metatype=PTExpMetatype]; -"features/5/4/attn/mul/1" [id=672, type=mul, metatype=PTMulMetatype]; -"features/5/4/attn/add/0" [id=673, type=add, metatype=PTAddMetatype]; -"features/5/4/attn/softmax/0" [id=674, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/4/attn/dropout/0" [id=675, type=dropout, metatype=PTDropoutMetatype]; -"features/5/4/attn/matmul/1" [id=676, type=matmul, metatype=PTMatMulMetatype]; -"features/5/4/attn/transpose/1" [id=677, type=transpose, metatype=PTTransposeMetatype]; -"features/5/4/attn/reshape/2" [id=678, type=reshape, metatype=PTReshapeMetatype]; -"features.5.4.attn.proj.weight" [id=679, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.4.attn.proj.bias" [id=680, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/attn/linear/1" [id=681, type=linear, metatype=PTLinearMetatype]; -"features/5/4/attn/dropout/1" [id=682, type=dropout, metatype=PTDropoutMetatype]; -"features/5/4/attn/view/3" [id=683, type=view, metatype=PTReshapeMetatype]; -"features/5/4/attn/permute/3" [id=684, type=permute, metatype=PTTransposeMetatype]; -"features/5/4/attn/reshape/3" [id=685, type=reshape, metatype=PTReshapeMetatype]; -"features/5/4/attn/__getitem__/5" [id=686, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/4/attn/contiguous/1" [id=687, type=contiguous, metatype=PTNoopMetatype]; -"features.5.4.norm1.weight" [id=688, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.4.norm1.bias" [id=689, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/norm1/layer_norm/0" [id=690, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/4/add/0" [id=691, type=add, metatype=PTAddMetatype]; -"features.5.4.mlp.0.weight" [id=692, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.4.mlp.0.bias" [id=693, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/mlp/0/linear/0" [id=694, type=linear, metatype=PTLinearMetatype]; -"features/5/4/mlp/1/gelu/0" [id=695, type=gelu, metatype=PTGELUMetatype]; -"features/5/4/mlp/2/dropout/0" [id=696, type=dropout, metatype=PTDropoutMetatype]; -"features.5.4.mlp.3.weight" [id=697, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.4.mlp.3.bias" [id=698, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/mlp/3/linear/0" [id=699, type=linear, metatype=PTLinearMetatype]; -"features/5/4/mlp/4/dropout/0" [id=700, type=dropout, metatype=PTDropoutMetatype]; -"features.5.4.norm2.weight" [id=701, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.4.norm2.bias" [id=702, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/4/norm2/layer_norm/0" [id=703, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/4/add/1" [id=704, type=add, metatype=PTAddMetatype]; -"features.5.5.attn.relative_coords_table" [id=705, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.5.attn.cpb_mlp.0.weight" [id=706, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.5.attn.cpb_mlp.0.bias" [id=707, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/attn/cpb_mlp/0/linear/0" [id=708, type=linear, metatype=PTLinearMetatype]; -"features/5/5/attn/cpb_mlp/1/relu_/0" [id=709, type="relu_", metatype=PTRELUMetatype]; -"features.5.5.attn.cpb_mlp.2.weight" [id=710, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/attn/cpb_mlp/2/linear/0" [id=711, type=linear, metatype=PTLinearMetatype]; -"features/5/5/attn/view/0" [id=712, type=view, metatype=PTReshapeMetatype]; -"features.5.5.attn.relative_position_index" [id=713, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/attn/__getitem__/0" [id=714, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/5/attn/view/1" [id=715, type=view, metatype=PTReshapeMetatype]; -"features/5/5/attn/permute/0" [id=716, type=permute, metatype=PTTransposeMetatype]; -"features/5/5/attn/contiguous/0" [id=717, type=contiguous, metatype=PTNoopMetatype]; -"features/5/5/attn/unsqueeze/0" [id=718, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/5/attn/sigmoid/0" [id=719, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/5/attn/mul/0" [id=720, type=mul, metatype=PTMulMetatype]; -"features/5/5/attn/pad/0" [id=721, type=pad, metatype=PTPadMetatype]; -"features/5/5/attn/view/2" [id=722, type=view, metatype=PTReshapeMetatype]; -"features/5/5/attn/permute/1" [id=723, type=permute, metatype=PTTransposeMetatype]; -"features/5/5/attn/reshape/0" [id=724, type=reshape, metatype=PTReshapeMetatype]; -"features.5.5.attn.qkv.bias" [id=725, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/attn/clone/0" [id=726, type=clone, metatype=PTNoopMetatype]; -"features/5/5/attn/numel/0" [id=727, type=numel, metatype=UnknownMetatype]; -"features/5/5/attn/__getitem__/1" [id=728, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/5/attn/zero_/0" [id=729, type="zero_", metatype=UnknownMetatype]; -"features.5.5.attn.qkv.weight" [id=730, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/attn/linear/0" [id=731, type=linear, metatype=PTLinearMetatype]; -"features/5/5/attn/reshape/1" [id=732, type=reshape, metatype=PTReshapeMetatype]; -"features/5/5/attn/permute/2" [id=733, type=permute, metatype=PTTransposeMetatype]; -"features/5/5/attn/__getitem__/2" [id=734, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/5/attn/__getitem__/3" [id=735, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/5/attn/__getitem__/4" [id=736, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/5/attn/normalize/0" [id=737, type=normalize, metatype=PTReduceL2]; -"features/5/5/attn/normalize/1" [id=738, type=normalize, metatype=PTReduceL2]; -"features/5/5/attn/transpose/0" [id=739, type=transpose, metatype=PTTransposeMetatype]; -"features/5/5/attn/matmul/0" [id=740, type=matmul, metatype=PTMatMulMetatype]; -"features.5.5.attn.logit_scale" [id=741, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/attn/clamp/0" [id=742, type=clamp, metatype=UnknownMetatype]; -"features/5/5/attn/exp/0" [id=743, type=exp, metatype=PTExpMetatype]; -"features/5/5/attn/mul/1" [id=744, type=mul, metatype=PTMulMetatype]; -"features/5/5/attn/add/0" [id=745, type=add, metatype=PTAddMetatype]; -"features/5/5/attn/softmax/0" [id=746, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/5/attn/dropout/0" [id=747, type=dropout, metatype=PTDropoutMetatype]; -"features/5/5/attn/matmul/1" [id=748, type=matmul, metatype=PTMatMulMetatype]; -"features/5/5/attn/transpose/1" [id=749, type=transpose, metatype=PTTransposeMetatype]; -"features/5/5/attn/reshape/2" [id=750, type=reshape, metatype=PTReshapeMetatype]; -"features.5.5.attn.proj.weight" [id=751, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.5.attn.proj.bias" [id=752, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/attn/linear/1" [id=753, type=linear, metatype=PTLinearMetatype]; -"features/5/5/attn/dropout/1" [id=754, type=dropout, metatype=PTDropoutMetatype]; -"features/5/5/attn/view/3" [id=755, type=view, metatype=PTReshapeMetatype]; -"features/5/5/attn/permute/3" [id=756, type=permute, metatype=PTTransposeMetatype]; -"features/5/5/attn/reshape/3" [id=757, type=reshape, metatype=PTReshapeMetatype]; -"features/5/5/attn/__getitem__/5" [id=758, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/5/attn/contiguous/1" [id=759, type=contiguous, metatype=PTNoopMetatype]; -"features.5.5.norm1.weight" [id=760, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.5.norm1.bias" [id=761, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/norm1/layer_norm/0" [id=762, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/5/add/0" [id=763, type=add, metatype=PTAddMetatype]; -"features.5.5.mlp.0.weight" [id=764, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.5.mlp.0.bias" [id=765, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/mlp/0/linear/0" [id=766, type=linear, metatype=PTLinearMetatype]; -"features/5/5/mlp/1/gelu/0" [id=767, type=gelu, metatype=PTGELUMetatype]; -"features/5/5/mlp/2/dropout/0" [id=768, type=dropout, metatype=PTDropoutMetatype]; -"features.5.5.mlp.3.weight" [id=769, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.5.mlp.3.bias" [id=770, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/mlp/3/linear/0" [id=771, type=linear, metatype=PTLinearMetatype]; -"features/5/5/mlp/4/dropout/0" [id=772, type=dropout, metatype=PTDropoutMetatype]; -"features.5.5.norm2.weight" [id=773, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.5.norm2.bias" [id=774, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/5/norm2/layer_norm/0" [id=775, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/5/add/1" [id=776, type=add, metatype=PTAddMetatype]; -"features.5.6.attn.relative_coords_table" [id=777, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.6.attn.cpb_mlp.0.weight" [id=778, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.6.attn.cpb_mlp.0.bias" [id=779, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/attn/cpb_mlp/0/linear/0" [id=780, type=linear, metatype=PTLinearMetatype]; -"features/5/6/attn/cpb_mlp/1/relu_/0" [id=781, type="relu_", metatype=PTRELUMetatype]; -"features.5.6.attn.cpb_mlp.2.weight" [id=782, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/attn/cpb_mlp/2/linear/0" [id=783, type=linear, metatype=PTLinearMetatype]; -"features/5/6/attn/view/0" [id=784, type=view, metatype=PTReshapeMetatype]; -"features.5.6.attn.relative_position_index" [id=785, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/attn/__getitem__/0" [id=786, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/6/attn/view/1" [id=787, type=view, metatype=PTReshapeMetatype]; -"features/5/6/attn/permute/0" [id=788, type=permute, metatype=PTTransposeMetatype]; -"features/5/6/attn/contiguous/0" [id=789, type=contiguous, metatype=PTNoopMetatype]; -"features/5/6/attn/unsqueeze/0" [id=790, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/6/attn/sigmoid/0" [id=791, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/6/attn/mul/0" [id=792, type=mul, metatype=PTMulMetatype]; -"features/5/6/attn/pad/0" [id=793, type=pad, metatype=PTPadMetatype]; -"features/5/6/attn/view/2" [id=794, type=view, metatype=PTReshapeMetatype]; -"features/5/6/attn/permute/1" [id=795, type=permute, metatype=PTTransposeMetatype]; -"features/5/6/attn/reshape/0" [id=796, type=reshape, metatype=PTReshapeMetatype]; -"features.5.6.attn.qkv.bias" [id=797, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/attn/clone/0" [id=798, type=clone, metatype=PTNoopMetatype]; -"features/5/6/attn/numel/0" [id=799, type=numel, metatype=UnknownMetatype]; -"features/5/6/attn/__getitem__/1" [id=800, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/6/attn/zero_/0" [id=801, type="zero_", metatype=UnknownMetatype]; -"features.5.6.attn.qkv.weight" [id=802, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/attn/linear/0" [id=803, type=linear, metatype=PTLinearMetatype]; -"features/5/6/attn/reshape/1" [id=804, type=reshape, metatype=PTReshapeMetatype]; -"features/5/6/attn/permute/2" [id=805, type=permute, metatype=PTTransposeMetatype]; -"features/5/6/attn/__getitem__/2" [id=806, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/6/attn/__getitem__/3" [id=807, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/6/attn/__getitem__/4" [id=808, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/6/attn/normalize/0" [id=809, type=normalize, metatype=PTReduceL2]; -"features/5/6/attn/normalize/1" [id=810, type=normalize, metatype=PTReduceL2]; -"features/5/6/attn/transpose/0" [id=811, type=transpose, metatype=PTTransposeMetatype]; -"features/5/6/attn/matmul/0" [id=812, type=matmul, metatype=PTMatMulMetatype]; -"features.5.6.attn.logit_scale" [id=813, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/attn/clamp/0" [id=814, type=clamp, metatype=UnknownMetatype]; -"features/5/6/attn/exp/0" [id=815, type=exp, metatype=PTExpMetatype]; -"features/5/6/attn/mul/1" [id=816, type=mul, metatype=PTMulMetatype]; -"features/5/6/attn/add/0" [id=817, type=add, metatype=PTAddMetatype]; -"features/5/6/attn/softmax/0" [id=818, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/6/attn/dropout/0" [id=819, type=dropout, metatype=PTDropoutMetatype]; -"features/5/6/attn/matmul/1" [id=820, type=matmul, metatype=PTMatMulMetatype]; -"features/5/6/attn/transpose/1" [id=821, type=transpose, metatype=PTTransposeMetatype]; -"features/5/6/attn/reshape/2" [id=822, type=reshape, metatype=PTReshapeMetatype]; -"features.5.6.attn.proj.weight" [id=823, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.6.attn.proj.bias" [id=824, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/attn/linear/1" [id=825, type=linear, metatype=PTLinearMetatype]; -"features/5/6/attn/dropout/1" [id=826, type=dropout, metatype=PTDropoutMetatype]; -"features/5/6/attn/view/3" [id=827, type=view, metatype=PTReshapeMetatype]; -"features/5/6/attn/permute/3" [id=828, type=permute, metatype=PTTransposeMetatype]; -"features/5/6/attn/reshape/3" [id=829, type=reshape, metatype=PTReshapeMetatype]; -"features/5/6/attn/__getitem__/5" [id=830, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/6/attn/contiguous/1" [id=831, type=contiguous, metatype=PTNoopMetatype]; -"features.5.6.norm1.weight" [id=832, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.6.norm1.bias" [id=833, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/norm1/layer_norm/0" [id=834, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/6/add/0" [id=835, type=add, metatype=PTAddMetatype]; -"features.5.6.mlp.0.weight" [id=836, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.6.mlp.0.bias" [id=837, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/mlp/0/linear/0" [id=838, type=linear, metatype=PTLinearMetatype]; -"features/5/6/mlp/1/gelu/0" [id=839, type=gelu, metatype=PTGELUMetatype]; -"features/5/6/mlp/2/dropout/0" [id=840, type=dropout, metatype=PTDropoutMetatype]; -"features.5.6.mlp.3.weight" [id=841, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.6.mlp.3.bias" [id=842, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/mlp/3/linear/0" [id=843, type=linear, metatype=PTLinearMetatype]; -"features/5/6/mlp/4/dropout/0" [id=844, type=dropout, metatype=PTDropoutMetatype]; -"features.5.6.norm2.weight" [id=845, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.6.norm2.bias" [id=846, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/6/norm2/layer_norm/0" [id=847, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/6/add/1" [id=848, type=add, metatype=PTAddMetatype]; -"features.5.7.attn.relative_coords_table" [id=849, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.7.attn.cpb_mlp.0.weight" [id=850, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.7.attn.cpb_mlp.0.bias" [id=851, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/attn/cpb_mlp/0/linear/0" [id=852, type=linear, metatype=PTLinearMetatype]; -"features/5/7/attn/cpb_mlp/1/relu_/0" [id=853, type="relu_", metatype=PTRELUMetatype]; -"features.5.7.attn.cpb_mlp.2.weight" [id=854, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/attn/cpb_mlp/2/linear/0" [id=855, type=linear, metatype=PTLinearMetatype]; -"features/5/7/attn/view/0" [id=856, type=view, metatype=PTReshapeMetatype]; -"features.5.7.attn.relative_position_index" [id=857, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/attn/__getitem__/0" [id=858, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/7/attn/view/1" [id=859, type=view, metatype=PTReshapeMetatype]; -"features/5/7/attn/permute/0" [id=860, type=permute, metatype=PTTransposeMetatype]; -"features/5/7/attn/contiguous/0" [id=861, type=contiguous, metatype=PTNoopMetatype]; -"features/5/7/attn/unsqueeze/0" [id=862, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/7/attn/sigmoid/0" [id=863, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/7/attn/mul/0" [id=864, type=mul, metatype=PTMulMetatype]; -"features/5/7/attn/pad/0" [id=865, type=pad, metatype=PTPadMetatype]; -"features/5/7/attn/view/2" [id=866, type=view, metatype=PTReshapeMetatype]; -"features/5/7/attn/permute/1" [id=867, type=permute, metatype=PTTransposeMetatype]; -"features/5/7/attn/reshape/0" [id=868, type=reshape, metatype=PTReshapeMetatype]; -"features.5.7.attn.qkv.bias" [id=869, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/attn/clone/0" [id=870, type=clone, metatype=PTNoopMetatype]; -"features/5/7/attn/numel/0" [id=871, type=numel, metatype=UnknownMetatype]; -"features/5/7/attn/__getitem__/1" [id=872, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/7/attn/zero_/0" [id=873, type="zero_", metatype=UnknownMetatype]; -"features.5.7.attn.qkv.weight" [id=874, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/attn/linear/0" [id=875, type=linear, metatype=PTLinearMetatype]; -"features/5/7/attn/reshape/1" [id=876, type=reshape, metatype=PTReshapeMetatype]; -"features/5/7/attn/permute/2" [id=877, type=permute, metatype=PTTransposeMetatype]; -"features/5/7/attn/__getitem__/2" [id=878, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/7/attn/__getitem__/3" [id=879, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/7/attn/__getitem__/4" [id=880, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/7/attn/normalize/0" [id=881, type=normalize, metatype=PTReduceL2]; -"features/5/7/attn/normalize/1" [id=882, type=normalize, metatype=PTReduceL2]; -"features/5/7/attn/transpose/0" [id=883, type=transpose, metatype=PTTransposeMetatype]; -"features/5/7/attn/matmul/0" [id=884, type=matmul, metatype=PTMatMulMetatype]; -"features.5.7.attn.logit_scale" [id=885, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/attn/clamp/0" [id=886, type=clamp, metatype=UnknownMetatype]; -"features/5/7/attn/exp/0" [id=887, type=exp, metatype=PTExpMetatype]; -"features/5/7/attn/mul/1" [id=888, type=mul, metatype=PTMulMetatype]; -"features/5/7/attn/add/0" [id=889, type=add, metatype=PTAddMetatype]; -"features/5/7/attn/softmax/0" [id=890, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/7/attn/dropout/0" [id=891, type=dropout, metatype=PTDropoutMetatype]; -"features/5/7/attn/matmul/1" [id=892, type=matmul, metatype=PTMatMulMetatype]; -"features/5/7/attn/transpose/1" [id=893, type=transpose, metatype=PTTransposeMetatype]; -"features/5/7/attn/reshape/2" [id=894, type=reshape, metatype=PTReshapeMetatype]; -"features.5.7.attn.proj.weight" [id=895, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.7.attn.proj.bias" [id=896, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/attn/linear/1" [id=897, type=linear, metatype=PTLinearMetatype]; -"features/5/7/attn/dropout/1" [id=898, type=dropout, metatype=PTDropoutMetatype]; -"features/5/7/attn/view/3" [id=899, type=view, metatype=PTReshapeMetatype]; -"features/5/7/attn/permute/3" [id=900, type=permute, metatype=PTTransposeMetatype]; -"features/5/7/attn/reshape/3" [id=901, type=reshape, metatype=PTReshapeMetatype]; -"features/5/7/attn/__getitem__/5" [id=902, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/7/attn/contiguous/1" [id=903, type=contiguous, metatype=PTNoopMetatype]; -"features.5.7.norm1.weight" [id=904, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.7.norm1.bias" [id=905, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/norm1/layer_norm/0" [id=906, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/7/add/0" [id=907, type=add, metatype=PTAddMetatype]; -"features.5.7.mlp.0.weight" [id=908, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.7.mlp.0.bias" [id=909, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/mlp/0/linear/0" [id=910, type=linear, metatype=PTLinearMetatype]; -"features/5/7/mlp/1/gelu/0" [id=911, type=gelu, metatype=PTGELUMetatype]; -"features/5/7/mlp/2/dropout/0" [id=912, type=dropout, metatype=PTDropoutMetatype]; -"features.5.7.mlp.3.weight" [id=913, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.7.mlp.3.bias" [id=914, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/mlp/3/linear/0" [id=915, type=linear, metatype=PTLinearMetatype]; -"features/5/7/mlp/4/dropout/0" [id=916, type=dropout, metatype=PTDropoutMetatype]; -"features.5.7.norm2.weight" [id=917, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.7.norm2.bias" [id=918, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/7/norm2/layer_norm/0" [id=919, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/7/add/1" [id=920, type=add, metatype=PTAddMetatype]; -"features.5.8.attn.relative_coords_table" [id=921, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.8.attn.cpb_mlp.0.weight" [id=922, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.8.attn.cpb_mlp.0.bias" [id=923, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/attn/cpb_mlp/0/linear/0" [id=924, type=linear, metatype=PTLinearMetatype]; -"features/5/8/attn/cpb_mlp/1/relu_/0" [id=925, type="relu_", metatype=PTRELUMetatype]; -"features.5.8.attn.cpb_mlp.2.weight" [id=926, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/attn/cpb_mlp/2/linear/0" [id=927, type=linear, metatype=PTLinearMetatype]; -"features/5/8/attn/view/0" [id=928, type=view, metatype=PTReshapeMetatype]; -"features.5.8.attn.relative_position_index" [id=929, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/attn/__getitem__/0" [id=930, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/8/attn/view/1" [id=931, type=view, metatype=PTReshapeMetatype]; -"features/5/8/attn/permute/0" [id=932, type=permute, metatype=PTTransposeMetatype]; -"features/5/8/attn/contiguous/0" [id=933, type=contiguous, metatype=PTNoopMetatype]; -"features/5/8/attn/unsqueeze/0" [id=934, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/8/attn/sigmoid/0" [id=935, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/8/attn/mul/0" [id=936, type=mul, metatype=PTMulMetatype]; -"features/5/8/attn/pad/0" [id=937, type=pad, metatype=PTPadMetatype]; -"features/5/8/attn/view/2" [id=938, type=view, metatype=PTReshapeMetatype]; -"features/5/8/attn/permute/1" [id=939, type=permute, metatype=PTTransposeMetatype]; -"features/5/8/attn/reshape/0" [id=940, type=reshape, metatype=PTReshapeMetatype]; -"features.5.8.attn.qkv.bias" [id=941, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/attn/clone/0" [id=942, type=clone, metatype=PTNoopMetatype]; -"features/5/8/attn/numel/0" [id=943, type=numel, metatype=UnknownMetatype]; -"features/5/8/attn/__getitem__/1" [id=944, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/8/attn/zero_/0" [id=945, type="zero_", metatype=UnknownMetatype]; -"features.5.8.attn.qkv.weight" [id=946, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/attn/linear/0" [id=947, type=linear, metatype=PTLinearMetatype]; -"features/5/8/attn/reshape/1" [id=948, type=reshape, metatype=PTReshapeMetatype]; -"features/5/8/attn/permute/2" [id=949, type=permute, metatype=PTTransposeMetatype]; -"features/5/8/attn/__getitem__/2" [id=950, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/8/attn/__getitem__/3" [id=951, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/8/attn/__getitem__/4" [id=952, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/8/attn/normalize/0" [id=953, type=normalize, metatype=PTReduceL2]; -"features/5/8/attn/normalize/1" [id=954, type=normalize, metatype=PTReduceL2]; -"features/5/8/attn/transpose/0" [id=955, type=transpose, metatype=PTTransposeMetatype]; -"features/5/8/attn/matmul/0" [id=956, type=matmul, metatype=PTMatMulMetatype]; -"features.5.8.attn.logit_scale" [id=957, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/attn/clamp/0" [id=958, type=clamp, metatype=UnknownMetatype]; -"features/5/8/attn/exp/0" [id=959, type=exp, metatype=PTExpMetatype]; -"features/5/8/attn/mul/1" [id=960, type=mul, metatype=PTMulMetatype]; -"features/5/8/attn/add/0" [id=961, type=add, metatype=PTAddMetatype]; -"features/5/8/attn/softmax/0" [id=962, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/8/attn/dropout/0" [id=963, type=dropout, metatype=PTDropoutMetatype]; -"features/5/8/attn/matmul/1" [id=964, type=matmul, metatype=PTMatMulMetatype]; -"features/5/8/attn/transpose/1" [id=965, type=transpose, metatype=PTTransposeMetatype]; -"features/5/8/attn/reshape/2" [id=966, type=reshape, metatype=PTReshapeMetatype]; -"features.5.8.attn.proj.weight" [id=967, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.8.attn.proj.bias" [id=968, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/attn/linear/1" [id=969, type=linear, metatype=PTLinearMetatype]; -"features/5/8/attn/dropout/1" [id=970, type=dropout, metatype=PTDropoutMetatype]; -"features/5/8/attn/view/3" [id=971, type=view, metatype=PTReshapeMetatype]; -"features/5/8/attn/permute/3" [id=972, type=permute, metatype=PTTransposeMetatype]; -"features/5/8/attn/reshape/3" [id=973, type=reshape, metatype=PTReshapeMetatype]; -"features/5/8/attn/__getitem__/5" [id=974, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/8/attn/contiguous/1" [id=975, type=contiguous, metatype=PTNoopMetatype]; -"features.5.8.norm1.weight" [id=976, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.8.norm1.bias" [id=977, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/norm1/layer_norm/0" [id=978, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/8/add/0" [id=979, type=add, metatype=PTAddMetatype]; -"features.5.8.mlp.0.weight" [id=980, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.8.mlp.0.bias" [id=981, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/mlp/0/linear/0" [id=982, type=linear, metatype=PTLinearMetatype]; -"features/5/8/mlp/1/gelu/0" [id=983, type=gelu, metatype=PTGELUMetatype]; -"features/5/8/mlp/2/dropout/0" [id=984, type=dropout, metatype=PTDropoutMetatype]; -"features.5.8.mlp.3.weight" [id=985, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.8.mlp.3.bias" [id=986, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/mlp/3/linear/0" [id=987, type=linear, metatype=PTLinearMetatype]; -"features/5/8/mlp/4/dropout/0" [id=988, type=dropout, metatype=PTDropoutMetatype]; -"features.5.8.norm2.weight" [id=989, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.8.norm2.bias" [id=990, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/8/norm2/layer_norm/0" [id=991, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/8/add/1" [id=992, type=add, metatype=PTAddMetatype]; -"features.5.9.attn.relative_coords_table" [id=993, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.9.attn.cpb_mlp.0.weight" [id=994, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.9.attn.cpb_mlp.0.bias" [id=995, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/attn/cpb_mlp/0/linear/0" [id=996, type=linear, metatype=PTLinearMetatype]; -"features/5/9/attn/cpb_mlp/1/relu_/0" [id=997, type="relu_", metatype=PTRELUMetatype]; -"features.5.9.attn.cpb_mlp.2.weight" [id=998, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/attn/cpb_mlp/2/linear/0" [id=999, type=linear, metatype=PTLinearMetatype]; -"features/5/9/attn/view/0" [id=1000, type=view, metatype=PTReshapeMetatype]; -"features.5.9.attn.relative_position_index" [id=1001, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/attn/__getitem__/0" [id=1002, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/9/attn/view/1" [id=1003, type=view, metatype=PTReshapeMetatype]; -"features/5/9/attn/permute/0" [id=1004, type=permute, metatype=PTTransposeMetatype]; -"features/5/9/attn/contiguous/0" [id=1005, type=contiguous, metatype=PTNoopMetatype]; -"features/5/9/attn/unsqueeze/0" [id=1006, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/9/attn/sigmoid/0" [id=1007, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/9/attn/mul/0" [id=1008, type=mul, metatype=PTMulMetatype]; -"features/5/9/attn/pad/0" [id=1009, type=pad, metatype=PTPadMetatype]; -"features/5/9/attn/view/2" [id=1010, type=view, metatype=PTReshapeMetatype]; -"features/5/9/attn/permute/1" [id=1011, type=permute, metatype=PTTransposeMetatype]; -"features/5/9/attn/reshape/0" [id=1012, type=reshape, metatype=PTReshapeMetatype]; -"features.5.9.attn.qkv.bias" [id=1013, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/attn/clone/0" [id=1014, type=clone, metatype=PTNoopMetatype]; -"features/5/9/attn/numel/0" [id=1015, type=numel, metatype=UnknownMetatype]; -"features/5/9/attn/__getitem__/1" [id=1016, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/9/attn/zero_/0" [id=1017, type="zero_", metatype=UnknownMetatype]; -"features.5.9.attn.qkv.weight" [id=1018, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/attn/linear/0" [id=1019, type=linear, metatype=PTLinearMetatype]; -"features/5/9/attn/reshape/1" [id=1020, type=reshape, metatype=PTReshapeMetatype]; -"features/5/9/attn/permute/2" [id=1021, type=permute, metatype=PTTransposeMetatype]; -"features/5/9/attn/__getitem__/2" [id=1022, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/9/attn/__getitem__/3" [id=1023, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/9/attn/__getitem__/4" [id=1024, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/9/attn/normalize/0" [id=1025, type=normalize, metatype=PTReduceL2]; -"features/5/9/attn/normalize/1" [id=1026, type=normalize, metatype=PTReduceL2]; -"features/5/9/attn/transpose/0" [id=1027, type=transpose, metatype=PTTransposeMetatype]; -"features/5/9/attn/matmul/0" [id=1028, type=matmul, metatype=PTMatMulMetatype]; -"features.5.9.attn.logit_scale" [id=1029, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/attn/clamp/0" [id=1030, type=clamp, metatype=UnknownMetatype]; -"features/5/9/attn/exp/0" [id=1031, type=exp, metatype=PTExpMetatype]; -"features/5/9/attn/mul/1" [id=1032, type=mul, metatype=PTMulMetatype]; -"features/5/9/attn/add/0" [id=1033, type=add, metatype=PTAddMetatype]; -"features/5/9/attn/softmax/0" [id=1034, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/9/attn/dropout/0" [id=1035, type=dropout, metatype=PTDropoutMetatype]; -"features/5/9/attn/matmul/1" [id=1036, type=matmul, metatype=PTMatMulMetatype]; -"features/5/9/attn/transpose/1" [id=1037, type=transpose, metatype=PTTransposeMetatype]; -"features/5/9/attn/reshape/2" [id=1038, type=reshape, metatype=PTReshapeMetatype]; -"features.5.9.attn.proj.weight" [id=1039, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.9.attn.proj.bias" [id=1040, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/attn/linear/1" [id=1041, type=linear, metatype=PTLinearMetatype]; -"features/5/9/attn/dropout/1" [id=1042, type=dropout, metatype=PTDropoutMetatype]; -"features/5/9/attn/view/3" [id=1043, type=view, metatype=PTReshapeMetatype]; -"features/5/9/attn/permute/3" [id=1044, type=permute, metatype=PTTransposeMetatype]; -"features/5/9/attn/reshape/3" [id=1045, type=reshape, metatype=PTReshapeMetatype]; -"features/5/9/attn/__getitem__/5" [id=1046, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/9/attn/contiguous/1" [id=1047, type=contiguous, metatype=PTNoopMetatype]; -"features.5.9.norm1.weight" [id=1048, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.9.norm1.bias" [id=1049, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/norm1/layer_norm/0" [id=1050, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/9/add/0" [id=1051, type=add, metatype=PTAddMetatype]; -"features.5.9.mlp.0.weight" [id=1052, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.9.mlp.0.bias" [id=1053, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/mlp/0/linear/0" [id=1054, type=linear, metatype=PTLinearMetatype]; -"features/5/9/mlp/1/gelu/0" [id=1055, type=gelu, metatype=PTGELUMetatype]; -"features/5/9/mlp/2/dropout/0" [id=1056, type=dropout, metatype=PTDropoutMetatype]; -"features.5.9.mlp.3.weight" [id=1057, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.9.mlp.3.bias" [id=1058, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/mlp/3/linear/0" [id=1059, type=linear, metatype=PTLinearMetatype]; -"features/5/9/mlp/4/dropout/0" [id=1060, type=dropout, metatype=PTDropoutMetatype]; -"features.5.9.norm2.weight" [id=1061, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.9.norm2.bias" [id=1062, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/9/norm2/layer_norm/0" [id=1063, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/9/add/1" [id=1064, type=add, metatype=PTAddMetatype]; -"features.5.10.attn.relative_coords_table" [id=1065, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.10.attn.cpb_mlp.0.weight" [id=1066, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.10.attn.cpb_mlp.0.bias" [id=1067, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/attn/cpb_mlp/0/linear/0" [id=1068, type=linear, metatype=PTLinearMetatype]; -"features/5/10/attn/cpb_mlp/1/relu_/0" [id=1069, type="relu_", metatype=PTRELUMetatype]; -"features.5.10.attn.cpb_mlp.2.weight" [id=1070, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/attn/cpb_mlp/2/linear/0" [id=1071, type=linear, metatype=PTLinearMetatype]; -"features/5/10/attn/view/0" [id=1072, type=view, metatype=PTReshapeMetatype]; -"features.5.10.attn.relative_position_index" [id=1073, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/attn/__getitem__/0" [id=1074, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/10/attn/view/1" [id=1075, type=view, metatype=PTReshapeMetatype]; -"features/5/10/attn/permute/0" [id=1076, type=permute, metatype=PTTransposeMetatype]; -"features/5/10/attn/contiguous/0" [id=1077, type=contiguous, metatype=PTNoopMetatype]; -"features/5/10/attn/unsqueeze/0" [id=1078, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/10/attn/sigmoid/0" [id=1079, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/10/attn/mul/0" [id=1080, type=mul, metatype=PTMulMetatype]; -"features/5/10/attn/pad/0" [id=1081, type=pad, metatype=PTPadMetatype]; -"features/5/10/attn/view/2" [id=1082, type=view, metatype=PTReshapeMetatype]; -"features/5/10/attn/permute/1" [id=1083, type=permute, metatype=PTTransposeMetatype]; -"features/5/10/attn/reshape/0" [id=1084, type=reshape, metatype=PTReshapeMetatype]; -"features.5.10.attn.qkv.bias" [id=1085, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/attn/clone/0" [id=1086, type=clone, metatype=PTNoopMetatype]; -"features/5/10/attn/numel/0" [id=1087, type=numel, metatype=UnknownMetatype]; -"features/5/10/attn/__getitem__/1" [id=1088, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/10/attn/zero_/0" [id=1089, type="zero_", metatype=UnknownMetatype]; -"features.5.10.attn.qkv.weight" [id=1090, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/attn/linear/0" [id=1091, type=linear, metatype=PTLinearMetatype]; -"features/5/10/attn/reshape/1" [id=1092, type=reshape, metatype=PTReshapeMetatype]; -"features/5/10/attn/permute/2" [id=1093, type=permute, metatype=PTTransposeMetatype]; -"features/5/10/attn/__getitem__/2" [id=1094, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/10/attn/__getitem__/3" [id=1095, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/10/attn/__getitem__/4" [id=1096, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/10/attn/normalize/0" [id=1097, type=normalize, metatype=PTReduceL2]; -"features/5/10/attn/normalize/1" [id=1098, type=normalize, metatype=PTReduceL2]; -"features/5/10/attn/transpose/0" [id=1099, type=transpose, metatype=PTTransposeMetatype]; -"features/5/10/attn/matmul/0" [id=1100, type=matmul, metatype=PTMatMulMetatype]; -"features.5.10.attn.logit_scale" [id=1101, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/attn/clamp/0" [id=1102, type=clamp, metatype=UnknownMetatype]; -"features/5/10/attn/exp/0" [id=1103, type=exp, metatype=PTExpMetatype]; -"features/5/10/attn/mul/1" [id=1104, type=mul, metatype=PTMulMetatype]; -"features/5/10/attn/add/0" [id=1105, type=add, metatype=PTAddMetatype]; -"features/5/10/attn/softmax/0" [id=1106, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/10/attn/dropout/0" [id=1107, type=dropout, metatype=PTDropoutMetatype]; -"features/5/10/attn/matmul/1" [id=1108, type=matmul, metatype=PTMatMulMetatype]; -"features/5/10/attn/transpose/1" [id=1109, type=transpose, metatype=PTTransposeMetatype]; -"features/5/10/attn/reshape/2" [id=1110, type=reshape, metatype=PTReshapeMetatype]; -"features.5.10.attn.proj.weight" [id=1111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.10.attn.proj.bias" [id=1112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/attn/linear/1" [id=1113, type=linear, metatype=PTLinearMetatype]; -"features/5/10/attn/dropout/1" [id=1114, type=dropout, metatype=PTDropoutMetatype]; -"features/5/10/attn/view/3" [id=1115, type=view, metatype=PTReshapeMetatype]; -"features/5/10/attn/permute/3" [id=1116, type=permute, metatype=PTTransposeMetatype]; -"features/5/10/attn/reshape/3" [id=1117, type=reshape, metatype=PTReshapeMetatype]; -"features/5/10/attn/__getitem__/5" [id=1118, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/10/attn/contiguous/1" [id=1119, type=contiguous, metatype=PTNoopMetatype]; -"features.5.10.norm1.weight" [id=1120, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.10.norm1.bias" [id=1121, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/norm1/layer_norm/0" [id=1122, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/10/add/0" [id=1123, type=add, metatype=PTAddMetatype]; -"features.5.10.mlp.0.weight" [id=1124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.10.mlp.0.bias" [id=1125, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/mlp/0/linear/0" [id=1126, type=linear, metatype=PTLinearMetatype]; -"features/5/10/mlp/1/gelu/0" [id=1127, type=gelu, metatype=PTGELUMetatype]; -"features/5/10/mlp/2/dropout/0" [id=1128, type=dropout, metatype=PTDropoutMetatype]; -"features.5.10.mlp.3.weight" [id=1129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.10.mlp.3.bias" [id=1130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/mlp/3/linear/0" [id=1131, type=linear, metatype=PTLinearMetatype]; -"features/5/10/mlp/4/dropout/0" [id=1132, type=dropout, metatype=PTDropoutMetatype]; -"features.5.10.norm2.weight" [id=1133, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.10.norm2.bias" [id=1134, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/10/norm2/layer_norm/0" [id=1135, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/10/add/1" [id=1136, type=add, metatype=PTAddMetatype]; -"features.5.11.attn.relative_coords_table" [id=1137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.11.attn.cpb_mlp.0.weight" [id=1138, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.11.attn.cpb_mlp.0.bias" [id=1139, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/attn/cpb_mlp/0/linear/0" [id=1140, type=linear, metatype=PTLinearMetatype]; -"features/5/11/attn/cpb_mlp/1/relu_/0" [id=1141, type="relu_", metatype=PTRELUMetatype]; -"features.5.11.attn.cpb_mlp.2.weight" [id=1142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/attn/cpb_mlp/2/linear/0" [id=1143, type=linear, metatype=PTLinearMetatype]; -"features/5/11/attn/view/0" [id=1144, type=view, metatype=PTReshapeMetatype]; -"features.5.11.attn.relative_position_index" [id=1145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/attn/__getitem__/0" [id=1146, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/11/attn/view/1" [id=1147, type=view, metatype=PTReshapeMetatype]; -"features/5/11/attn/permute/0" [id=1148, type=permute, metatype=PTTransposeMetatype]; -"features/5/11/attn/contiguous/0" [id=1149, type=contiguous, metatype=PTNoopMetatype]; -"features/5/11/attn/unsqueeze/0" [id=1150, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/11/attn/sigmoid/0" [id=1151, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/11/attn/mul/0" [id=1152, type=mul, metatype=PTMulMetatype]; -"features/5/11/attn/pad/0" [id=1153, type=pad, metatype=PTPadMetatype]; -"features/5/11/attn/view/2" [id=1154, type=view, metatype=PTReshapeMetatype]; -"features/5/11/attn/permute/1" [id=1155, type=permute, metatype=PTTransposeMetatype]; -"features/5/11/attn/reshape/0" [id=1156, type=reshape, metatype=PTReshapeMetatype]; -"features.5.11.attn.qkv.bias" [id=1157, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/attn/clone/0" [id=1158, type=clone, metatype=PTNoopMetatype]; -"features/5/11/attn/numel/0" [id=1159, type=numel, metatype=UnknownMetatype]; -"features/5/11/attn/__getitem__/1" [id=1160, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/11/attn/zero_/0" [id=1161, type="zero_", metatype=UnknownMetatype]; -"features.5.11.attn.qkv.weight" [id=1162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/attn/linear/0" [id=1163, type=linear, metatype=PTLinearMetatype]; -"features/5/11/attn/reshape/1" [id=1164, type=reshape, metatype=PTReshapeMetatype]; -"features/5/11/attn/permute/2" [id=1165, type=permute, metatype=PTTransposeMetatype]; -"features/5/11/attn/__getitem__/2" [id=1166, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/11/attn/__getitem__/3" [id=1167, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/11/attn/__getitem__/4" [id=1168, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/11/attn/normalize/0" [id=1169, type=normalize, metatype=PTReduceL2]; -"features/5/11/attn/normalize/1" [id=1170, type=normalize, metatype=PTReduceL2]; -"features/5/11/attn/transpose/0" [id=1171, type=transpose, metatype=PTTransposeMetatype]; -"features/5/11/attn/matmul/0" [id=1172, type=matmul, metatype=PTMatMulMetatype]; -"features.5.11.attn.logit_scale" [id=1173, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/attn/clamp/0" [id=1174, type=clamp, metatype=UnknownMetatype]; -"features/5/11/attn/exp/0" [id=1175, type=exp, metatype=PTExpMetatype]; -"features/5/11/attn/mul/1" [id=1176, type=mul, metatype=PTMulMetatype]; -"features/5/11/attn/add/0" [id=1177, type=add, metatype=PTAddMetatype]; -"features/5/11/attn/softmax/0" [id=1178, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/11/attn/dropout/0" [id=1179, type=dropout, metatype=PTDropoutMetatype]; -"features/5/11/attn/matmul/1" [id=1180, type=matmul, metatype=PTMatMulMetatype]; -"features/5/11/attn/transpose/1" [id=1181, type=transpose, metatype=PTTransposeMetatype]; -"features/5/11/attn/reshape/2" [id=1182, type=reshape, metatype=PTReshapeMetatype]; -"features.5.11.attn.proj.weight" [id=1183, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.11.attn.proj.bias" [id=1184, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/attn/linear/1" [id=1185, type=linear, metatype=PTLinearMetatype]; -"features/5/11/attn/dropout/1" [id=1186, type=dropout, metatype=PTDropoutMetatype]; -"features/5/11/attn/view/3" [id=1187, type=view, metatype=PTReshapeMetatype]; -"features/5/11/attn/permute/3" [id=1188, type=permute, metatype=PTTransposeMetatype]; -"features/5/11/attn/reshape/3" [id=1189, type=reshape, metatype=PTReshapeMetatype]; -"features/5/11/attn/__getitem__/5" [id=1190, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/11/attn/contiguous/1" [id=1191, type=contiguous, metatype=PTNoopMetatype]; -"features.5.11.norm1.weight" [id=1192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.11.norm1.bias" [id=1193, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/norm1/layer_norm/0" [id=1194, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/11/add/0" [id=1195, type=add, metatype=PTAddMetatype]; -"features.5.11.mlp.0.weight" [id=1196, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.11.mlp.0.bias" [id=1197, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/mlp/0/linear/0" [id=1198, type=linear, metatype=PTLinearMetatype]; -"features/5/11/mlp/1/gelu/0" [id=1199, type=gelu, metatype=PTGELUMetatype]; -"features/5/11/mlp/2/dropout/0" [id=1200, type=dropout, metatype=PTDropoutMetatype]; -"features.5.11.mlp.3.weight" [id=1201, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.11.mlp.3.bias" [id=1202, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/mlp/3/linear/0" [id=1203, type=linear, metatype=PTLinearMetatype]; -"features/5/11/mlp/4/dropout/0" [id=1204, type=dropout, metatype=PTDropoutMetatype]; -"features.5.11.norm2.weight" [id=1205, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.11.norm2.bias" [id=1206, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/11/norm2/layer_norm/0" [id=1207, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/11/add/1" [id=1208, type=add, metatype=PTAddMetatype]; -"features.5.12.attn.relative_coords_table" [id=1209, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.12.attn.cpb_mlp.0.weight" [id=1210, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.12.attn.cpb_mlp.0.bias" [id=1211, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/attn/cpb_mlp/0/linear/0" [id=1212, type=linear, metatype=PTLinearMetatype]; -"features/5/12/attn/cpb_mlp/1/relu_/0" [id=1213, type="relu_", metatype=PTRELUMetatype]; -"features.5.12.attn.cpb_mlp.2.weight" [id=1214, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/attn/cpb_mlp/2/linear/0" [id=1215, type=linear, metatype=PTLinearMetatype]; -"features/5/12/attn/view/0" [id=1216, type=view, metatype=PTReshapeMetatype]; -"features.5.12.attn.relative_position_index" [id=1217, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/attn/__getitem__/0" [id=1218, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/12/attn/view/1" [id=1219, type=view, metatype=PTReshapeMetatype]; -"features/5/12/attn/permute/0" [id=1220, type=permute, metatype=PTTransposeMetatype]; -"features/5/12/attn/contiguous/0" [id=1221, type=contiguous, metatype=PTNoopMetatype]; -"features/5/12/attn/unsqueeze/0" [id=1222, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/12/attn/sigmoid/0" [id=1223, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/12/attn/mul/0" [id=1224, type=mul, metatype=PTMulMetatype]; -"features/5/12/attn/pad/0" [id=1225, type=pad, metatype=PTPadMetatype]; -"features/5/12/attn/view/2" [id=1226, type=view, metatype=PTReshapeMetatype]; -"features/5/12/attn/permute/1" [id=1227, type=permute, metatype=PTTransposeMetatype]; -"features/5/12/attn/reshape/0" [id=1228, type=reshape, metatype=PTReshapeMetatype]; -"features.5.12.attn.qkv.bias" [id=1229, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/attn/clone/0" [id=1230, type=clone, metatype=PTNoopMetatype]; -"features/5/12/attn/numel/0" [id=1231, type=numel, metatype=UnknownMetatype]; -"features/5/12/attn/__getitem__/1" [id=1232, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/12/attn/zero_/0" [id=1233, type="zero_", metatype=UnknownMetatype]; -"features.5.12.attn.qkv.weight" [id=1234, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/attn/linear/0" [id=1235, type=linear, metatype=PTLinearMetatype]; -"features/5/12/attn/reshape/1" [id=1236, type=reshape, metatype=PTReshapeMetatype]; -"features/5/12/attn/permute/2" [id=1237, type=permute, metatype=PTTransposeMetatype]; -"features/5/12/attn/__getitem__/2" [id=1238, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/12/attn/__getitem__/3" [id=1239, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/12/attn/__getitem__/4" [id=1240, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/12/attn/normalize/0" [id=1241, type=normalize, metatype=PTReduceL2]; -"features/5/12/attn/normalize/1" [id=1242, type=normalize, metatype=PTReduceL2]; -"features/5/12/attn/transpose/0" [id=1243, type=transpose, metatype=PTTransposeMetatype]; -"features/5/12/attn/matmul/0" [id=1244, type=matmul, metatype=PTMatMulMetatype]; -"features.5.12.attn.logit_scale" [id=1245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/attn/clamp/0" [id=1246, type=clamp, metatype=UnknownMetatype]; -"features/5/12/attn/exp/0" [id=1247, type=exp, metatype=PTExpMetatype]; -"features/5/12/attn/mul/1" [id=1248, type=mul, metatype=PTMulMetatype]; -"features/5/12/attn/add/0" [id=1249, type=add, metatype=PTAddMetatype]; -"features/5/12/attn/softmax/0" [id=1250, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/12/attn/dropout/0" [id=1251, type=dropout, metatype=PTDropoutMetatype]; -"features/5/12/attn/matmul/1" [id=1252, type=matmul, metatype=PTMatMulMetatype]; -"features/5/12/attn/transpose/1" [id=1253, type=transpose, metatype=PTTransposeMetatype]; -"features/5/12/attn/reshape/2" [id=1254, type=reshape, metatype=PTReshapeMetatype]; -"features.5.12.attn.proj.weight" [id=1255, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.12.attn.proj.bias" [id=1256, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/attn/linear/1" [id=1257, type=linear, metatype=PTLinearMetatype]; -"features/5/12/attn/dropout/1" [id=1258, type=dropout, metatype=PTDropoutMetatype]; -"features/5/12/attn/view/3" [id=1259, type=view, metatype=PTReshapeMetatype]; -"features/5/12/attn/permute/3" [id=1260, type=permute, metatype=PTTransposeMetatype]; -"features/5/12/attn/reshape/3" [id=1261, type=reshape, metatype=PTReshapeMetatype]; -"features/5/12/attn/__getitem__/5" [id=1262, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/12/attn/contiguous/1" [id=1263, type=contiguous, metatype=PTNoopMetatype]; -"features.5.12.norm1.weight" [id=1264, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.12.norm1.bias" [id=1265, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/norm1/layer_norm/0" [id=1266, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/12/add/0" [id=1267, type=add, metatype=PTAddMetatype]; -"features.5.12.mlp.0.weight" [id=1268, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.12.mlp.0.bias" [id=1269, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/mlp/0/linear/0" [id=1270, type=linear, metatype=PTLinearMetatype]; -"features/5/12/mlp/1/gelu/0" [id=1271, type=gelu, metatype=PTGELUMetatype]; -"features/5/12/mlp/2/dropout/0" [id=1272, type=dropout, metatype=PTDropoutMetatype]; -"features.5.12.mlp.3.weight" [id=1273, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.12.mlp.3.bias" [id=1274, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/mlp/3/linear/0" [id=1275, type=linear, metatype=PTLinearMetatype]; -"features/5/12/mlp/4/dropout/0" [id=1276, type=dropout, metatype=PTDropoutMetatype]; -"features.5.12.norm2.weight" [id=1277, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.12.norm2.bias" [id=1278, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/12/norm2/layer_norm/0" [id=1279, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/12/add/1" [id=1280, type=add, metatype=PTAddMetatype]; -"features.5.13.attn.relative_coords_table" [id=1281, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.13.attn.cpb_mlp.0.weight" [id=1282, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.13.attn.cpb_mlp.0.bias" [id=1283, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/attn/cpb_mlp/0/linear/0" [id=1284, type=linear, metatype=PTLinearMetatype]; -"features/5/13/attn/cpb_mlp/1/relu_/0" [id=1285, type="relu_", metatype=PTRELUMetatype]; -"features.5.13.attn.cpb_mlp.2.weight" [id=1286, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/attn/cpb_mlp/2/linear/0" [id=1287, type=linear, metatype=PTLinearMetatype]; -"features/5/13/attn/view/0" [id=1288, type=view, metatype=PTReshapeMetatype]; -"features.5.13.attn.relative_position_index" [id=1289, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/attn/__getitem__/0" [id=1290, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/13/attn/view/1" [id=1291, type=view, metatype=PTReshapeMetatype]; -"features/5/13/attn/permute/0" [id=1292, type=permute, metatype=PTTransposeMetatype]; -"features/5/13/attn/contiguous/0" [id=1293, type=contiguous, metatype=PTNoopMetatype]; -"features/5/13/attn/unsqueeze/0" [id=1294, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/13/attn/sigmoid/0" [id=1295, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/13/attn/mul/0" [id=1296, type=mul, metatype=PTMulMetatype]; -"features/5/13/attn/pad/0" [id=1297, type=pad, metatype=PTPadMetatype]; -"features/5/13/attn/view/2" [id=1298, type=view, metatype=PTReshapeMetatype]; -"features/5/13/attn/permute/1" [id=1299, type=permute, metatype=PTTransposeMetatype]; -"features/5/13/attn/reshape/0" [id=1300, type=reshape, metatype=PTReshapeMetatype]; -"features.5.13.attn.qkv.bias" [id=1301, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/attn/clone/0" [id=1302, type=clone, metatype=PTNoopMetatype]; -"features/5/13/attn/numel/0" [id=1303, type=numel, metatype=UnknownMetatype]; -"features/5/13/attn/__getitem__/1" [id=1304, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/13/attn/zero_/0" [id=1305, type="zero_", metatype=UnknownMetatype]; -"features.5.13.attn.qkv.weight" [id=1306, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/attn/linear/0" [id=1307, type=linear, metatype=PTLinearMetatype]; -"features/5/13/attn/reshape/1" [id=1308, type=reshape, metatype=PTReshapeMetatype]; -"features/5/13/attn/permute/2" [id=1309, type=permute, metatype=PTTransposeMetatype]; -"features/5/13/attn/__getitem__/2" [id=1310, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/13/attn/__getitem__/3" [id=1311, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/13/attn/__getitem__/4" [id=1312, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/13/attn/normalize/0" [id=1313, type=normalize, metatype=PTReduceL2]; -"features/5/13/attn/normalize/1" [id=1314, type=normalize, metatype=PTReduceL2]; -"features/5/13/attn/transpose/0" [id=1315, type=transpose, metatype=PTTransposeMetatype]; -"features/5/13/attn/matmul/0" [id=1316, type=matmul, metatype=PTMatMulMetatype]; -"features.5.13.attn.logit_scale" [id=1317, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/attn/clamp/0" [id=1318, type=clamp, metatype=UnknownMetatype]; -"features/5/13/attn/exp/0" [id=1319, type=exp, metatype=PTExpMetatype]; -"features/5/13/attn/mul/1" [id=1320, type=mul, metatype=PTMulMetatype]; -"features/5/13/attn/add/0" [id=1321, type=add, metatype=PTAddMetatype]; -"features/5/13/attn/softmax/0" [id=1322, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/13/attn/dropout/0" [id=1323, type=dropout, metatype=PTDropoutMetatype]; -"features/5/13/attn/matmul/1" [id=1324, type=matmul, metatype=PTMatMulMetatype]; -"features/5/13/attn/transpose/1" [id=1325, type=transpose, metatype=PTTransposeMetatype]; -"features/5/13/attn/reshape/2" [id=1326, type=reshape, metatype=PTReshapeMetatype]; -"features.5.13.attn.proj.weight" [id=1327, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.13.attn.proj.bias" [id=1328, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/attn/linear/1" [id=1329, type=linear, metatype=PTLinearMetatype]; -"features/5/13/attn/dropout/1" [id=1330, type=dropout, metatype=PTDropoutMetatype]; -"features/5/13/attn/view/3" [id=1331, type=view, metatype=PTReshapeMetatype]; -"features/5/13/attn/permute/3" [id=1332, type=permute, metatype=PTTransposeMetatype]; -"features/5/13/attn/reshape/3" [id=1333, type=reshape, metatype=PTReshapeMetatype]; -"features/5/13/attn/__getitem__/5" [id=1334, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/13/attn/contiguous/1" [id=1335, type=contiguous, metatype=PTNoopMetatype]; -"features.5.13.norm1.weight" [id=1336, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.13.norm1.bias" [id=1337, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/norm1/layer_norm/0" [id=1338, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/13/add/0" [id=1339, type=add, metatype=PTAddMetatype]; -"features.5.13.mlp.0.weight" [id=1340, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.13.mlp.0.bias" [id=1341, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/mlp/0/linear/0" [id=1342, type=linear, metatype=PTLinearMetatype]; -"features/5/13/mlp/1/gelu/0" [id=1343, type=gelu, metatype=PTGELUMetatype]; -"features/5/13/mlp/2/dropout/0" [id=1344, type=dropout, metatype=PTDropoutMetatype]; -"features.5.13.mlp.3.weight" [id=1345, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.13.mlp.3.bias" [id=1346, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/mlp/3/linear/0" [id=1347, type=linear, metatype=PTLinearMetatype]; -"features/5/13/mlp/4/dropout/0" [id=1348, type=dropout, metatype=PTDropoutMetatype]; -"features.5.13.norm2.weight" [id=1349, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.13.norm2.bias" [id=1350, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/13/norm2/layer_norm/0" [id=1351, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/13/add/1" [id=1352, type=add, metatype=PTAddMetatype]; -"features.5.14.attn.relative_coords_table" [id=1353, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.14.attn.cpb_mlp.0.weight" [id=1354, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.14.attn.cpb_mlp.0.bias" [id=1355, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/attn/cpb_mlp/0/linear/0" [id=1356, type=linear, metatype=PTLinearMetatype]; -"features/5/14/attn/cpb_mlp/1/relu_/0" [id=1357, type="relu_", metatype=PTRELUMetatype]; -"features.5.14.attn.cpb_mlp.2.weight" [id=1358, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/attn/cpb_mlp/2/linear/0" [id=1359, type=linear, metatype=PTLinearMetatype]; -"features/5/14/attn/view/0" [id=1360, type=view, metatype=PTReshapeMetatype]; -"features.5.14.attn.relative_position_index" [id=1361, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/attn/__getitem__/0" [id=1362, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/14/attn/view/1" [id=1363, type=view, metatype=PTReshapeMetatype]; -"features/5/14/attn/permute/0" [id=1364, type=permute, metatype=PTTransposeMetatype]; -"features/5/14/attn/contiguous/0" [id=1365, type=contiguous, metatype=PTNoopMetatype]; -"features/5/14/attn/unsqueeze/0" [id=1366, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/14/attn/sigmoid/0" [id=1367, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/14/attn/mul/0" [id=1368, type=mul, metatype=PTMulMetatype]; -"features/5/14/attn/pad/0" [id=1369, type=pad, metatype=PTPadMetatype]; -"features/5/14/attn/view/2" [id=1370, type=view, metatype=PTReshapeMetatype]; -"features/5/14/attn/permute/1" [id=1371, type=permute, metatype=PTTransposeMetatype]; -"features/5/14/attn/reshape/0" [id=1372, type=reshape, metatype=PTReshapeMetatype]; -"features.5.14.attn.qkv.bias" [id=1373, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/attn/clone/0" [id=1374, type=clone, metatype=PTNoopMetatype]; -"features/5/14/attn/numel/0" [id=1375, type=numel, metatype=UnknownMetatype]; -"features/5/14/attn/__getitem__/1" [id=1376, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/14/attn/zero_/0" [id=1377, type="zero_", metatype=UnknownMetatype]; -"features.5.14.attn.qkv.weight" [id=1378, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/attn/linear/0" [id=1379, type=linear, metatype=PTLinearMetatype]; -"features/5/14/attn/reshape/1" [id=1380, type=reshape, metatype=PTReshapeMetatype]; -"features/5/14/attn/permute/2" [id=1381, type=permute, metatype=PTTransposeMetatype]; -"features/5/14/attn/__getitem__/2" [id=1382, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/14/attn/__getitem__/3" [id=1383, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/14/attn/__getitem__/4" [id=1384, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/14/attn/normalize/0" [id=1385, type=normalize, metatype=PTReduceL2]; -"features/5/14/attn/normalize/1" [id=1386, type=normalize, metatype=PTReduceL2]; -"features/5/14/attn/transpose/0" [id=1387, type=transpose, metatype=PTTransposeMetatype]; -"features/5/14/attn/matmul/0" [id=1388, type=matmul, metatype=PTMatMulMetatype]; -"features.5.14.attn.logit_scale" [id=1389, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/attn/clamp/0" [id=1390, type=clamp, metatype=UnknownMetatype]; -"features/5/14/attn/exp/0" [id=1391, type=exp, metatype=PTExpMetatype]; -"features/5/14/attn/mul/1" [id=1392, type=mul, metatype=PTMulMetatype]; -"features/5/14/attn/add/0" [id=1393, type=add, metatype=PTAddMetatype]; -"features/5/14/attn/softmax/0" [id=1394, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/14/attn/dropout/0" [id=1395, type=dropout, metatype=PTDropoutMetatype]; -"features/5/14/attn/matmul/1" [id=1396, type=matmul, metatype=PTMatMulMetatype]; -"features/5/14/attn/transpose/1" [id=1397, type=transpose, metatype=PTTransposeMetatype]; -"features/5/14/attn/reshape/2" [id=1398, type=reshape, metatype=PTReshapeMetatype]; -"features.5.14.attn.proj.weight" [id=1399, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.14.attn.proj.bias" [id=1400, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/attn/linear/1" [id=1401, type=linear, metatype=PTLinearMetatype]; -"features/5/14/attn/dropout/1" [id=1402, type=dropout, metatype=PTDropoutMetatype]; -"features/5/14/attn/view/3" [id=1403, type=view, metatype=PTReshapeMetatype]; -"features/5/14/attn/permute/3" [id=1404, type=permute, metatype=PTTransposeMetatype]; -"features/5/14/attn/reshape/3" [id=1405, type=reshape, metatype=PTReshapeMetatype]; -"features/5/14/attn/__getitem__/5" [id=1406, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/14/attn/contiguous/1" [id=1407, type=contiguous, metatype=PTNoopMetatype]; -"features.5.14.norm1.weight" [id=1408, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.14.norm1.bias" [id=1409, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/norm1/layer_norm/0" [id=1410, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/14/add/0" [id=1411, type=add, metatype=PTAddMetatype]; -"features.5.14.mlp.0.weight" [id=1412, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.14.mlp.0.bias" [id=1413, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/mlp/0/linear/0" [id=1414, type=linear, metatype=PTLinearMetatype]; -"features/5/14/mlp/1/gelu/0" [id=1415, type=gelu, metatype=PTGELUMetatype]; -"features/5/14/mlp/2/dropout/0" [id=1416, type=dropout, metatype=PTDropoutMetatype]; -"features.5.14.mlp.3.weight" [id=1417, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.14.mlp.3.bias" [id=1418, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/mlp/3/linear/0" [id=1419, type=linear, metatype=PTLinearMetatype]; -"features/5/14/mlp/4/dropout/0" [id=1420, type=dropout, metatype=PTDropoutMetatype]; -"features.5.14.norm2.weight" [id=1421, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.14.norm2.bias" [id=1422, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/14/norm2/layer_norm/0" [id=1423, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/14/add/1" [id=1424, type=add, metatype=PTAddMetatype]; -"features.5.15.attn.relative_coords_table" [id=1425, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.15.attn.cpb_mlp.0.weight" [id=1426, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.15.attn.cpb_mlp.0.bias" [id=1427, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/attn/cpb_mlp/0/linear/0" [id=1428, type=linear, metatype=PTLinearMetatype]; -"features/5/15/attn/cpb_mlp/1/relu_/0" [id=1429, type="relu_", metatype=PTRELUMetatype]; -"features.5.15.attn.cpb_mlp.2.weight" [id=1430, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/attn/cpb_mlp/2/linear/0" [id=1431, type=linear, metatype=PTLinearMetatype]; -"features/5/15/attn/view/0" [id=1432, type=view, metatype=PTReshapeMetatype]; -"features.5.15.attn.relative_position_index" [id=1433, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/attn/__getitem__/0" [id=1434, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/15/attn/view/1" [id=1435, type=view, metatype=PTReshapeMetatype]; -"features/5/15/attn/permute/0" [id=1436, type=permute, metatype=PTTransposeMetatype]; -"features/5/15/attn/contiguous/0" [id=1437, type=contiguous, metatype=PTNoopMetatype]; -"features/5/15/attn/unsqueeze/0" [id=1438, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/15/attn/sigmoid/0" [id=1439, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/15/attn/mul/0" [id=1440, type=mul, metatype=PTMulMetatype]; -"features/5/15/attn/pad/0" [id=1441, type=pad, metatype=PTPadMetatype]; -"features/5/15/attn/view/2" [id=1442, type=view, metatype=PTReshapeMetatype]; -"features/5/15/attn/permute/1" [id=1443, type=permute, metatype=PTTransposeMetatype]; -"features/5/15/attn/reshape/0" [id=1444, type=reshape, metatype=PTReshapeMetatype]; -"features.5.15.attn.qkv.bias" [id=1445, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/attn/clone/0" [id=1446, type=clone, metatype=PTNoopMetatype]; -"features/5/15/attn/numel/0" [id=1447, type=numel, metatype=UnknownMetatype]; -"features/5/15/attn/__getitem__/1" [id=1448, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/15/attn/zero_/0" [id=1449, type="zero_", metatype=UnknownMetatype]; -"features.5.15.attn.qkv.weight" [id=1450, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/attn/linear/0" [id=1451, type=linear, metatype=PTLinearMetatype]; -"features/5/15/attn/reshape/1" [id=1452, type=reshape, metatype=PTReshapeMetatype]; -"features/5/15/attn/permute/2" [id=1453, type=permute, metatype=PTTransposeMetatype]; -"features/5/15/attn/__getitem__/2" [id=1454, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/15/attn/__getitem__/3" [id=1455, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/15/attn/__getitem__/4" [id=1456, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/15/attn/normalize/0" [id=1457, type=normalize, metatype=PTReduceL2]; -"features/5/15/attn/normalize/1" [id=1458, type=normalize, metatype=PTReduceL2]; -"features/5/15/attn/transpose/0" [id=1459, type=transpose, metatype=PTTransposeMetatype]; -"features/5/15/attn/matmul/0" [id=1460, type=matmul, metatype=PTMatMulMetatype]; -"features.5.15.attn.logit_scale" [id=1461, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/attn/clamp/0" [id=1462, type=clamp, metatype=UnknownMetatype]; -"features/5/15/attn/exp/0" [id=1463, type=exp, metatype=PTExpMetatype]; -"features/5/15/attn/mul/1" [id=1464, type=mul, metatype=PTMulMetatype]; -"features/5/15/attn/add/0" [id=1465, type=add, metatype=PTAddMetatype]; -"features/5/15/attn/softmax/0" [id=1466, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/15/attn/dropout/0" [id=1467, type=dropout, metatype=PTDropoutMetatype]; -"features/5/15/attn/matmul/1" [id=1468, type=matmul, metatype=PTMatMulMetatype]; -"features/5/15/attn/transpose/1" [id=1469, type=transpose, metatype=PTTransposeMetatype]; -"features/5/15/attn/reshape/2" [id=1470, type=reshape, metatype=PTReshapeMetatype]; -"features.5.15.attn.proj.weight" [id=1471, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.15.attn.proj.bias" [id=1472, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/attn/linear/1" [id=1473, type=linear, metatype=PTLinearMetatype]; -"features/5/15/attn/dropout/1" [id=1474, type=dropout, metatype=PTDropoutMetatype]; -"features/5/15/attn/view/3" [id=1475, type=view, metatype=PTReshapeMetatype]; -"features/5/15/attn/permute/3" [id=1476, type=permute, metatype=PTTransposeMetatype]; -"features/5/15/attn/reshape/3" [id=1477, type=reshape, metatype=PTReshapeMetatype]; -"features/5/15/attn/__getitem__/5" [id=1478, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/15/attn/contiguous/1" [id=1479, type=contiguous, metatype=PTNoopMetatype]; -"features.5.15.norm1.weight" [id=1480, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.15.norm1.bias" [id=1481, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/norm1/layer_norm/0" [id=1482, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/15/add/0" [id=1483, type=add, metatype=PTAddMetatype]; -"features.5.15.mlp.0.weight" [id=1484, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.15.mlp.0.bias" [id=1485, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/mlp/0/linear/0" [id=1486, type=linear, metatype=PTLinearMetatype]; -"features/5/15/mlp/1/gelu/0" [id=1487, type=gelu, metatype=PTGELUMetatype]; -"features/5/15/mlp/2/dropout/0" [id=1488, type=dropout, metatype=PTDropoutMetatype]; -"features.5.15.mlp.3.weight" [id=1489, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.15.mlp.3.bias" [id=1490, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/mlp/3/linear/0" [id=1491, type=linear, metatype=PTLinearMetatype]; -"features/5/15/mlp/4/dropout/0" [id=1492, type=dropout, metatype=PTDropoutMetatype]; -"features.5.15.norm2.weight" [id=1493, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.15.norm2.bias" [id=1494, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/15/norm2/layer_norm/0" [id=1495, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/15/add/1" [id=1496, type=add, metatype=PTAddMetatype]; -"features.5.16.attn.relative_coords_table" [id=1497, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.16.attn.cpb_mlp.0.weight" [id=1498, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.16.attn.cpb_mlp.0.bias" [id=1499, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/attn/cpb_mlp/0/linear/0" [id=1500, type=linear, metatype=PTLinearMetatype]; -"features/5/16/attn/cpb_mlp/1/relu_/0" [id=1501, type="relu_", metatype=PTRELUMetatype]; -"features.5.16.attn.cpb_mlp.2.weight" [id=1502, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/attn/cpb_mlp/2/linear/0" [id=1503, type=linear, metatype=PTLinearMetatype]; -"features/5/16/attn/view/0" [id=1504, type=view, metatype=PTReshapeMetatype]; -"features.5.16.attn.relative_position_index" [id=1505, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/attn/__getitem__/0" [id=1506, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/16/attn/view/1" [id=1507, type=view, metatype=PTReshapeMetatype]; -"features/5/16/attn/permute/0" [id=1508, type=permute, metatype=PTTransposeMetatype]; -"features/5/16/attn/contiguous/0" [id=1509, type=contiguous, metatype=PTNoopMetatype]; -"features/5/16/attn/unsqueeze/0" [id=1510, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/16/attn/sigmoid/0" [id=1511, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/16/attn/mul/0" [id=1512, type=mul, metatype=PTMulMetatype]; -"features/5/16/attn/pad/0" [id=1513, type=pad, metatype=PTPadMetatype]; -"features/5/16/attn/view/2" [id=1514, type=view, metatype=PTReshapeMetatype]; -"features/5/16/attn/permute/1" [id=1515, type=permute, metatype=PTTransposeMetatype]; -"features/5/16/attn/reshape/0" [id=1516, type=reshape, metatype=PTReshapeMetatype]; -"features.5.16.attn.qkv.bias" [id=1517, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/attn/clone/0" [id=1518, type=clone, metatype=PTNoopMetatype]; -"features/5/16/attn/numel/0" [id=1519, type=numel, metatype=UnknownMetatype]; -"features/5/16/attn/__getitem__/1" [id=1520, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/16/attn/zero_/0" [id=1521, type="zero_", metatype=UnknownMetatype]; -"features.5.16.attn.qkv.weight" [id=1522, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/attn/linear/0" [id=1523, type=linear, metatype=PTLinearMetatype]; -"features/5/16/attn/reshape/1" [id=1524, type=reshape, metatype=PTReshapeMetatype]; -"features/5/16/attn/permute/2" [id=1525, type=permute, metatype=PTTransposeMetatype]; -"features/5/16/attn/__getitem__/2" [id=1526, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/16/attn/__getitem__/3" [id=1527, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/16/attn/__getitem__/4" [id=1528, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/16/attn/normalize/0" [id=1529, type=normalize, metatype=PTReduceL2]; -"features/5/16/attn/normalize/1" [id=1530, type=normalize, metatype=PTReduceL2]; -"features/5/16/attn/transpose/0" [id=1531, type=transpose, metatype=PTTransposeMetatype]; -"features/5/16/attn/matmul/0" [id=1532, type=matmul, metatype=PTMatMulMetatype]; -"features.5.16.attn.logit_scale" [id=1533, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/attn/clamp/0" [id=1534, type=clamp, metatype=UnknownMetatype]; -"features/5/16/attn/exp/0" [id=1535, type=exp, metatype=PTExpMetatype]; -"features/5/16/attn/mul/1" [id=1536, type=mul, metatype=PTMulMetatype]; -"features/5/16/attn/add/0" [id=1537, type=add, metatype=PTAddMetatype]; -"features/5/16/attn/softmax/0" [id=1538, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/16/attn/dropout/0" [id=1539, type=dropout, metatype=PTDropoutMetatype]; -"features/5/16/attn/matmul/1" [id=1540, type=matmul, metatype=PTMatMulMetatype]; -"features/5/16/attn/transpose/1" [id=1541, type=transpose, metatype=PTTransposeMetatype]; -"features/5/16/attn/reshape/2" [id=1542, type=reshape, metatype=PTReshapeMetatype]; -"features.5.16.attn.proj.weight" [id=1543, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.16.attn.proj.bias" [id=1544, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/attn/linear/1" [id=1545, type=linear, metatype=PTLinearMetatype]; -"features/5/16/attn/dropout/1" [id=1546, type=dropout, metatype=PTDropoutMetatype]; -"features/5/16/attn/view/3" [id=1547, type=view, metatype=PTReshapeMetatype]; -"features/5/16/attn/permute/3" [id=1548, type=permute, metatype=PTTransposeMetatype]; -"features/5/16/attn/reshape/3" [id=1549, type=reshape, metatype=PTReshapeMetatype]; -"features/5/16/attn/__getitem__/5" [id=1550, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/16/attn/contiguous/1" [id=1551, type=contiguous, metatype=PTNoopMetatype]; -"features.5.16.norm1.weight" [id=1552, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.16.norm1.bias" [id=1553, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/norm1/layer_norm/0" [id=1554, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/16/add/0" [id=1555, type=add, metatype=PTAddMetatype]; -"features.5.16.mlp.0.weight" [id=1556, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.16.mlp.0.bias" [id=1557, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/mlp/0/linear/0" [id=1558, type=linear, metatype=PTLinearMetatype]; -"features/5/16/mlp/1/gelu/0" [id=1559, type=gelu, metatype=PTGELUMetatype]; -"features/5/16/mlp/2/dropout/0" [id=1560, type=dropout, metatype=PTDropoutMetatype]; -"features.5.16.mlp.3.weight" [id=1561, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.16.mlp.3.bias" [id=1562, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/mlp/3/linear/0" [id=1563, type=linear, metatype=PTLinearMetatype]; -"features/5/16/mlp/4/dropout/0" [id=1564, type=dropout, metatype=PTDropoutMetatype]; -"features.5.16.norm2.weight" [id=1565, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.16.norm2.bias" [id=1566, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/16/norm2/layer_norm/0" [id=1567, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/16/add/1" [id=1568, type=add, metatype=PTAddMetatype]; -"features.5.17.attn.relative_coords_table" [id=1569, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.17.attn.cpb_mlp.0.weight" [id=1570, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.17.attn.cpb_mlp.0.bias" [id=1571, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/attn/cpb_mlp/0/linear/0" [id=1572, type=linear, metatype=PTLinearMetatype]; -"features/5/17/attn/cpb_mlp/1/relu_/0" [id=1573, type="relu_", metatype=PTRELUMetatype]; -"features.5.17.attn.cpb_mlp.2.weight" [id=1574, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/attn/cpb_mlp/2/linear/0" [id=1575, type=linear, metatype=PTLinearMetatype]; -"features/5/17/attn/view/0" [id=1576, type=view, metatype=PTReshapeMetatype]; -"features.5.17.attn.relative_position_index" [id=1577, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/attn/__getitem__/0" [id=1578, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/17/attn/view/1" [id=1579, type=view, metatype=PTReshapeMetatype]; -"features/5/17/attn/permute/0" [id=1580, type=permute, metatype=PTTransposeMetatype]; -"features/5/17/attn/contiguous/0" [id=1581, type=contiguous, metatype=PTNoopMetatype]; -"features/5/17/attn/unsqueeze/0" [id=1582, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/5/17/attn/sigmoid/0" [id=1583, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/5/17/attn/mul/0" [id=1584, type=mul, metatype=PTMulMetatype]; -"features/5/17/attn/pad/0" [id=1585, type=pad, metatype=PTPadMetatype]; -"features/5/17/attn/view/2" [id=1586, type=view, metatype=PTReshapeMetatype]; -"features/5/17/attn/permute/1" [id=1587, type=permute, metatype=PTTransposeMetatype]; -"features/5/17/attn/reshape/0" [id=1588, type=reshape, metatype=PTReshapeMetatype]; -"features.5.17.attn.qkv.bias" [id=1589, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/attn/clone/0" [id=1590, type=clone, metatype=PTNoopMetatype]; -"features/5/17/attn/numel/0" [id=1591, type=numel, metatype=UnknownMetatype]; -"features/5/17/attn/__getitem__/1" [id=1592, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/17/attn/zero_/0" [id=1593, type="zero_", metatype=UnknownMetatype]; -"features.5.17.attn.qkv.weight" [id=1594, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/attn/linear/0" [id=1595, type=linear, metatype=PTLinearMetatype]; -"features/5/17/attn/reshape/1" [id=1596, type=reshape, metatype=PTReshapeMetatype]; -"features/5/17/attn/permute/2" [id=1597, type=permute, metatype=PTTransposeMetatype]; -"features/5/17/attn/__getitem__/2" [id=1598, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/17/attn/__getitem__/3" [id=1599, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/17/attn/__getitem__/4" [id=1600, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/17/attn/normalize/0" [id=1601, type=normalize, metatype=PTReduceL2]; -"features/5/17/attn/normalize/1" [id=1602, type=normalize, metatype=PTReduceL2]; -"features/5/17/attn/transpose/0" [id=1603, type=transpose, metatype=PTTransposeMetatype]; -"features/5/17/attn/matmul/0" [id=1604, type=matmul, metatype=PTMatMulMetatype]; -"features.5.17.attn.logit_scale" [id=1605, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/attn/clamp/0" [id=1606, type=clamp, metatype=UnknownMetatype]; -"features/5/17/attn/exp/0" [id=1607, type=exp, metatype=PTExpMetatype]; -"features/5/17/attn/mul/1" [id=1608, type=mul, metatype=PTMulMetatype]; -"features/5/17/attn/add/0" [id=1609, type=add, metatype=PTAddMetatype]; -"features/5/17/attn/softmax/0" [id=1610, type=softmax, metatype=PTSoftmaxMetatype]; -"features/5/17/attn/dropout/0" [id=1611, type=dropout, metatype=PTDropoutMetatype]; -"features/5/17/attn/matmul/1" [id=1612, type=matmul, metatype=PTMatMulMetatype]; -"features/5/17/attn/transpose/1" [id=1613, type=transpose, metatype=PTTransposeMetatype]; -"features/5/17/attn/reshape/2" [id=1614, type=reshape, metatype=PTReshapeMetatype]; -"features.5.17.attn.proj.weight" [id=1615, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.17.attn.proj.bias" [id=1616, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/attn/linear/1" [id=1617, type=linear, metatype=PTLinearMetatype]; -"features/5/17/attn/dropout/1" [id=1618, type=dropout, metatype=PTDropoutMetatype]; -"features/5/17/attn/view/3" [id=1619, type=view, metatype=PTReshapeMetatype]; -"features/5/17/attn/permute/3" [id=1620, type=permute, metatype=PTTransposeMetatype]; -"features/5/17/attn/reshape/3" [id=1621, type=reshape, metatype=PTReshapeMetatype]; -"features/5/17/attn/__getitem__/5" [id=1622, type="__getitem__", metatype=PTGatherMetatype]; -"features/5/17/attn/contiguous/1" [id=1623, type=contiguous, metatype=PTNoopMetatype]; -"features.5.17.norm1.weight" [id=1624, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.17.norm1.bias" [id=1625, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/norm1/layer_norm/0" [id=1626, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/17/add/0" [id=1627, type=add, metatype=PTAddMetatype]; -"features.5.17.mlp.0.weight" [id=1628, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.17.mlp.0.bias" [id=1629, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/mlp/0/linear/0" [id=1630, type=linear, metatype=PTLinearMetatype]; -"features/5/17/mlp/1/gelu/0" [id=1631, type=gelu, metatype=PTGELUMetatype]; -"features/5/17/mlp/2/dropout/0" [id=1632, type=dropout, metatype=PTDropoutMetatype]; -"features.5.17.mlp.3.weight" [id=1633, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.17.mlp.3.bias" [id=1634, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/mlp/3/linear/0" [id=1635, type=linear, metatype=PTLinearMetatype]; -"features/5/17/mlp/4/dropout/0" [id=1636, type=dropout, metatype=PTDropoutMetatype]; -"features.5.17.norm2.weight" [id=1637, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.17.norm2.bias" [id=1638, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/17/norm2/layer_norm/0" [id=1639, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/5/17/add/1" [id=1640, type=add, metatype=PTAddMetatype]; -"features/6/pad/0" [id=1641, type=pad, metatype=PTPadMetatype]; -"features/6/__getitem__/0" [id=1642, type="__getitem__", metatype=PTGatherMetatype]; -"features/6/__getitem__/1" [id=1643, type="__getitem__", metatype=PTGatherMetatype]; -"features/6/__getitem__/2" [id=1644, type="__getitem__", metatype=PTGatherMetatype]; -"features/6/__getitem__/3" [id=1645, type="__getitem__", metatype=PTGatherMetatype]; -"features/6/cat/0" [id=1646, type=cat, metatype=PTCatMetatype]; -"features.6.reduction.weight" [id=1647, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/reduction/linear/0" [id=1648, type=linear, metatype=PTLinearMetatype]; -"features.6.norm.weight" [id=1649, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.norm.bias" [id=1650, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/norm/layer_norm/0" [id=1651, type="layer_norm", metatype=PTLayerNormMetatype]; -"features.7.0.attn.relative_coords_table" [id=1652, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.attn.cpb_mlp.0.weight" [id=1653, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.attn.cpb_mlp.0.bias" [id=1654, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/attn/cpb_mlp/0/linear/0" [id=1655, type=linear, metatype=PTLinearMetatype]; -"features/7/0/attn/cpb_mlp/1/relu_/0" [id=1656, type="relu_", metatype=PTRELUMetatype]; -"features.7.0.attn.cpb_mlp.2.weight" [id=1657, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/attn/cpb_mlp/2/linear/0" [id=1658, type=linear, metatype=PTLinearMetatype]; -"features/7/0/attn/view/0" [id=1659, type=view, metatype=PTReshapeMetatype]; -"features.7.0.attn.relative_position_index" [id=1660, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/attn/__getitem__/0" [id=1661, type="__getitem__", metatype=PTGatherMetatype]; -"features/7/0/attn/view/1" [id=1662, type=view, metatype=PTReshapeMetatype]; -"features/7/0/attn/permute/0" [id=1663, type=permute, metatype=PTTransposeMetatype]; -"features/7/0/attn/contiguous/0" [id=1664, type=contiguous, metatype=PTNoopMetatype]; -"features/7/0/attn/unsqueeze/0" [id=1665, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/7/0/attn/sigmoid/0" [id=1666, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/7/0/attn/mul/0" [id=1667, type=mul, metatype=PTMulMetatype]; -"features/7/0/attn/pad/0" [id=1668, type=pad, metatype=PTPadMetatype]; -"features/7/0/attn/view/2" [id=1669, type=view, metatype=PTReshapeMetatype]; -"features/7/0/attn/permute/1" [id=1670, type=permute, metatype=PTTransposeMetatype]; -"features/7/0/attn/reshape/0" [id=1671, type=reshape, metatype=PTReshapeMetatype]; -"features.7.0.attn.qkv.bias" [id=1672, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/attn/clone/0" [id=1673, type=clone, metatype=PTNoopMetatype]; -"features/7/0/attn/numel/0" [id=1674, type=numel, metatype=UnknownMetatype]; -"features/7/0/attn/__getitem__/1" [id=1675, type="__getitem__", metatype=PTGatherMetatype]; -"features/7/0/attn/zero_/0" [id=1676, type="zero_", metatype=UnknownMetatype]; -"features.7.0.attn.qkv.weight" [id=1677, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/attn/linear/0" [id=1678, type=linear, metatype=PTLinearMetatype]; -"features/7/0/attn/reshape/1" [id=1679, type=reshape, metatype=PTReshapeMetatype]; -"features/7/0/attn/permute/2" [id=1680, type=permute, metatype=PTTransposeMetatype]; -"features/7/0/attn/__getitem__/2" [id=1681, type="__getitem__", metatype=PTGatherMetatype]; -"features/7/0/attn/__getitem__/3" [id=1682, type="__getitem__", metatype=PTGatherMetatype]; -"features/7/0/attn/__getitem__/4" [id=1683, type="__getitem__", metatype=PTGatherMetatype]; -"features/7/0/attn/normalize/0" [id=1684, type=normalize, metatype=PTReduceL2]; -"features/7/0/attn/normalize/1" [id=1685, type=normalize, metatype=PTReduceL2]; -"features/7/0/attn/transpose/0" [id=1686, type=transpose, metatype=PTTransposeMetatype]; -"features/7/0/attn/matmul/0" [id=1687, type=matmul, metatype=PTMatMulMetatype]; -"features.7.0.attn.logit_scale" [id=1688, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/attn/clamp/0" [id=1689, type=clamp, metatype=UnknownMetatype]; -"features/7/0/attn/exp/0" [id=1690, type=exp, metatype=PTExpMetatype]; -"features/7/0/attn/mul/1" [id=1691, type=mul, metatype=PTMulMetatype]; -"features/7/0/attn/add/0" [id=1692, type=add, metatype=PTAddMetatype]; -"features/7/0/attn/softmax/0" [id=1693, type=softmax, metatype=PTSoftmaxMetatype]; -"features/7/0/attn/dropout/0" [id=1694, type=dropout, metatype=PTDropoutMetatype]; -"features/7/0/attn/matmul/1" [id=1695, type=matmul, metatype=PTMatMulMetatype]; -"features/7/0/attn/transpose/1" [id=1696, type=transpose, metatype=PTTransposeMetatype]; -"features/7/0/attn/reshape/2" [id=1697, type=reshape, metatype=PTReshapeMetatype]; -"features.7.0.attn.proj.weight" [id=1698, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.attn.proj.bias" [id=1699, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/attn/linear/1" [id=1700, type=linear, metatype=PTLinearMetatype]; -"features/7/0/attn/dropout/1" [id=1701, type=dropout, metatype=PTDropoutMetatype]; -"features/7/0/attn/view/3" [id=1702, type=view, metatype=PTReshapeMetatype]; -"features/7/0/attn/permute/3" [id=1703, type=permute, metatype=PTTransposeMetatype]; -"features/7/0/attn/reshape/3" [id=1704, type=reshape, metatype=PTReshapeMetatype]; -"features/7/0/attn/__getitem__/5" [id=1705, type="__getitem__", metatype=PTGatherMetatype]; -"features/7/0/attn/contiguous/1" [id=1706, type=contiguous, metatype=PTNoopMetatype]; -"features.7.0.norm1.weight" [id=1707, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.norm1.bias" [id=1708, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/norm1/layer_norm/0" [id=1709, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/7/0/add/0" [id=1710, type=add, metatype=PTAddMetatype]; -"features.7.0.mlp.0.weight" [id=1711, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.mlp.0.bias" [id=1712, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/mlp/0/linear/0" [id=1713, type=linear, metatype=PTLinearMetatype]; -"features/7/0/mlp/1/gelu/0" [id=1714, type=gelu, metatype=PTGELUMetatype]; -"features/7/0/mlp/2/dropout/0" [id=1715, type=dropout, metatype=PTDropoutMetatype]; -"features.7.0.mlp.3.weight" [id=1716, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.mlp.3.bias" [id=1717, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/mlp/3/linear/0" [id=1718, type=linear, metatype=PTLinearMetatype]; -"features/7/0/mlp/4/dropout/0" [id=1719, type=dropout, metatype=PTDropoutMetatype]; -"features.7.0.norm2.weight" [id=1720, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.0.norm2.bias" [id=1721, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/0/norm2/layer_norm/0" [id=1722, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/7/0/add/1" [id=1723, type=add, metatype=PTAddMetatype]; -"features.7.1.attn.relative_coords_table" [id=1724, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.1.attn.cpb_mlp.0.weight" [id=1725, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.1.attn.cpb_mlp.0.bias" [id=1726, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/attn/cpb_mlp/0/linear/0" [id=1727, type=linear, metatype=PTLinearMetatype]; -"features/7/1/attn/cpb_mlp/1/relu_/0" [id=1728, type="relu_", metatype=PTRELUMetatype]; -"features.7.1.attn.cpb_mlp.2.weight" [id=1729, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/attn/cpb_mlp/2/linear/0" [id=1730, type=linear, metatype=PTLinearMetatype]; -"features/7/1/attn/view/0" [id=1731, type=view, metatype=PTReshapeMetatype]; -"features.7.1.attn.relative_position_index" [id=1732, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/attn/__getitem__/0" [id=1733, type="__getitem__", metatype=PTGatherMetatype]; -"features/7/1/attn/view/1" [id=1734, type=view, metatype=PTReshapeMetatype]; -"features/7/1/attn/permute/0" [id=1735, type=permute, metatype=PTTransposeMetatype]; -"features/7/1/attn/contiguous/0" [id=1736, type=contiguous, metatype=PTNoopMetatype]; -"features/7/1/attn/unsqueeze/0" [id=1737, type=unsqueeze, metatype=PTReshapeMetatype]; -"features/7/1/attn/sigmoid/0" [id=1738, type=sigmoid, metatype=PTSigmoidMetatype]; -"features/7/1/attn/mul/0" [id=1739, type=mul, metatype=PTMulMetatype]; -"features/7/1/attn/pad/0" [id=1740, type=pad, metatype=PTPadMetatype]; -"features/7/1/attn/view/2" [id=1741, type=view, metatype=PTReshapeMetatype]; -"features/7/1/attn/permute/1" [id=1742, type=permute, metatype=PTTransposeMetatype]; -"features/7/1/attn/reshape/0" [id=1743, type=reshape, metatype=PTReshapeMetatype]; -"features.7.1.attn.qkv.bias" [id=1744, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/attn/clone/0" [id=1745, type=clone, metatype=PTNoopMetatype]; -"features/7/1/attn/numel/0" [id=1746, type=numel, metatype=UnknownMetatype]; -"features/7/1/attn/__getitem__/1" [id=1747, type="__getitem__", metatype=PTGatherMetatype]; -"features/7/1/attn/zero_/0" [id=1748, type="zero_", metatype=UnknownMetatype]; -"features.7.1.attn.qkv.weight" [id=1749, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/attn/linear/0" [id=1750, type=linear, metatype=PTLinearMetatype]; -"features/7/1/attn/reshape/1" [id=1751, type=reshape, metatype=PTReshapeMetatype]; -"features/7/1/attn/permute/2" [id=1752, type=permute, metatype=PTTransposeMetatype]; -"features/7/1/attn/__getitem__/2" [id=1753, type="__getitem__", metatype=PTGatherMetatype]; -"features/7/1/attn/__getitem__/3" [id=1754, type="__getitem__", metatype=PTGatherMetatype]; -"features/7/1/attn/__getitem__/4" [id=1755, type="__getitem__", metatype=PTGatherMetatype]; -"features/7/1/attn/normalize/0" [id=1756, type=normalize, metatype=PTReduceL2]; -"features/7/1/attn/normalize/1" [id=1757, type=normalize, metatype=PTReduceL2]; -"features/7/1/attn/transpose/0" [id=1758, type=transpose, metatype=PTTransposeMetatype]; -"features/7/1/attn/matmul/0" [id=1759, type=matmul, metatype=PTMatMulMetatype]; -"features.7.1.attn.logit_scale" [id=1760, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/attn/clamp/0" [id=1761, type=clamp, metatype=UnknownMetatype]; -"features/7/1/attn/exp/0" [id=1762, type=exp, metatype=PTExpMetatype]; -"features/7/1/attn/mul/1" [id=1763, type=mul, metatype=PTMulMetatype]; -"features/7/1/attn/add/0" [id=1764, type=add, metatype=PTAddMetatype]; -"features/7/1/attn/softmax/0" [id=1765, type=softmax, metatype=PTSoftmaxMetatype]; -"features/7/1/attn/dropout/0" [id=1766, type=dropout, metatype=PTDropoutMetatype]; -"features/7/1/attn/matmul/1" [id=1767, type=matmul, metatype=PTMatMulMetatype]; -"features/7/1/attn/transpose/1" [id=1768, type=transpose, metatype=PTTransposeMetatype]; -"features/7/1/attn/reshape/2" [id=1769, type=reshape, metatype=PTReshapeMetatype]; -"features.7.1.attn.proj.weight" [id=1770, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.1.attn.proj.bias" [id=1771, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/attn/linear/1" [id=1772, type=linear, metatype=PTLinearMetatype]; -"features/7/1/attn/dropout/1" [id=1773, type=dropout, metatype=PTDropoutMetatype]; -"features/7/1/attn/view/3" [id=1774, type=view, metatype=PTReshapeMetatype]; -"features/7/1/attn/permute/3" [id=1775, type=permute, metatype=PTTransposeMetatype]; -"features/7/1/attn/reshape/3" [id=1776, type=reshape, metatype=PTReshapeMetatype]; -"features/7/1/attn/__getitem__/5" [id=1777, type="__getitem__", metatype=PTGatherMetatype]; -"features/7/1/attn/contiguous/1" [id=1778, type=contiguous, metatype=PTNoopMetatype]; -"features.7.1.norm1.weight" [id=1779, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.1.norm1.bias" [id=1780, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/norm1/layer_norm/0" [id=1781, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/7/1/add/0" [id=1782, type=add, metatype=PTAddMetatype]; -"features.7.1.mlp.0.weight" [id=1783, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.1.mlp.0.bias" [id=1784, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/mlp/0/linear/0" [id=1785, type=linear, metatype=PTLinearMetatype]; -"features/7/1/mlp/1/gelu/0" [id=1786, type=gelu, metatype=PTGELUMetatype]; -"features/7/1/mlp/2/dropout/0" [id=1787, type=dropout, metatype=PTDropoutMetatype]; -"features.7.1.mlp.3.weight" [id=1788, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.1.mlp.3.bias" [id=1789, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/mlp/3/linear/0" [id=1790, type=linear, metatype=PTLinearMetatype]; -"features/7/1/mlp/4/dropout/0" [id=1791, type=dropout, metatype=PTDropoutMetatype]; -"features.7.1.norm2.weight" [id=1792, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.1.norm2.bias" [id=1793, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/1/norm2/layer_norm/0" [id=1794, type="layer_norm", metatype=PTLayerNormMetatype]; -"features/7/1/add/1" [id=1795, type=add, metatype=PTAddMetatype]; -"norm.weight" [id=1796, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"norm.bias" [id=1797, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"norm/layer_norm/0" [id=1798, type="layer_norm", metatype=PTLayerNormMetatype]; -"permute/permute/0" [id=1799, type=permute, metatype=PTTransposeMetatype]; -"avgpool/adaptive_avg_pool2d/0" [id=1800, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"flatten/flatten/0" [id=1801, type=flatten, metatype=PTReshapeMetatype]; -"head.weight" [id=1802, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"head.bias" [id=1803, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"head/linear/0" [id=1804, type=linear, metatype=PTLinearMetatype]; -output [id=1805, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "features/0/0/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; -"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, shape="(128, 3, 4, 4)", out_port_id=0, in_port_id=1]; -"features.0.0.bias" -> "features/0/0/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features/0/0/conv2d/0" -> "features/0/1/permute/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/0/1/permute/0" -> "features/0/2/layer_norm/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features.0.2.weight" -> "features/0/2/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.0.2.bias" -> "features/0/2/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features/0/2/layer_norm/0" -> "features/1/0/attn/pad/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/0/2/layer_norm/0" -> "features/1/0/add/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features.1.0.attn.relative_coords_table" -> "features/1/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.1.0.attn.cpb_mlp.0.weight" -> "features/1/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.1.0.attn.cpb_mlp.0.bias" -> "features/1/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/1/0/attn/cpb_mlp/0/linear/0" -> "features/1/0/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/cpb_mlp/1/relu_/0" -> "features/1/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.1.0.attn.cpb_mlp.2.weight" -> "features/1/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(4, 512)", out_port_id=0, in_port_id=1]; -"features/1/0/attn/cpb_mlp/2/linear/0" -> "features/1/0/attn/view/0" [dtype=float, shape="(1, 15, 15, 4)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/view/0" -> "features/1/0/attn/__getitem__/0" [dtype=float, shape="(225, 4)", out_port_id=0, in_port_id=0]; -"features.1.0.attn.relative_position_index" -> "features/1/0/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/1/0/attn/__getitem__/0" -> "features/1/0/attn/view/1" [dtype=float, shape="(4096, 4)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/view/1" -> "features/1/0/attn/permute/0" [dtype=float, shape="(64, 64, 4)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/permute/0" -> "features/1/0/attn/contiguous/0" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/contiguous/0" -> "features/1/0/attn/unsqueeze/0" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/unsqueeze/0" -> "features/1/0/attn/sigmoid/0" [dtype=float, shape="(1, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/sigmoid/0" -> "features/1/0/attn/mul/0" [dtype=float, shape="(1, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/mul/0" -> "features/1/0/attn/add/0" [dtype=float, shape="(1, 4, 64, 64)", out_port_id=0, in_port_id=1]; -"features/1/0/attn/pad/0" -> "features/1/0/attn/view/2" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/view/2" -> "features/1/0/attn/permute/1" [dtype=float, shape="(1, 2, 8, 2, 8, 128)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/permute/1" -> "features/1/0/attn/reshape/0" [dtype=float, shape="(1, 2, 2, 8, 8, 128)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/reshape/0" -> "features/1/0/attn/linear/0" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; -"features.1.0.attn.qkv.bias" -> "features/1/0/attn/clone/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/clone/0" -> "features/1/0/attn/numel/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/clone/0" -> "features/1/0/attn/__getitem__/1" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/clone/0" -> "features/1/0/attn/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/1/0/attn/__getitem__/1" -> "features/1/0/attn/zero_/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=0]; -"features.1.0.attn.qkv.weight" -> "features/1/0/attn/linear/0" [dtype=float, shape="(384, 128)", out_port_id=0, in_port_id=1]; -"features/1/0/attn/linear/0" -> "features/1/0/attn/reshape/1" [dtype=float, shape="(4, 64, 384)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/reshape/1" -> "features/1/0/attn/permute/2" [dtype=float, shape="(4, 64, 3, 4, 32)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/permute/2" -> "features/1/0/attn/__getitem__/2" [dtype=float, shape="(3, 4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/permute/2" -> "features/1/0/attn/__getitem__/3" [dtype=float, shape="(3, 4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/permute/2" -> "features/1/0/attn/__getitem__/4" [dtype=float, shape="(3, 4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/__getitem__/2" -> "features/1/0/attn/normalize/0" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/__getitem__/3" -> "features/1/0/attn/normalize/1" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/__getitem__/4" -> "features/1/0/attn/matmul/1" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=1]; -"features/1/0/attn/normalize/0" -> "features/1/0/attn/matmul/0" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/normalize/1" -> "features/1/0/attn/transpose/0" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/transpose/0" -> "features/1/0/attn/matmul/0" [dtype=float, shape="(4, 4, 32, 64)", out_port_id=0, in_port_id=1]; -"features/1/0/attn/matmul/0" -> "features/1/0/attn/mul/1" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features.1.0.attn.logit_scale" -> "features/1/0/attn/clamp/0" [dtype=float, shape="(4, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/clamp/0" -> "features/1/0/attn/exp/0" [dtype=float, shape="(4, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/exp/0" -> "features/1/0/attn/mul/1" [dtype=float, shape="(4, 1, 1)", out_port_id=0, in_port_id=1]; -"features/1/0/attn/mul/1" -> "features/1/0/attn/add/0" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/add/0" -> "features/1/0/attn/softmax/0" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/softmax/0" -> "features/1/0/attn/dropout/0" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/dropout/0" -> "features/1/0/attn/matmul/1" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/matmul/1" -> "features/1/0/attn/transpose/1" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/transpose/1" -> "features/1/0/attn/reshape/2" [dtype=float, shape="(4, 64, 4, 32)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/reshape/2" -> "features/1/0/attn/linear/1" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; -"features.1.0.attn.proj.weight" -> "features/1/0/attn/linear/1" [dtype=float, shape="(128, 128)", out_port_id=0, in_port_id=1]; -"features.1.0.attn.proj.bias" -> "features/1/0/attn/linear/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features/1/0/attn/linear/1" -> "features/1/0/attn/dropout/1" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/dropout/1" -> "features/1/0/attn/view/3" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/view/3" -> "features/1/0/attn/permute/3" [dtype=float, shape="(1, 2, 2, 8, 8, 128)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/permute/3" -> "features/1/0/attn/reshape/3" [dtype=float, shape="(1, 2, 8, 2, 8, 128)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/reshape/3" -> "features/1/0/attn/__getitem__/5" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/__getitem__/5" -> "features/1/0/attn/contiguous/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/1/0/attn/contiguous/1" -> "features/1/0/norm1/layer_norm/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features.1.0.norm1.weight" -> "features/1/0/norm1/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.1.0.norm1.bias" -> "features/1/0/norm1/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features/1/0/norm1/layer_norm/0" -> "features/1/0/add/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=1]; -"features/1/0/add/0" -> "features/1/0/mlp/0/linear/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/1/0/add/0" -> "features/1/0/add/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features.1.0.mlp.0.weight" -> "features/1/0/mlp/0/linear/0" [dtype=float, shape="(512, 128)", out_port_id=0, in_port_id=1]; -"features.1.0.mlp.0.bias" -> "features/1/0/mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/1/0/mlp/0/linear/0" -> "features/1/0/mlp/1/gelu/0" [dtype=float, shape="(1, 16, 16, 512)", out_port_id=0, in_port_id=0]; -"features/1/0/mlp/1/gelu/0" -> "features/1/0/mlp/2/dropout/0" [dtype=float, shape="(1, 16, 16, 512)", out_port_id=0, in_port_id=0]; -"features/1/0/mlp/2/dropout/0" -> "features/1/0/mlp/3/linear/0" [dtype=float, shape="(1, 16, 16, 512)", out_port_id=0, in_port_id=0]; -"features.1.0.mlp.3.weight" -> "features/1/0/mlp/3/linear/0" [dtype=float, shape="(128, 512)", out_port_id=0, in_port_id=1]; -"features.1.0.mlp.3.bias" -> "features/1/0/mlp/3/linear/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features/1/0/mlp/3/linear/0" -> "features/1/0/mlp/4/dropout/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/1/0/mlp/4/dropout/0" -> "features/1/0/norm2/layer_norm/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features.1.0.norm2.weight" -> "features/1/0/norm2/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.1.0.norm2.bias" -> "features/1/0/norm2/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features/1/0/norm2/layer_norm/0" -> "features/1/0/add/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=1]; -"features/1/0/add/1" -> "features/1/1/attn/pad/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/1/0/add/1" -> "features/1/1/add/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features.1.1.attn.relative_coords_table" -> "features/1/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.1.1.attn.cpb_mlp.0.weight" -> "features/1/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.1.1.attn.cpb_mlp.0.bias" -> "features/1/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/1/1/attn/cpb_mlp/0/linear/0" -> "features/1/1/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/cpb_mlp/1/relu_/0" -> "features/1/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.1.1.attn.cpb_mlp.2.weight" -> "features/1/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(4, 512)", out_port_id=0, in_port_id=1]; -"features/1/1/attn/cpb_mlp/2/linear/0" -> "features/1/1/attn/view/0" [dtype=float, shape="(1, 15, 15, 4)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/view/0" -> "features/1/1/attn/__getitem__/0" [dtype=float, shape="(225, 4)", out_port_id=0, in_port_id=0]; -"features.1.1.attn.relative_position_index" -> "features/1/1/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/1/1/attn/__getitem__/0" -> "features/1/1/attn/view/1" [dtype=float, shape="(4096, 4)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/view/1" -> "features/1/1/attn/permute/0" [dtype=float, shape="(64, 64, 4)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/permute/0" -> "features/1/1/attn/contiguous/0" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/contiguous/0" -> "features/1/1/attn/unsqueeze/0" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/unsqueeze/0" -> "features/1/1/attn/sigmoid/0" [dtype=float, shape="(1, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/sigmoid/0" -> "features/1/1/attn/mul/0" [dtype=float, shape="(1, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/mul/0" -> "features/1/1/attn/add/0" [dtype=float, shape="(1, 4, 64, 64)", out_port_id=0, in_port_id=1]; -"features/1/1/attn/pad/0" -> "features/1/1/attn/roll/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/roll/0" -> "features/1/1/attn/view/2" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/view/2" -> "features/1/1/attn/permute/1" [dtype=float, shape="(1, 2, 8, 2, 8, 128)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/permute/1" -> "features/1/1/attn/reshape/0" [dtype=float, shape="(1, 2, 2, 8, 8, 128)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/reshape/0" -> "features/1/1/attn/linear/0" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/reshape/0" -> "features/1/1/attn/new_zeros/0" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; -"features.1.1.attn.qkv.bias" -> "features/1/1/attn/clone/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/clone/0" -> "features/1/1/attn/numel/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/clone/0" -> "features/1/1/attn/__getitem__/1" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/clone/0" -> "features/1/1/attn/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features/1/1/attn/__getitem__/1" -> "features/1/1/attn/zero_/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=0]; -"features.1.1.attn.qkv.weight" -> "features/1/1/attn/linear/0" [dtype=float, shape="(384, 128)", out_port_id=0, in_port_id=1]; -"features/1/1/attn/linear/0" -> "features/1/1/attn/reshape/1" [dtype=float, shape="(4, 64, 384)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/reshape/1" -> "features/1/1/attn/permute/2" [dtype=float, shape="(4, 64, 3, 4, 32)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/permute/2" -> "features/1/1/attn/__getitem__/2" [dtype=float, shape="(3, 4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/permute/2" -> "features/1/1/attn/__getitem__/3" [dtype=float, shape="(3, 4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/permute/2" -> "features/1/1/attn/__getitem__/4" [dtype=float, shape="(3, 4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/__getitem__/2" -> "features/1/1/attn/normalize/0" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/__getitem__/3" -> "features/1/1/attn/normalize/1" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/__getitem__/4" -> "features/1/1/attn/matmul/1" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=1]; -"features/1/1/attn/normalize/0" -> "features/1/1/attn/matmul/0" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/normalize/1" -> "features/1/1/attn/transpose/0" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/transpose/0" -> "features/1/1/attn/matmul/0" [dtype=float, shape="(4, 4, 32, 64)", out_port_id=0, in_port_id=1]; -"features/1/1/attn/matmul/0" -> "features/1/1/attn/mul/1" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features.1.1.attn.logit_scale" -> "features/1/1/attn/clamp/0" [dtype=float, shape="(4, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/clamp/0" -> "features/1/1/attn/exp/0" [dtype=float, shape="(4, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/exp/0" -> "features/1/1/attn/mul/1" [dtype=float, shape="(4, 1, 1)", out_port_id=0, in_port_id=1]; -"features/1/1/attn/mul/1" -> "features/1/1/attn/add/0" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/add/0" -> "features/1/1/attn/view/4" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/0" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/1" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/2" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/3" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/4" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/5" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/6" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/7" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/8" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/view/3" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/view/3" -> "features/1/1/attn/permute/3" [dtype=float, shape="(2, 8, 2, 8)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/permute/3" -> "features/1/1/attn/reshape/2" [dtype=float, shape="(2, 2, 8, 8)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/reshape/2" -> "features/1/1/attn/unsqueeze/1" [dtype=float, shape="(4, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/reshape/2" -> "features/1/1/attn/unsqueeze/2" [dtype=float, shape="(4, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/unsqueeze/1" -> "features/1/1/attn/sub/0" [dtype=float, shape="(4, 1, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/unsqueeze/2" -> "features/1/1/attn/sub/0" [dtype=float, shape="(4, 64, 1)", out_port_id=0, in_port_id=1]; -"features/1/1/attn/sub/0" -> "features/1/1/attn/ne/0" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/sub/0" -> "features/1/1/attn/masked_fill/0" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/sub/0" -> "features/1/1/attn/__eq__/0" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/ne/0" -> "features/1/1/attn/masked_fill/0" [dtype=int, shape="(4, 64, 64)", out_port_id=0, in_port_id=1]; -"features/1/1/attn/masked_fill/0" -> "features/1/1/attn/masked_fill/1" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/__eq__/0" -> "features/1/1/attn/masked_fill/1" [dtype=int, shape="(4, 64, 64)", out_port_id=0, in_port_id=1]; -"features/1/1/attn/masked_fill/1" -> "features/1/1/attn/unsqueeze/3" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/view/4" -> "features/1/1/attn/add/1" [dtype=float, shape="(1, 4, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/unsqueeze/3" -> "features/1/1/attn/unsqueeze/4" [dtype=float, shape="(4, 1, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/unsqueeze/4" -> "features/1/1/attn/add/1" [dtype=float, shape="(1, 4, 1, 64, 64)", out_port_id=0, in_port_id=1]; -"features/1/1/attn/add/1" -> "features/1/1/attn/view/5" [dtype=float, shape="(1, 4, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/view/5" -> "features/1/1/attn/softmax/0" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/softmax/0" -> "features/1/1/attn/dropout/0" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/dropout/0" -> "features/1/1/attn/matmul/1" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/matmul/1" -> "features/1/1/attn/transpose/1" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/transpose/1" -> "features/1/1/attn/reshape/3" [dtype=float, shape="(4, 64, 4, 32)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/reshape/3" -> "features/1/1/attn/linear/1" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; -"features.1.1.attn.proj.weight" -> "features/1/1/attn/linear/1" [dtype=float, shape="(128, 128)", out_port_id=0, in_port_id=1]; -"features.1.1.attn.proj.bias" -> "features/1/1/attn/linear/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features/1/1/attn/linear/1" -> "features/1/1/attn/dropout/1" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/dropout/1" -> "features/1/1/attn/view/6" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/view/6" -> "features/1/1/attn/permute/4" [dtype=float, shape="(1, 2, 2, 8, 8, 128)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/permute/4" -> "features/1/1/attn/reshape/4" [dtype=float, shape="(1, 2, 8, 2, 8, 128)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/reshape/4" -> "features/1/1/attn/roll/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/roll/1" -> "features/1/1/attn/__getitem__/5" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/__getitem__/5" -> "features/1/1/attn/contiguous/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/1/1/attn/contiguous/1" -> "features/1/1/norm1/layer_norm/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features.1.1.norm1.weight" -> "features/1/1/norm1/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.1.1.norm1.bias" -> "features/1/1/norm1/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features/1/1/norm1/layer_norm/0" -> "features/1/1/add/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=1]; -"features/1/1/add/0" -> "features/1/1/mlp/0/linear/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/1/1/add/0" -> "features/1/1/add/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features.1.1.mlp.0.weight" -> "features/1/1/mlp/0/linear/0" [dtype=float, shape="(512, 128)", out_port_id=0, in_port_id=1]; -"features.1.1.mlp.0.bias" -> "features/1/1/mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/1/1/mlp/0/linear/0" -> "features/1/1/mlp/1/gelu/0" [dtype=float, shape="(1, 16, 16, 512)", out_port_id=0, in_port_id=0]; -"features/1/1/mlp/1/gelu/0" -> "features/1/1/mlp/2/dropout/0" [dtype=float, shape="(1, 16, 16, 512)", out_port_id=0, in_port_id=0]; -"features/1/1/mlp/2/dropout/0" -> "features/1/1/mlp/3/linear/0" [dtype=float, shape="(1, 16, 16, 512)", out_port_id=0, in_port_id=0]; -"features.1.1.mlp.3.weight" -> "features/1/1/mlp/3/linear/0" [dtype=float, shape="(128, 512)", out_port_id=0, in_port_id=1]; -"features.1.1.mlp.3.bias" -> "features/1/1/mlp/3/linear/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features/1/1/mlp/3/linear/0" -> "features/1/1/mlp/4/dropout/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/1/1/mlp/4/dropout/0" -> "features/1/1/norm2/layer_norm/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features.1.1.norm2.weight" -> "features/1/1/norm2/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.1.1.norm2.bias" -> "features/1/1/norm2/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features/1/1/norm2/layer_norm/0" -> "features/1/1/add/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=1]; -"features/1/1/add/1" -> "features/2/pad/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/2/pad/0" -> "features/2/__getitem__/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/2/pad/0" -> "features/2/__getitem__/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/2/pad/0" -> "features/2/__getitem__/2" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/2/pad/0" -> "features/2/__getitem__/3" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; -"features/2/__getitem__/0" -> "features/2/cat/0" [dtype=float, shape="(1, 8, 8, 128)", out_port_id=0, in_port_id=0]; -"features/2/__getitem__/1" -> "features/2/cat/0" [dtype=float, shape="(1, 8, 8, 128)", out_port_id=0, in_port_id=1]; -"features/2/__getitem__/2" -> "features/2/cat/0" [dtype=float, shape="(1, 8, 8, 128)", out_port_id=0, in_port_id=2]; -"features/2/__getitem__/3" -> "features/2/cat/0" [dtype=float, shape="(1, 8, 8, 128)", out_port_id=0, in_port_id=3]; -"features/2/cat/0" -> "features/2/reduction/linear/0" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features.2.reduction.weight" -> "features/2/reduction/linear/0" [dtype=float, shape="(256, 512)", out_port_id=0, in_port_id=1]; -"features/2/reduction/linear/0" -> "features/2/norm/layer_norm/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features.2.norm.weight" -> "features/2/norm/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features.2.norm.bias" -> "features/2/norm/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"features/2/norm/layer_norm/0" -> "features/3/0/attn/pad/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/2/norm/layer_norm/0" -> "features/3/0/add/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features.3.0.attn.relative_coords_table" -> "features/3/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.3.0.attn.cpb_mlp.0.weight" -> "features/3/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.3.0.attn.cpb_mlp.0.bias" -> "features/3/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/3/0/attn/cpb_mlp/0/linear/0" -> "features/3/0/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/cpb_mlp/1/relu_/0" -> "features/3/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.3.0.attn.cpb_mlp.2.weight" -> "features/3/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(8, 512)", out_port_id=0, in_port_id=1]; -"features/3/0/attn/cpb_mlp/2/linear/0" -> "features/3/0/attn/view/0" [dtype=float, shape="(1, 15, 15, 8)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/view/0" -> "features/3/0/attn/__getitem__/0" [dtype=float, shape="(225, 8)", out_port_id=0, in_port_id=0]; -"features.3.0.attn.relative_position_index" -> "features/3/0/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/3/0/attn/__getitem__/0" -> "features/3/0/attn/view/1" [dtype=float, shape="(4096, 8)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/view/1" -> "features/3/0/attn/permute/0" [dtype=float, shape="(64, 64, 8)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/permute/0" -> "features/3/0/attn/contiguous/0" [dtype=float, shape="(8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/contiguous/0" -> "features/3/0/attn/unsqueeze/0" [dtype=float, shape="(8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/unsqueeze/0" -> "features/3/0/attn/sigmoid/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/sigmoid/0" -> "features/3/0/attn/mul/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/mul/0" -> "features/3/0/attn/add/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=1]; -"features/3/0/attn/pad/0" -> "features/3/0/attn/view/2" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/view/2" -> "features/3/0/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/permute/1" -> "features/3/0/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/reshape/0" -> "features/3/0/attn/linear/0" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; -"features.3.0.attn.qkv.bias" -> "features/3/0/attn/clone/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/clone/0" -> "features/3/0/attn/numel/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/clone/0" -> "features/3/0/attn/__getitem__/1" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/clone/0" -> "features/3/0/attn/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features/3/0/attn/__getitem__/1" -> "features/3/0/attn/zero_/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=0]; -"features.3.0.attn.qkv.weight" -> "features/3/0/attn/linear/0" [dtype=float, shape="(768, 256)", out_port_id=0, in_port_id=1]; -"features/3/0/attn/linear/0" -> "features/3/0/attn/reshape/1" [dtype=float, shape="(1, 64, 768)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/reshape/1" -> "features/3/0/attn/permute/2" [dtype=float, shape="(1, 64, 3, 8, 32)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/permute/2" -> "features/3/0/attn/__getitem__/2" [dtype=float, shape="(3, 1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/permute/2" -> "features/3/0/attn/__getitem__/3" [dtype=float, shape="(3, 1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/permute/2" -> "features/3/0/attn/__getitem__/4" [dtype=float, shape="(3, 1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/__getitem__/2" -> "features/3/0/attn/normalize/0" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/__getitem__/3" -> "features/3/0/attn/normalize/1" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/__getitem__/4" -> "features/3/0/attn/matmul/1" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=1]; -"features/3/0/attn/normalize/0" -> "features/3/0/attn/matmul/0" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/normalize/1" -> "features/3/0/attn/transpose/0" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/transpose/0" -> "features/3/0/attn/matmul/0" [dtype=float, shape="(1, 8, 32, 64)", out_port_id=0, in_port_id=1]; -"features/3/0/attn/matmul/0" -> "features/3/0/attn/mul/1" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; -"features.3.0.attn.logit_scale" -> "features/3/0/attn/clamp/0" [dtype=float, shape="(8, 1, 1)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/clamp/0" -> "features/3/0/attn/exp/0" [dtype=float, shape="(8, 1, 1)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/exp/0" -> "features/3/0/attn/mul/1" [dtype=float, shape="(8, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/0/attn/mul/1" -> "features/3/0/attn/add/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/add/0" -> "features/3/0/attn/softmax/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/softmax/0" -> "features/3/0/attn/dropout/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/dropout/0" -> "features/3/0/attn/matmul/1" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/matmul/1" -> "features/3/0/attn/transpose/1" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/transpose/1" -> "features/3/0/attn/reshape/2" [dtype=float, shape="(1, 64, 8, 32)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/reshape/2" -> "features/3/0/attn/linear/1" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; -"features.3.0.attn.proj.weight" -> "features/3/0/attn/linear/1" [dtype=float, shape="(256, 256)", out_port_id=0, in_port_id=1]; -"features.3.0.attn.proj.bias" -> "features/3/0/attn/linear/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features/3/0/attn/linear/1" -> "features/3/0/attn/dropout/1" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/dropout/1" -> "features/3/0/attn/view/3" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/view/3" -> "features/3/0/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/permute/3" -> "features/3/0/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/reshape/3" -> "features/3/0/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/__getitem__/5" -> "features/3/0/attn/contiguous/1" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/0/attn/contiguous/1" -> "features/3/0/norm1/layer_norm/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features.3.0.norm1.weight" -> "features/3/0/norm1/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features.3.0.norm1.bias" -> "features/3/0/norm1/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"features/3/0/norm1/layer_norm/0" -> "features/3/0/add/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=1]; -"features/3/0/add/0" -> "features/3/0/mlp/0/linear/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/0/add/0" -> "features/3/0/add/1" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features.3.0.mlp.0.weight" -> "features/3/0/mlp/0/linear/0" [dtype=float, shape="(1024, 256)", out_port_id=0, in_port_id=1]; -"features.3.0.mlp.0.bias" -> "features/3/0/mlp/0/linear/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"features/3/0/mlp/0/linear/0" -> "features/3/0/mlp/1/gelu/0" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/3/0/mlp/1/gelu/0" -> "features/3/0/mlp/2/dropout/0" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/3/0/mlp/2/dropout/0" -> "features/3/0/mlp/3/linear/0" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; -"features.3.0.mlp.3.weight" -> "features/3/0/mlp/3/linear/0" [dtype=float, shape="(256, 1024)", out_port_id=0, in_port_id=1]; -"features.3.0.mlp.3.bias" -> "features/3/0/mlp/3/linear/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features/3/0/mlp/3/linear/0" -> "features/3/0/mlp/4/dropout/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/0/mlp/4/dropout/0" -> "features/3/0/norm2/layer_norm/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features.3.0.norm2.weight" -> "features/3/0/norm2/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features.3.0.norm2.bias" -> "features/3/0/norm2/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"features/3/0/norm2/layer_norm/0" -> "features/3/0/add/1" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=1]; -"features/3/0/add/1" -> "features/3/1/attn/pad/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/0/add/1" -> "features/3/1/add/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features.3.1.attn.relative_coords_table" -> "features/3/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.3.1.attn.cpb_mlp.0.weight" -> "features/3/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.3.1.attn.cpb_mlp.0.bias" -> "features/3/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/3/1/attn/cpb_mlp/0/linear/0" -> "features/3/1/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/cpb_mlp/1/relu_/0" -> "features/3/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.3.1.attn.cpb_mlp.2.weight" -> "features/3/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(8, 512)", out_port_id=0, in_port_id=1]; -"features/3/1/attn/cpb_mlp/2/linear/0" -> "features/3/1/attn/view/0" [dtype=float, shape="(1, 15, 15, 8)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/view/0" -> "features/3/1/attn/__getitem__/0" [dtype=float, shape="(225, 8)", out_port_id=0, in_port_id=0]; -"features.3.1.attn.relative_position_index" -> "features/3/1/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/3/1/attn/__getitem__/0" -> "features/3/1/attn/view/1" [dtype=float, shape="(4096, 8)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/view/1" -> "features/3/1/attn/permute/0" [dtype=float, shape="(64, 64, 8)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/permute/0" -> "features/3/1/attn/contiguous/0" [dtype=float, shape="(8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/contiguous/0" -> "features/3/1/attn/unsqueeze/0" [dtype=float, shape="(8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/unsqueeze/0" -> "features/3/1/attn/sigmoid/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/sigmoid/0" -> "features/3/1/attn/mul/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/mul/0" -> "features/3/1/attn/add/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=1]; -"features/3/1/attn/pad/0" -> "features/3/1/attn/view/2" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/view/2" -> "features/3/1/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/permute/1" -> "features/3/1/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/reshape/0" -> "features/3/1/attn/linear/0" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; -"features.3.1.attn.qkv.bias" -> "features/3/1/attn/clone/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/clone/0" -> "features/3/1/attn/numel/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/clone/0" -> "features/3/1/attn/__getitem__/1" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/clone/0" -> "features/3/1/attn/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"features/3/1/attn/__getitem__/1" -> "features/3/1/attn/zero_/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=0]; -"features.3.1.attn.qkv.weight" -> "features/3/1/attn/linear/0" [dtype=float, shape="(768, 256)", out_port_id=0, in_port_id=1]; -"features/3/1/attn/linear/0" -> "features/3/1/attn/reshape/1" [dtype=float, shape="(1, 64, 768)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/reshape/1" -> "features/3/1/attn/permute/2" [dtype=float, shape="(1, 64, 3, 8, 32)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/permute/2" -> "features/3/1/attn/__getitem__/2" [dtype=float, shape="(3, 1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/permute/2" -> "features/3/1/attn/__getitem__/3" [dtype=float, shape="(3, 1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/permute/2" -> "features/3/1/attn/__getitem__/4" [dtype=float, shape="(3, 1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/__getitem__/2" -> "features/3/1/attn/normalize/0" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/__getitem__/3" -> "features/3/1/attn/normalize/1" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/__getitem__/4" -> "features/3/1/attn/matmul/1" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=1]; -"features/3/1/attn/normalize/0" -> "features/3/1/attn/matmul/0" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/normalize/1" -> "features/3/1/attn/transpose/0" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/transpose/0" -> "features/3/1/attn/matmul/0" [dtype=float, shape="(1, 8, 32, 64)", out_port_id=0, in_port_id=1]; -"features/3/1/attn/matmul/0" -> "features/3/1/attn/mul/1" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; -"features.3.1.attn.logit_scale" -> "features/3/1/attn/clamp/0" [dtype=float, shape="(8, 1, 1)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/clamp/0" -> "features/3/1/attn/exp/0" [dtype=float, shape="(8, 1, 1)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/exp/0" -> "features/3/1/attn/mul/1" [dtype=float, shape="(8, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/1/attn/mul/1" -> "features/3/1/attn/add/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/add/0" -> "features/3/1/attn/softmax/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/softmax/0" -> "features/3/1/attn/dropout/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/dropout/0" -> "features/3/1/attn/matmul/1" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/matmul/1" -> "features/3/1/attn/transpose/1" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/transpose/1" -> "features/3/1/attn/reshape/2" [dtype=float, shape="(1, 64, 8, 32)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/reshape/2" -> "features/3/1/attn/linear/1" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; -"features.3.1.attn.proj.weight" -> "features/3/1/attn/linear/1" [dtype=float, shape="(256, 256)", out_port_id=0, in_port_id=1]; -"features.3.1.attn.proj.bias" -> "features/3/1/attn/linear/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features/3/1/attn/linear/1" -> "features/3/1/attn/dropout/1" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/dropout/1" -> "features/3/1/attn/view/3" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/view/3" -> "features/3/1/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/permute/3" -> "features/3/1/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/reshape/3" -> "features/3/1/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/__getitem__/5" -> "features/3/1/attn/contiguous/1" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/1/attn/contiguous/1" -> "features/3/1/norm1/layer_norm/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features.3.1.norm1.weight" -> "features/3/1/norm1/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features.3.1.norm1.bias" -> "features/3/1/norm1/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"features/3/1/norm1/layer_norm/0" -> "features/3/1/add/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=1]; -"features/3/1/add/0" -> "features/3/1/mlp/0/linear/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/1/add/0" -> "features/3/1/add/1" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features.3.1.mlp.0.weight" -> "features/3/1/mlp/0/linear/0" [dtype=float, shape="(1024, 256)", out_port_id=0, in_port_id=1]; -"features.3.1.mlp.0.bias" -> "features/3/1/mlp/0/linear/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"features/3/1/mlp/0/linear/0" -> "features/3/1/mlp/1/gelu/0" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/3/1/mlp/1/gelu/0" -> "features/3/1/mlp/2/dropout/0" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/3/1/mlp/2/dropout/0" -> "features/3/1/mlp/3/linear/0" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; -"features.3.1.mlp.3.weight" -> "features/3/1/mlp/3/linear/0" [dtype=float, shape="(256, 1024)", out_port_id=0, in_port_id=1]; -"features.3.1.mlp.3.bias" -> "features/3/1/mlp/3/linear/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features/3/1/mlp/3/linear/0" -> "features/3/1/mlp/4/dropout/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/3/1/mlp/4/dropout/0" -> "features/3/1/norm2/layer_norm/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features.3.1.norm2.weight" -> "features/3/1/norm2/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features.3.1.norm2.bias" -> "features/3/1/norm2/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"features/3/1/norm2/layer_norm/0" -> "features/3/1/add/1" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=1]; -"features/3/1/add/1" -> "features/4/pad/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/4/pad/0" -> "features/4/__getitem__/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/4/pad/0" -> "features/4/__getitem__/1" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/4/pad/0" -> "features/4/__getitem__/2" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/4/pad/0" -> "features/4/__getitem__/3" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; -"features/4/__getitem__/0" -> "features/4/cat/0" [dtype=float, shape="(1, 4, 4, 256)", out_port_id=0, in_port_id=0]; -"features/4/__getitem__/1" -> "features/4/cat/0" [dtype=float, shape="(1, 4, 4, 256)", out_port_id=0, in_port_id=1]; -"features/4/__getitem__/2" -> "features/4/cat/0" [dtype=float, shape="(1, 4, 4, 256)", out_port_id=0, in_port_id=2]; -"features/4/__getitem__/3" -> "features/4/cat/0" [dtype=float, shape="(1, 4, 4, 256)", out_port_id=0, in_port_id=3]; -"features/4/cat/0" -> "features/4/reduction/linear/0" [dtype=float, shape="(1, 4, 4, 1024)", out_port_id=0, in_port_id=0]; -"features.4.reduction.weight" -> "features/4/reduction/linear/0" [dtype=float, shape="(512, 1024)", out_port_id=0, in_port_id=1]; -"features/4/reduction/linear/0" -> "features/4/norm/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.4.norm.weight" -> "features/4/norm/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.4.norm.bias" -> "features/4/norm/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/4/norm/layer_norm/0" -> "features/5/0/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/4/norm/layer_norm/0" -> "features/5/0/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.0.attn.relative_coords_table" -> "features/5/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.0.attn.cpb_mlp.0.weight" -> "features/5/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.0.attn.cpb_mlp.0.bias" -> "features/5/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/0/attn/cpb_mlp/0/linear/0" -> "features/5/0/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/cpb_mlp/1/relu_/0" -> "features/5/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.0.attn.cpb_mlp.2.weight" -> "features/5/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/0/attn/cpb_mlp/2/linear/0" -> "features/5/0/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/view/0" -> "features/5/0/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.0.attn.relative_position_index" -> "features/5/0/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/0/attn/__getitem__/0" -> "features/5/0/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/view/1" -> "features/5/0/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/permute/0" -> "features/5/0/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/contiguous/0" -> "features/5/0/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/unsqueeze/0" -> "features/5/0/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/sigmoid/0" -> "features/5/0/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/mul/0" -> "features/5/0/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/0/attn/pad/0" -> "features/5/0/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/view/2" -> "features/5/0/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/permute/1" -> "features/5/0/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/reshape/0" -> "features/5/0/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.0.attn.qkv.bias" -> "features/5/0/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/clone/0" -> "features/5/0/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/clone/0" -> "features/5/0/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/clone/0" -> "features/5/0/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/0/attn/__getitem__/1" -> "features/5/0/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.0.attn.qkv.weight" -> "features/5/0/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/0/attn/linear/0" -> "features/5/0/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/reshape/1" -> "features/5/0/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/permute/2" -> "features/5/0/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/permute/2" -> "features/5/0/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/permute/2" -> "features/5/0/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/__getitem__/2" -> "features/5/0/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/__getitem__/3" -> "features/5/0/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/__getitem__/4" -> "features/5/0/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/0/attn/normalize/0" -> "features/5/0/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/normalize/1" -> "features/5/0/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/transpose/0" -> "features/5/0/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/0/attn/matmul/0" -> "features/5/0/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.0.attn.logit_scale" -> "features/5/0/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/clamp/0" -> "features/5/0/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/exp/0" -> "features/5/0/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/0/attn/mul/1" -> "features/5/0/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/add/0" -> "features/5/0/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/softmax/0" -> "features/5/0/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/dropout/0" -> "features/5/0/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/matmul/1" -> "features/5/0/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/transpose/1" -> "features/5/0/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/reshape/2" -> "features/5/0/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.0.attn.proj.weight" -> "features/5/0/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.0.attn.proj.bias" -> "features/5/0/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/0/attn/linear/1" -> "features/5/0/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/dropout/1" -> "features/5/0/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/view/3" -> "features/5/0/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/permute/3" -> "features/5/0/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/reshape/3" -> "features/5/0/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/__getitem__/5" -> "features/5/0/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/0/attn/contiguous/1" -> "features/5/0/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.0.norm1.weight" -> "features/5/0/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.0.norm1.bias" -> "features/5/0/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/0/norm1/layer_norm/0" -> "features/5/0/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/0/add/0" -> "features/5/0/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/0/add/0" -> "features/5/0/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.0.mlp.0.weight" -> "features/5/0/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.0.mlp.0.bias" -> "features/5/0/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/0/mlp/0/linear/0" -> "features/5/0/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/0/mlp/1/gelu/0" -> "features/5/0/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/0/mlp/2/dropout/0" -> "features/5/0/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.0.mlp.3.weight" -> "features/5/0/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.0.mlp.3.bias" -> "features/5/0/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/0/mlp/3/linear/0" -> "features/5/0/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/0/mlp/4/dropout/0" -> "features/5/0/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.0.norm2.weight" -> "features/5/0/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.0.norm2.bias" -> "features/5/0/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/0/norm2/layer_norm/0" -> "features/5/0/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/0/add/1" -> "features/5/1/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/0/add/1" -> "features/5/1/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.1.attn.relative_coords_table" -> "features/5/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.1.attn.cpb_mlp.0.weight" -> "features/5/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.1.attn.cpb_mlp.0.bias" -> "features/5/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/1/attn/cpb_mlp/0/linear/0" -> "features/5/1/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/cpb_mlp/1/relu_/0" -> "features/5/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.1.attn.cpb_mlp.2.weight" -> "features/5/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/1/attn/cpb_mlp/2/linear/0" -> "features/5/1/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/view/0" -> "features/5/1/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.1.attn.relative_position_index" -> "features/5/1/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/1/attn/__getitem__/0" -> "features/5/1/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/view/1" -> "features/5/1/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/permute/0" -> "features/5/1/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/contiguous/0" -> "features/5/1/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/unsqueeze/0" -> "features/5/1/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/sigmoid/0" -> "features/5/1/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/mul/0" -> "features/5/1/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/1/attn/pad/0" -> "features/5/1/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/view/2" -> "features/5/1/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/permute/1" -> "features/5/1/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/reshape/0" -> "features/5/1/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.1.attn.qkv.bias" -> "features/5/1/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/clone/0" -> "features/5/1/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/clone/0" -> "features/5/1/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/clone/0" -> "features/5/1/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/1/attn/__getitem__/1" -> "features/5/1/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.1.attn.qkv.weight" -> "features/5/1/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/1/attn/linear/0" -> "features/5/1/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/reshape/1" -> "features/5/1/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/permute/2" -> "features/5/1/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/permute/2" -> "features/5/1/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/permute/2" -> "features/5/1/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/__getitem__/2" -> "features/5/1/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/__getitem__/3" -> "features/5/1/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/__getitem__/4" -> "features/5/1/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/1/attn/normalize/0" -> "features/5/1/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/normalize/1" -> "features/5/1/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/transpose/0" -> "features/5/1/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/1/attn/matmul/0" -> "features/5/1/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.1.attn.logit_scale" -> "features/5/1/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/clamp/0" -> "features/5/1/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/exp/0" -> "features/5/1/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/1/attn/mul/1" -> "features/5/1/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/add/0" -> "features/5/1/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/softmax/0" -> "features/5/1/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/dropout/0" -> "features/5/1/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/matmul/1" -> "features/5/1/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/transpose/1" -> "features/5/1/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/reshape/2" -> "features/5/1/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.1.attn.proj.weight" -> "features/5/1/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.1.attn.proj.bias" -> "features/5/1/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/1/attn/linear/1" -> "features/5/1/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/dropout/1" -> "features/5/1/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/view/3" -> "features/5/1/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/permute/3" -> "features/5/1/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/reshape/3" -> "features/5/1/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/__getitem__/5" -> "features/5/1/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/1/attn/contiguous/1" -> "features/5/1/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.1.norm1.weight" -> "features/5/1/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.1.norm1.bias" -> "features/5/1/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/1/norm1/layer_norm/0" -> "features/5/1/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/1/add/0" -> "features/5/1/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/1/add/0" -> "features/5/1/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.1.mlp.0.weight" -> "features/5/1/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.1.mlp.0.bias" -> "features/5/1/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/1/mlp/0/linear/0" -> "features/5/1/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/1/mlp/1/gelu/0" -> "features/5/1/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/1/mlp/2/dropout/0" -> "features/5/1/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.1.mlp.3.weight" -> "features/5/1/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.1.mlp.3.bias" -> "features/5/1/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/1/mlp/3/linear/0" -> "features/5/1/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/1/mlp/4/dropout/0" -> "features/5/1/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.1.norm2.weight" -> "features/5/1/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.1.norm2.bias" -> "features/5/1/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/1/norm2/layer_norm/0" -> "features/5/1/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/1/add/1" -> "features/5/2/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/1/add/1" -> "features/5/2/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.2.attn.relative_coords_table" -> "features/5/2/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.2.attn.cpb_mlp.0.weight" -> "features/5/2/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.2.attn.cpb_mlp.0.bias" -> "features/5/2/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/2/attn/cpb_mlp/0/linear/0" -> "features/5/2/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/cpb_mlp/1/relu_/0" -> "features/5/2/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.2.attn.cpb_mlp.2.weight" -> "features/5/2/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/2/attn/cpb_mlp/2/linear/0" -> "features/5/2/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/view/0" -> "features/5/2/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.2.attn.relative_position_index" -> "features/5/2/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/2/attn/__getitem__/0" -> "features/5/2/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/view/1" -> "features/5/2/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/permute/0" -> "features/5/2/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/contiguous/0" -> "features/5/2/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/unsqueeze/0" -> "features/5/2/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/sigmoid/0" -> "features/5/2/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/mul/0" -> "features/5/2/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/2/attn/pad/0" -> "features/5/2/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/view/2" -> "features/5/2/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/permute/1" -> "features/5/2/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/reshape/0" -> "features/5/2/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.2.attn.qkv.bias" -> "features/5/2/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/clone/0" -> "features/5/2/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/clone/0" -> "features/5/2/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/clone/0" -> "features/5/2/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/2/attn/__getitem__/1" -> "features/5/2/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.2.attn.qkv.weight" -> "features/5/2/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/2/attn/linear/0" -> "features/5/2/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/reshape/1" -> "features/5/2/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/permute/2" -> "features/5/2/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/permute/2" -> "features/5/2/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/permute/2" -> "features/5/2/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/__getitem__/2" -> "features/5/2/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/__getitem__/3" -> "features/5/2/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/__getitem__/4" -> "features/5/2/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/2/attn/normalize/0" -> "features/5/2/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/normalize/1" -> "features/5/2/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/transpose/0" -> "features/5/2/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/2/attn/matmul/0" -> "features/5/2/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.2.attn.logit_scale" -> "features/5/2/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/clamp/0" -> "features/5/2/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/exp/0" -> "features/5/2/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/2/attn/mul/1" -> "features/5/2/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/add/0" -> "features/5/2/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/softmax/0" -> "features/5/2/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/dropout/0" -> "features/5/2/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/matmul/1" -> "features/5/2/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/transpose/1" -> "features/5/2/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/reshape/2" -> "features/5/2/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.2.attn.proj.weight" -> "features/5/2/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.2.attn.proj.bias" -> "features/5/2/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/2/attn/linear/1" -> "features/5/2/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/dropout/1" -> "features/5/2/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/view/3" -> "features/5/2/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/permute/3" -> "features/5/2/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/reshape/3" -> "features/5/2/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/__getitem__/5" -> "features/5/2/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/2/attn/contiguous/1" -> "features/5/2/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.2.norm1.weight" -> "features/5/2/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.2.norm1.bias" -> "features/5/2/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/2/norm1/layer_norm/0" -> "features/5/2/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/2/add/0" -> "features/5/2/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/2/add/0" -> "features/5/2/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.2.mlp.0.weight" -> "features/5/2/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.2.mlp.0.bias" -> "features/5/2/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/2/mlp/0/linear/0" -> "features/5/2/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/2/mlp/1/gelu/0" -> "features/5/2/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/2/mlp/2/dropout/0" -> "features/5/2/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.2.mlp.3.weight" -> "features/5/2/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.2.mlp.3.bias" -> "features/5/2/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/2/mlp/3/linear/0" -> "features/5/2/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/2/mlp/4/dropout/0" -> "features/5/2/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.2.norm2.weight" -> "features/5/2/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.2.norm2.bias" -> "features/5/2/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/2/norm2/layer_norm/0" -> "features/5/2/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/2/add/1" -> "features/5/3/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/2/add/1" -> "features/5/3/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.3.attn.relative_coords_table" -> "features/5/3/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.3.attn.cpb_mlp.0.weight" -> "features/5/3/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.3.attn.cpb_mlp.0.bias" -> "features/5/3/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/3/attn/cpb_mlp/0/linear/0" -> "features/5/3/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/cpb_mlp/1/relu_/0" -> "features/5/3/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.3.attn.cpb_mlp.2.weight" -> "features/5/3/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/3/attn/cpb_mlp/2/linear/0" -> "features/5/3/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/view/0" -> "features/5/3/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.3.attn.relative_position_index" -> "features/5/3/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/3/attn/__getitem__/0" -> "features/5/3/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/view/1" -> "features/5/3/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/permute/0" -> "features/5/3/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/contiguous/0" -> "features/5/3/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/unsqueeze/0" -> "features/5/3/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/sigmoid/0" -> "features/5/3/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/mul/0" -> "features/5/3/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/3/attn/pad/0" -> "features/5/3/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/view/2" -> "features/5/3/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/permute/1" -> "features/5/3/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/reshape/0" -> "features/5/3/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.3.attn.qkv.bias" -> "features/5/3/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/clone/0" -> "features/5/3/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/clone/0" -> "features/5/3/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/clone/0" -> "features/5/3/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/3/attn/__getitem__/1" -> "features/5/3/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.3.attn.qkv.weight" -> "features/5/3/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/3/attn/linear/0" -> "features/5/3/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/reshape/1" -> "features/5/3/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/permute/2" -> "features/5/3/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/permute/2" -> "features/5/3/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/permute/2" -> "features/5/3/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/__getitem__/2" -> "features/5/3/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/__getitem__/3" -> "features/5/3/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/__getitem__/4" -> "features/5/3/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/3/attn/normalize/0" -> "features/5/3/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/normalize/1" -> "features/5/3/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/transpose/0" -> "features/5/3/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/3/attn/matmul/0" -> "features/5/3/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.3.attn.logit_scale" -> "features/5/3/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/clamp/0" -> "features/5/3/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/exp/0" -> "features/5/3/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/3/attn/mul/1" -> "features/5/3/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/add/0" -> "features/5/3/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/softmax/0" -> "features/5/3/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/dropout/0" -> "features/5/3/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/matmul/1" -> "features/5/3/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/transpose/1" -> "features/5/3/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/reshape/2" -> "features/5/3/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.3.attn.proj.weight" -> "features/5/3/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.3.attn.proj.bias" -> "features/5/3/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/3/attn/linear/1" -> "features/5/3/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/dropout/1" -> "features/5/3/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/view/3" -> "features/5/3/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/permute/3" -> "features/5/3/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/reshape/3" -> "features/5/3/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/__getitem__/5" -> "features/5/3/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/3/attn/contiguous/1" -> "features/5/3/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.3.norm1.weight" -> "features/5/3/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.3.norm1.bias" -> "features/5/3/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/3/norm1/layer_norm/0" -> "features/5/3/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/3/add/0" -> "features/5/3/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/3/add/0" -> "features/5/3/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.3.mlp.0.weight" -> "features/5/3/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.3.mlp.0.bias" -> "features/5/3/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/3/mlp/0/linear/0" -> "features/5/3/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/3/mlp/1/gelu/0" -> "features/5/3/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/3/mlp/2/dropout/0" -> "features/5/3/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.3.mlp.3.weight" -> "features/5/3/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.3.mlp.3.bias" -> "features/5/3/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/3/mlp/3/linear/0" -> "features/5/3/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/3/mlp/4/dropout/0" -> "features/5/3/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.3.norm2.weight" -> "features/5/3/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.3.norm2.bias" -> "features/5/3/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/3/norm2/layer_norm/0" -> "features/5/3/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/3/add/1" -> "features/5/4/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/3/add/1" -> "features/5/4/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.4.attn.relative_coords_table" -> "features/5/4/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.4.attn.cpb_mlp.0.weight" -> "features/5/4/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.4.attn.cpb_mlp.0.bias" -> "features/5/4/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/4/attn/cpb_mlp/0/linear/0" -> "features/5/4/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/cpb_mlp/1/relu_/0" -> "features/5/4/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.4.attn.cpb_mlp.2.weight" -> "features/5/4/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/4/attn/cpb_mlp/2/linear/0" -> "features/5/4/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/view/0" -> "features/5/4/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.4.attn.relative_position_index" -> "features/5/4/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/4/attn/__getitem__/0" -> "features/5/4/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/view/1" -> "features/5/4/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/permute/0" -> "features/5/4/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/contiguous/0" -> "features/5/4/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/unsqueeze/0" -> "features/5/4/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/sigmoid/0" -> "features/5/4/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/mul/0" -> "features/5/4/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/4/attn/pad/0" -> "features/5/4/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/view/2" -> "features/5/4/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/permute/1" -> "features/5/4/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/reshape/0" -> "features/5/4/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.4.attn.qkv.bias" -> "features/5/4/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/clone/0" -> "features/5/4/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/clone/0" -> "features/5/4/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/clone/0" -> "features/5/4/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/4/attn/__getitem__/1" -> "features/5/4/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.4.attn.qkv.weight" -> "features/5/4/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/4/attn/linear/0" -> "features/5/4/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/reshape/1" -> "features/5/4/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/permute/2" -> "features/5/4/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/permute/2" -> "features/5/4/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/permute/2" -> "features/5/4/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/__getitem__/2" -> "features/5/4/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/__getitem__/3" -> "features/5/4/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/__getitem__/4" -> "features/5/4/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/4/attn/normalize/0" -> "features/5/4/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/normalize/1" -> "features/5/4/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/transpose/0" -> "features/5/4/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/4/attn/matmul/0" -> "features/5/4/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.4.attn.logit_scale" -> "features/5/4/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/clamp/0" -> "features/5/4/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/exp/0" -> "features/5/4/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/4/attn/mul/1" -> "features/5/4/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/add/0" -> "features/5/4/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/softmax/0" -> "features/5/4/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/dropout/0" -> "features/5/4/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/matmul/1" -> "features/5/4/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/transpose/1" -> "features/5/4/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/reshape/2" -> "features/5/4/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.4.attn.proj.weight" -> "features/5/4/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.4.attn.proj.bias" -> "features/5/4/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/4/attn/linear/1" -> "features/5/4/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/dropout/1" -> "features/5/4/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/view/3" -> "features/5/4/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/permute/3" -> "features/5/4/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/reshape/3" -> "features/5/4/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/__getitem__/5" -> "features/5/4/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/4/attn/contiguous/1" -> "features/5/4/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.4.norm1.weight" -> "features/5/4/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.4.norm1.bias" -> "features/5/4/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/4/norm1/layer_norm/0" -> "features/5/4/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/4/add/0" -> "features/5/4/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/4/add/0" -> "features/5/4/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.4.mlp.0.weight" -> "features/5/4/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.4.mlp.0.bias" -> "features/5/4/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/4/mlp/0/linear/0" -> "features/5/4/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/4/mlp/1/gelu/0" -> "features/5/4/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/4/mlp/2/dropout/0" -> "features/5/4/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.4.mlp.3.weight" -> "features/5/4/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.4.mlp.3.bias" -> "features/5/4/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/4/mlp/3/linear/0" -> "features/5/4/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/4/mlp/4/dropout/0" -> "features/5/4/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.4.norm2.weight" -> "features/5/4/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.4.norm2.bias" -> "features/5/4/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/4/norm2/layer_norm/0" -> "features/5/4/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/4/add/1" -> "features/5/5/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/4/add/1" -> "features/5/5/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.5.attn.relative_coords_table" -> "features/5/5/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.5.attn.cpb_mlp.0.weight" -> "features/5/5/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.5.attn.cpb_mlp.0.bias" -> "features/5/5/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/5/attn/cpb_mlp/0/linear/0" -> "features/5/5/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/cpb_mlp/1/relu_/0" -> "features/5/5/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.5.attn.cpb_mlp.2.weight" -> "features/5/5/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/5/attn/cpb_mlp/2/linear/0" -> "features/5/5/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/view/0" -> "features/5/5/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.5.attn.relative_position_index" -> "features/5/5/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/5/attn/__getitem__/0" -> "features/5/5/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/view/1" -> "features/5/5/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/permute/0" -> "features/5/5/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/contiguous/0" -> "features/5/5/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/unsqueeze/0" -> "features/5/5/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/sigmoid/0" -> "features/5/5/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/mul/0" -> "features/5/5/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/5/attn/pad/0" -> "features/5/5/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/view/2" -> "features/5/5/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/permute/1" -> "features/5/5/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/reshape/0" -> "features/5/5/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.5.attn.qkv.bias" -> "features/5/5/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/clone/0" -> "features/5/5/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/clone/0" -> "features/5/5/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/clone/0" -> "features/5/5/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/5/attn/__getitem__/1" -> "features/5/5/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.5.attn.qkv.weight" -> "features/5/5/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/5/attn/linear/0" -> "features/5/5/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/reshape/1" -> "features/5/5/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/permute/2" -> "features/5/5/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/permute/2" -> "features/5/5/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/permute/2" -> "features/5/5/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/__getitem__/2" -> "features/5/5/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/__getitem__/3" -> "features/5/5/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/__getitem__/4" -> "features/5/5/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/5/attn/normalize/0" -> "features/5/5/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/normalize/1" -> "features/5/5/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/transpose/0" -> "features/5/5/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/5/attn/matmul/0" -> "features/5/5/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.5.attn.logit_scale" -> "features/5/5/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/clamp/0" -> "features/5/5/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/exp/0" -> "features/5/5/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/5/attn/mul/1" -> "features/5/5/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/add/0" -> "features/5/5/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/softmax/0" -> "features/5/5/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/dropout/0" -> "features/5/5/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/matmul/1" -> "features/5/5/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/transpose/1" -> "features/5/5/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/reshape/2" -> "features/5/5/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.5.attn.proj.weight" -> "features/5/5/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.5.attn.proj.bias" -> "features/5/5/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/5/attn/linear/1" -> "features/5/5/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/dropout/1" -> "features/5/5/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/view/3" -> "features/5/5/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/permute/3" -> "features/5/5/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/reshape/3" -> "features/5/5/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/__getitem__/5" -> "features/5/5/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/5/attn/contiguous/1" -> "features/5/5/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.5.norm1.weight" -> "features/5/5/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.5.norm1.bias" -> "features/5/5/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/5/norm1/layer_norm/0" -> "features/5/5/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/5/add/0" -> "features/5/5/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/5/add/0" -> "features/5/5/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.5.mlp.0.weight" -> "features/5/5/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.5.mlp.0.bias" -> "features/5/5/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/5/mlp/0/linear/0" -> "features/5/5/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/5/mlp/1/gelu/0" -> "features/5/5/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/5/mlp/2/dropout/0" -> "features/5/5/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.5.mlp.3.weight" -> "features/5/5/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.5.mlp.3.bias" -> "features/5/5/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/5/mlp/3/linear/0" -> "features/5/5/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/5/mlp/4/dropout/0" -> "features/5/5/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.5.norm2.weight" -> "features/5/5/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.5.norm2.bias" -> "features/5/5/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/5/norm2/layer_norm/0" -> "features/5/5/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/5/add/1" -> "features/5/6/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/5/add/1" -> "features/5/6/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.6.attn.relative_coords_table" -> "features/5/6/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.6.attn.cpb_mlp.0.weight" -> "features/5/6/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.6.attn.cpb_mlp.0.bias" -> "features/5/6/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/6/attn/cpb_mlp/0/linear/0" -> "features/5/6/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/cpb_mlp/1/relu_/0" -> "features/5/6/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.6.attn.cpb_mlp.2.weight" -> "features/5/6/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/6/attn/cpb_mlp/2/linear/0" -> "features/5/6/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/view/0" -> "features/5/6/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.6.attn.relative_position_index" -> "features/5/6/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/6/attn/__getitem__/0" -> "features/5/6/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/view/1" -> "features/5/6/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/permute/0" -> "features/5/6/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/contiguous/0" -> "features/5/6/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/unsqueeze/0" -> "features/5/6/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/sigmoid/0" -> "features/5/6/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/mul/0" -> "features/5/6/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/6/attn/pad/0" -> "features/5/6/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/view/2" -> "features/5/6/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/permute/1" -> "features/5/6/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/reshape/0" -> "features/5/6/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.6.attn.qkv.bias" -> "features/5/6/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/clone/0" -> "features/5/6/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/clone/0" -> "features/5/6/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/clone/0" -> "features/5/6/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/6/attn/__getitem__/1" -> "features/5/6/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.6.attn.qkv.weight" -> "features/5/6/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/6/attn/linear/0" -> "features/5/6/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/reshape/1" -> "features/5/6/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/permute/2" -> "features/5/6/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/permute/2" -> "features/5/6/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/permute/2" -> "features/5/6/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/__getitem__/2" -> "features/5/6/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/__getitem__/3" -> "features/5/6/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/__getitem__/4" -> "features/5/6/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/6/attn/normalize/0" -> "features/5/6/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/normalize/1" -> "features/5/6/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/transpose/0" -> "features/5/6/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/6/attn/matmul/0" -> "features/5/6/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.6.attn.logit_scale" -> "features/5/6/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/clamp/0" -> "features/5/6/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/exp/0" -> "features/5/6/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/6/attn/mul/1" -> "features/5/6/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/add/0" -> "features/5/6/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/softmax/0" -> "features/5/6/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/dropout/0" -> "features/5/6/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/matmul/1" -> "features/5/6/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/transpose/1" -> "features/5/6/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/reshape/2" -> "features/5/6/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.6.attn.proj.weight" -> "features/5/6/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.6.attn.proj.bias" -> "features/5/6/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/6/attn/linear/1" -> "features/5/6/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/dropout/1" -> "features/5/6/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/view/3" -> "features/5/6/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/permute/3" -> "features/5/6/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/reshape/3" -> "features/5/6/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/__getitem__/5" -> "features/5/6/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/6/attn/contiguous/1" -> "features/5/6/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.6.norm1.weight" -> "features/5/6/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.6.norm1.bias" -> "features/5/6/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/6/norm1/layer_norm/0" -> "features/5/6/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/6/add/0" -> "features/5/6/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/6/add/0" -> "features/5/6/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.6.mlp.0.weight" -> "features/5/6/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.6.mlp.0.bias" -> "features/5/6/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/6/mlp/0/linear/0" -> "features/5/6/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/6/mlp/1/gelu/0" -> "features/5/6/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/6/mlp/2/dropout/0" -> "features/5/6/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.6.mlp.3.weight" -> "features/5/6/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.6.mlp.3.bias" -> "features/5/6/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/6/mlp/3/linear/0" -> "features/5/6/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/6/mlp/4/dropout/0" -> "features/5/6/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.6.norm2.weight" -> "features/5/6/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.6.norm2.bias" -> "features/5/6/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/6/norm2/layer_norm/0" -> "features/5/6/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/6/add/1" -> "features/5/7/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/6/add/1" -> "features/5/7/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.7.attn.relative_coords_table" -> "features/5/7/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.7.attn.cpb_mlp.0.weight" -> "features/5/7/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.7.attn.cpb_mlp.0.bias" -> "features/5/7/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/7/attn/cpb_mlp/0/linear/0" -> "features/5/7/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/cpb_mlp/1/relu_/0" -> "features/5/7/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.7.attn.cpb_mlp.2.weight" -> "features/5/7/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/7/attn/cpb_mlp/2/linear/0" -> "features/5/7/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/view/0" -> "features/5/7/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.7.attn.relative_position_index" -> "features/5/7/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/7/attn/__getitem__/0" -> "features/5/7/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/view/1" -> "features/5/7/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/permute/0" -> "features/5/7/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/contiguous/0" -> "features/5/7/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/unsqueeze/0" -> "features/5/7/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/sigmoid/0" -> "features/5/7/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/mul/0" -> "features/5/7/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/7/attn/pad/0" -> "features/5/7/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/view/2" -> "features/5/7/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/permute/1" -> "features/5/7/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/reshape/0" -> "features/5/7/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.7.attn.qkv.bias" -> "features/5/7/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/clone/0" -> "features/5/7/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/clone/0" -> "features/5/7/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/clone/0" -> "features/5/7/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/7/attn/__getitem__/1" -> "features/5/7/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.7.attn.qkv.weight" -> "features/5/7/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/7/attn/linear/0" -> "features/5/7/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/reshape/1" -> "features/5/7/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/permute/2" -> "features/5/7/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/permute/2" -> "features/5/7/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/permute/2" -> "features/5/7/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/__getitem__/2" -> "features/5/7/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/__getitem__/3" -> "features/5/7/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/__getitem__/4" -> "features/5/7/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/7/attn/normalize/0" -> "features/5/7/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/normalize/1" -> "features/5/7/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/transpose/0" -> "features/5/7/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/7/attn/matmul/0" -> "features/5/7/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.7.attn.logit_scale" -> "features/5/7/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/clamp/0" -> "features/5/7/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/exp/0" -> "features/5/7/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/7/attn/mul/1" -> "features/5/7/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/add/0" -> "features/5/7/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/softmax/0" -> "features/5/7/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/dropout/0" -> "features/5/7/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/matmul/1" -> "features/5/7/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/transpose/1" -> "features/5/7/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/reshape/2" -> "features/5/7/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.7.attn.proj.weight" -> "features/5/7/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.7.attn.proj.bias" -> "features/5/7/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/7/attn/linear/1" -> "features/5/7/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/dropout/1" -> "features/5/7/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/view/3" -> "features/5/7/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/permute/3" -> "features/5/7/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/reshape/3" -> "features/5/7/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/__getitem__/5" -> "features/5/7/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/7/attn/contiguous/1" -> "features/5/7/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.7.norm1.weight" -> "features/5/7/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.7.norm1.bias" -> "features/5/7/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/7/norm1/layer_norm/0" -> "features/5/7/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/7/add/0" -> "features/5/7/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/7/add/0" -> "features/5/7/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.7.mlp.0.weight" -> "features/5/7/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.7.mlp.0.bias" -> "features/5/7/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/7/mlp/0/linear/0" -> "features/5/7/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/7/mlp/1/gelu/0" -> "features/5/7/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/7/mlp/2/dropout/0" -> "features/5/7/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.7.mlp.3.weight" -> "features/5/7/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.7.mlp.3.bias" -> "features/5/7/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/7/mlp/3/linear/0" -> "features/5/7/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/7/mlp/4/dropout/0" -> "features/5/7/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.7.norm2.weight" -> "features/5/7/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.7.norm2.bias" -> "features/5/7/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/7/norm2/layer_norm/0" -> "features/5/7/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/7/add/1" -> "features/5/8/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/7/add/1" -> "features/5/8/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.8.attn.relative_coords_table" -> "features/5/8/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.8.attn.cpb_mlp.0.weight" -> "features/5/8/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.8.attn.cpb_mlp.0.bias" -> "features/5/8/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/8/attn/cpb_mlp/0/linear/0" -> "features/5/8/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/cpb_mlp/1/relu_/0" -> "features/5/8/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.8.attn.cpb_mlp.2.weight" -> "features/5/8/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/8/attn/cpb_mlp/2/linear/0" -> "features/5/8/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/view/0" -> "features/5/8/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.8.attn.relative_position_index" -> "features/5/8/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/8/attn/__getitem__/0" -> "features/5/8/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/view/1" -> "features/5/8/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/permute/0" -> "features/5/8/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/contiguous/0" -> "features/5/8/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/unsqueeze/0" -> "features/5/8/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/sigmoid/0" -> "features/5/8/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/mul/0" -> "features/5/8/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/8/attn/pad/0" -> "features/5/8/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/view/2" -> "features/5/8/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/permute/1" -> "features/5/8/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/reshape/0" -> "features/5/8/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.8.attn.qkv.bias" -> "features/5/8/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/clone/0" -> "features/5/8/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/clone/0" -> "features/5/8/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/clone/0" -> "features/5/8/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/8/attn/__getitem__/1" -> "features/5/8/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.8.attn.qkv.weight" -> "features/5/8/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/8/attn/linear/0" -> "features/5/8/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/reshape/1" -> "features/5/8/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/permute/2" -> "features/5/8/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/permute/2" -> "features/5/8/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/permute/2" -> "features/5/8/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/__getitem__/2" -> "features/5/8/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/__getitem__/3" -> "features/5/8/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/__getitem__/4" -> "features/5/8/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/8/attn/normalize/0" -> "features/5/8/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/normalize/1" -> "features/5/8/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/transpose/0" -> "features/5/8/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/8/attn/matmul/0" -> "features/5/8/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.8.attn.logit_scale" -> "features/5/8/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/clamp/0" -> "features/5/8/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/exp/0" -> "features/5/8/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/8/attn/mul/1" -> "features/5/8/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/add/0" -> "features/5/8/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/softmax/0" -> "features/5/8/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/dropout/0" -> "features/5/8/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/matmul/1" -> "features/5/8/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/transpose/1" -> "features/5/8/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/reshape/2" -> "features/5/8/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.8.attn.proj.weight" -> "features/5/8/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.8.attn.proj.bias" -> "features/5/8/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/8/attn/linear/1" -> "features/5/8/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/dropout/1" -> "features/5/8/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/view/3" -> "features/5/8/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/permute/3" -> "features/5/8/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/reshape/3" -> "features/5/8/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/__getitem__/5" -> "features/5/8/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/8/attn/contiguous/1" -> "features/5/8/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.8.norm1.weight" -> "features/5/8/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.8.norm1.bias" -> "features/5/8/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/8/norm1/layer_norm/0" -> "features/5/8/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/8/add/0" -> "features/5/8/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/8/add/0" -> "features/5/8/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.8.mlp.0.weight" -> "features/5/8/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.8.mlp.0.bias" -> "features/5/8/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/8/mlp/0/linear/0" -> "features/5/8/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/8/mlp/1/gelu/0" -> "features/5/8/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/8/mlp/2/dropout/0" -> "features/5/8/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.8.mlp.3.weight" -> "features/5/8/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.8.mlp.3.bias" -> "features/5/8/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/8/mlp/3/linear/0" -> "features/5/8/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/8/mlp/4/dropout/0" -> "features/5/8/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.8.norm2.weight" -> "features/5/8/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.8.norm2.bias" -> "features/5/8/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/8/norm2/layer_norm/0" -> "features/5/8/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/8/add/1" -> "features/5/9/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/8/add/1" -> "features/5/9/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.9.attn.relative_coords_table" -> "features/5/9/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.9.attn.cpb_mlp.0.weight" -> "features/5/9/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.9.attn.cpb_mlp.0.bias" -> "features/5/9/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/9/attn/cpb_mlp/0/linear/0" -> "features/5/9/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/cpb_mlp/1/relu_/0" -> "features/5/9/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.9.attn.cpb_mlp.2.weight" -> "features/5/9/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/9/attn/cpb_mlp/2/linear/0" -> "features/5/9/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/view/0" -> "features/5/9/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.9.attn.relative_position_index" -> "features/5/9/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/9/attn/__getitem__/0" -> "features/5/9/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/view/1" -> "features/5/9/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/permute/0" -> "features/5/9/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/contiguous/0" -> "features/5/9/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/unsqueeze/0" -> "features/5/9/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/sigmoid/0" -> "features/5/9/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/mul/0" -> "features/5/9/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/9/attn/pad/0" -> "features/5/9/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/view/2" -> "features/5/9/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/permute/1" -> "features/5/9/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/reshape/0" -> "features/5/9/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.9.attn.qkv.bias" -> "features/5/9/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/clone/0" -> "features/5/9/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/clone/0" -> "features/5/9/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/clone/0" -> "features/5/9/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/9/attn/__getitem__/1" -> "features/5/9/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.9.attn.qkv.weight" -> "features/5/9/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/9/attn/linear/0" -> "features/5/9/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/reshape/1" -> "features/5/9/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/permute/2" -> "features/5/9/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/permute/2" -> "features/5/9/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/permute/2" -> "features/5/9/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/__getitem__/2" -> "features/5/9/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/__getitem__/3" -> "features/5/9/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/__getitem__/4" -> "features/5/9/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/9/attn/normalize/0" -> "features/5/9/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/normalize/1" -> "features/5/9/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/transpose/0" -> "features/5/9/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/9/attn/matmul/0" -> "features/5/9/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.9.attn.logit_scale" -> "features/5/9/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/clamp/0" -> "features/5/9/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/exp/0" -> "features/5/9/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/9/attn/mul/1" -> "features/5/9/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/add/0" -> "features/5/9/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/softmax/0" -> "features/5/9/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/dropout/0" -> "features/5/9/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/matmul/1" -> "features/5/9/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/transpose/1" -> "features/5/9/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/reshape/2" -> "features/5/9/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.9.attn.proj.weight" -> "features/5/9/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.9.attn.proj.bias" -> "features/5/9/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/9/attn/linear/1" -> "features/5/9/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/dropout/1" -> "features/5/9/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/view/3" -> "features/5/9/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/permute/3" -> "features/5/9/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/reshape/3" -> "features/5/9/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/__getitem__/5" -> "features/5/9/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/9/attn/contiguous/1" -> "features/5/9/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.9.norm1.weight" -> "features/5/9/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.9.norm1.bias" -> "features/5/9/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/9/norm1/layer_norm/0" -> "features/5/9/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/9/add/0" -> "features/5/9/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/9/add/0" -> "features/5/9/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.9.mlp.0.weight" -> "features/5/9/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.9.mlp.0.bias" -> "features/5/9/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/9/mlp/0/linear/0" -> "features/5/9/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/9/mlp/1/gelu/0" -> "features/5/9/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/9/mlp/2/dropout/0" -> "features/5/9/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.9.mlp.3.weight" -> "features/5/9/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.9.mlp.3.bias" -> "features/5/9/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/9/mlp/3/linear/0" -> "features/5/9/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/9/mlp/4/dropout/0" -> "features/5/9/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.9.norm2.weight" -> "features/5/9/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.9.norm2.bias" -> "features/5/9/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/9/norm2/layer_norm/0" -> "features/5/9/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/9/add/1" -> "features/5/10/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/9/add/1" -> "features/5/10/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.10.attn.relative_coords_table" -> "features/5/10/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.10.attn.cpb_mlp.0.weight" -> "features/5/10/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.10.attn.cpb_mlp.0.bias" -> "features/5/10/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/10/attn/cpb_mlp/0/linear/0" -> "features/5/10/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/cpb_mlp/1/relu_/0" -> "features/5/10/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.10.attn.cpb_mlp.2.weight" -> "features/5/10/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/10/attn/cpb_mlp/2/linear/0" -> "features/5/10/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/view/0" -> "features/5/10/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.10.attn.relative_position_index" -> "features/5/10/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/10/attn/__getitem__/0" -> "features/5/10/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/view/1" -> "features/5/10/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/permute/0" -> "features/5/10/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/contiguous/0" -> "features/5/10/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/unsqueeze/0" -> "features/5/10/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/sigmoid/0" -> "features/5/10/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/mul/0" -> "features/5/10/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/10/attn/pad/0" -> "features/5/10/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/view/2" -> "features/5/10/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/permute/1" -> "features/5/10/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/reshape/0" -> "features/5/10/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.10.attn.qkv.bias" -> "features/5/10/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/clone/0" -> "features/5/10/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/clone/0" -> "features/5/10/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/clone/0" -> "features/5/10/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/10/attn/__getitem__/1" -> "features/5/10/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.10.attn.qkv.weight" -> "features/5/10/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/10/attn/linear/0" -> "features/5/10/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/reshape/1" -> "features/5/10/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/permute/2" -> "features/5/10/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/permute/2" -> "features/5/10/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/permute/2" -> "features/5/10/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/__getitem__/2" -> "features/5/10/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/__getitem__/3" -> "features/5/10/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/__getitem__/4" -> "features/5/10/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/10/attn/normalize/0" -> "features/5/10/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/normalize/1" -> "features/5/10/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/transpose/0" -> "features/5/10/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/10/attn/matmul/0" -> "features/5/10/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.10.attn.logit_scale" -> "features/5/10/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/clamp/0" -> "features/5/10/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/exp/0" -> "features/5/10/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/10/attn/mul/1" -> "features/5/10/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/add/0" -> "features/5/10/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/softmax/0" -> "features/5/10/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/dropout/0" -> "features/5/10/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/matmul/1" -> "features/5/10/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/transpose/1" -> "features/5/10/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/reshape/2" -> "features/5/10/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.10.attn.proj.weight" -> "features/5/10/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.10.attn.proj.bias" -> "features/5/10/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/10/attn/linear/1" -> "features/5/10/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/dropout/1" -> "features/5/10/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/view/3" -> "features/5/10/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/permute/3" -> "features/5/10/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/reshape/3" -> "features/5/10/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/__getitem__/5" -> "features/5/10/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/10/attn/contiguous/1" -> "features/5/10/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.10.norm1.weight" -> "features/5/10/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.10.norm1.bias" -> "features/5/10/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/10/norm1/layer_norm/0" -> "features/5/10/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/10/add/0" -> "features/5/10/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/10/add/0" -> "features/5/10/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.10.mlp.0.weight" -> "features/5/10/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.10.mlp.0.bias" -> "features/5/10/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/10/mlp/0/linear/0" -> "features/5/10/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/10/mlp/1/gelu/0" -> "features/5/10/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/10/mlp/2/dropout/0" -> "features/5/10/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.10.mlp.3.weight" -> "features/5/10/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.10.mlp.3.bias" -> "features/5/10/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/10/mlp/3/linear/0" -> "features/5/10/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/10/mlp/4/dropout/0" -> "features/5/10/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.10.norm2.weight" -> "features/5/10/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.10.norm2.bias" -> "features/5/10/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/10/norm2/layer_norm/0" -> "features/5/10/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/10/add/1" -> "features/5/11/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/10/add/1" -> "features/5/11/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.11.attn.relative_coords_table" -> "features/5/11/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.11.attn.cpb_mlp.0.weight" -> "features/5/11/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.11.attn.cpb_mlp.0.bias" -> "features/5/11/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/11/attn/cpb_mlp/0/linear/0" -> "features/5/11/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/cpb_mlp/1/relu_/0" -> "features/5/11/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.11.attn.cpb_mlp.2.weight" -> "features/5/11/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/11/attn/cpb_mlp/2/linear/0" -> "features/5/11/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/view/0" -> "features/5/11/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.11.attn.relative_position_index" -> "features/5/11/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/11/attn/__getitem__/0" -> "features/5/11/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/view/1" -> "features/5/11/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/permute/0" -> "features/5/11/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/contiguous/0" -> "features/5/11/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/unsqueeze/0" -> "features/5/11/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/sigmoid/0" -> "features/5/11/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/mul/0" -> "features/5/11/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/11/attn/pad/0" -> "features/5/11/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/view/2" -> "features/5/11/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/permute/1" -> "features/5/11/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/reshape/0" -> "features/5/11/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.11.attn.qkv.bias" -> "features/5/11/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/clone/0" -> "features/5/11/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/clone/0" -> "features/5/11/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/clone/0" -> "features/5/11/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/11/attn/__getitem__/1" -> "features/5/11/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.11.attn.qkv.weight" -> "features/5/11/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/11/attn/linear/0" -> "features/5/11/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/reshape/1" -> "features/5/11/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/permute/2" -> "features/5/11/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/permute/2" -> "features/5/11/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/permute/2" -> "features/5/11/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/__getitem__/2" -> "features/5/11/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/__getitem__/3" -> "features/5/11/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/__getitem__/4" -> "features/5/11/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/11/attn/normalize/0" -> "features/5/11/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/normalize/1" -> "features/5/11/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/transpose/0" -> "features/5/11/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/11/attn/matmul/0" -> "features/5/11/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.11.attn.logit_scale" -> "features/5/11/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/clamp/0" -> "features/5/11/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/exp/0" -> "features/5/11/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/11/attn/mul/1" -> "features/5/11/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/add/0" -> "features/5/11/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/softmax/0" -> "features/5/11/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/dropout/0" -> "features/5/11/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/matmul/1" -> "features/5/11/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/transpose/1" -> "features/5/11/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/reshape/2" -> "features/5/11/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.11.attn.proj.weight" -> "features/5/11/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.11.attn.proj.bias" -> "features/5/11/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/11/attn/linear/1" -> "features/5/11/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/dropout/1" -> "features/5/11/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/view/3" -> "features/5/11/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/permute/3" -> "features/5/11/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/reshape/3" -> "features/5/11/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/__getitem__/5" -> "features/5/11/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/11/attn/contiguous/1" -> "features/5/11/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.11.norm1.weight" -> "features/5/11/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.11.norm1.bias" -> "features/5/11/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/11/norm1/layer_norm/0" -> "features/5/11/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/11/add/0" -> "features/5/11/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/11/add/0" -> "features/5/11/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.11.mlp.0.weight" -> "features/5/11/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.11.mlp.0.bias" -> "features/5/11/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/11/mlp/0/linear/0" -> "features/5/11/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/11/mlp/1/gelu/0" -> "features/5/11/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/11/mlp/2/dropout/0" -> "features/5/11/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.11.mlp.3.weight" -> "features/5/11/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.11.mlp.3.bias" -> "features/5/11/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/11/mlp/3/linear/0" -> "features/5/11/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/11/mlp/4/dropout/0" -> "features/5/11/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.11.norm2.weight" -> "features/5/11/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.11.norm2.bias" -> "features/5/11/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/11/norm2/layer_norm/0" -> "features/5/11/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/11/add/1" -> "features/5/12/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/11/add/1" -> "features/5/12/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.12.attn.relative_coords_table" -> "features/5/12/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.12.attn.cpb_mlp.0.weight" -> "features/5/12/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.12.attn.cpb_mlp.0.bias" -> "features/5/12/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/12/attn/cpb_mlp/0/linear/0" -> "features/5/12/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/cpb_mlp/1/relu_/0" -> "features/5/12/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.12.attn.cpb_mlp.2.weight" -> "features/5/12/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/12/attn/cpb_mlp/2/linear/0" -> "features/5/12/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/view/0" -> "features/5/12/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.12.attn.relative_position_index" -> "features/5/12/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/12/attn/__getitem__/0" -> "features/5/12/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/view/1" -> "features/5/12/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/permute/0" -> "features/5/12/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/contiguous/0" -> "features/5/12/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/unsqueeze/0" -> "features/5/12/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/sigmoid/0" -> "features/5/12/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/mul/0" -> "features/5/12/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/12/attn/pad/0" -> "features/5/12/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/view/2" -> "features/5/12/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/permute/1" -> "features/5/12/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/reshape/0" -> "features/5/12/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.12.attn.qkv.bias" -> "features/5/12/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/clone/0" -> "features/5/12/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/clone/0" -> "features/5/12/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/clone/0" -> "features/5/12/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/12/attn/__getitem__/1" -> "features/5/12/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.12.attn.qkv.weight" -> "features/5/12/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/12/attn/linear/0" -> "features/5/12/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/reshape/1" -> "features/5/12/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/permute/2" -> "features/5/12/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/permute/2" -> "features/5/12/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/permute/2" -> "features/5/12/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/__getitem__/2" -> "features/5/12/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/__getitem__/3" -> "features/5/12/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/__getitem__/4" -> "features/5/12/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/12/attn/normalize/0" -> "features/5/12/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/normalize/1" -> "features/5/12/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/transpose/0" -> "features/5/12/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/12/attn/matmul/0" -> "features/5/12/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.12.attn.logit_scale" -> "features/5/12/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/clamp/0" -> "features/5/12/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/exp/0" -> "features/5/12/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/12/attn/mul/1" -> "features/5/12/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/add/0" -> "features/5/12/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/softmax/0" -> "features/5/12/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/dropout/0" -> "features/5/12/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/matmul/1" -> "features/5/12/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/transpose/1" -> "features/5/12/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/reshape/2" -> "features/5/12/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.12.attn.proj.weight" -> "features/5/12/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.12.attn.proj.bias" -> "features/5/12/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/12/attn/linear/1" -> "features/5/12/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/dropout/1" -> "features/5/12/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/view/3" -> "features/5/12/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/permute/3" -> "features/5/12/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/reshape/3" -> "features/5/12/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/__getitem__/5" -> "features/5/12/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/12/attn/contiguous/1" -> "features/5/12/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.12.norm1.weight" -> "features/5/12/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.12.norm1.bias" -> "features/5/12/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/12/norm1/layer_norm/0" -> "features/5/12/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/12/add/0" -> "features/5/12/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/12/add/0" -> "features/5/12/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.12.mlp.0.weight" -> "features/5/12/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.12.mlp.0.bias" -> "features/5/12/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/12/mlp/0/linear/0" -> "features/5/12/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/12/mlp/1/gelu/0" -> "features/5/12/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/12/mlp/2/dropout/0" -> "features/5/12/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.12.mlp.3.weight" -> "features/5/12/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.12.mlp.3.bias" -> "features/5/12/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/12/mlp/3/linear/0" -> "features/5/12/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/12/mlp/4/dropout/0" -> "features/5/12/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.12.norm2.weight" -> "features/5/12/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.12.norm2.bias" -> "features/5/12/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/12/norm2/layer_norm/0" -> "features/5/12/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/12/add/1" -> "features/5/13/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/12/add/1" -> "features/5/13/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.13.attn.relative_coords_table" -> "features/5/13/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.13.attn.cpb_mlp.0.weight" -> "features/5/13/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.13.attn.cpb_mlp.0.bias" -> "features/5/13/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/13/attn/cpb_mlp/0/linear/0" -> "features/5/13/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/cpb_mlp/1/relu_/0" -> "features/5/13/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.13.attn.cpb_mlp.2.weight" -> "features/5/13/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/13/attn/cpb_mlp/2/linear/0" -> "features/5/13/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/view/0" -> "features/5/13/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.13.attn.relative_position_index" -> "features/5/13/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/13/attn/__getitem__/0" -> "features/5/13/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/view/1" -> "features/5/13/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/permute/0" -> "features/5/13/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/contiguous/0" -> "features/5/13/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/unsqueeze/0" -> "features/5/13/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/sigmoid/0" -> "features/5/13/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/mul/0" -> "features/5/13/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/13/attn/pad/0" -> "features/5/13/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/view/2" -> "features/5/13/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/permute/1" -> "features/5/13/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/reshape/0" -> "features/5/13/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.13.attn.qkv.bias" -> "features/5/13/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/clone/0" -> "features/5/13/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/clone/0" -> "features/5/13/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/clone/0" -> "features/5/13/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/13/attn/__getitem__/1" -> "features/5/13/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.13.attn.qkv.weight" -> "features/5/13/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/13/attn/linear/0" -> "features/5/13/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/reshape/1" -> "features/5/13/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/permute/2" -> "features/5/13/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/permute/2" -> "features/5/13/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/permute/2" -> "features/5/13/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/__getitem__/2" -> "features/5/13/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/__getitem__/3" -> "features/5/13/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/__getitem__/4" -> "features/5/13/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/13/attn/normalize/0" -> "features/5/13/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/normalize/1" -> "features/5/13/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/transpose/0" -> "features/5/13/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/13/attn/matmul/0" -> "features/5/13/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.13.attn.logit_scale" -> "features/5/13/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/clamp/0" -> "features/5/13/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/exp/0" -> "features/5/13/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/13/attn/mul/1" -> "features/5/13/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/add/0" -> "features/5/13/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/softmax/0" -> "features/5/13/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/dropout/0" -> "features/5/13/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/matmul/1" -> "features/5/13/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/transpose/1" -> "features/5/13/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/reshape/2" -> "features/5/13/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.13.attn.proj.weight" -> "features/5/13/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.13.attn.proj.bias" -> "features/5/13/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/13/attn/linear/1" -> "features/5/13/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/dropout/1" -> "features/5/13/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/view/3" -> "features/5/13/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/permute/3" -> "features/5/13/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/reshape/3" -> "features/5/13/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/__getitem__/5" -> "features/5/13/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/13/attn/contiguous/1" -> "features/5/13/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.13.norm1.weight" -> "features/5/13/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.13.norm1.bias" -> "features/5/13/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/13/norm1/layer_norm/0" -> "features/5/13/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/13/add/0" -> "features/5/13/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/13/add/0" -> "features/5/13/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.13.mlp.0.weight" -> "features/5/13/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.13.mlp.0.bias" -> "features/5/13/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/13/mlp/0/linear/0" -> "features/5/13/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/13/mlp/1/gelu/0" -> "features/5/13/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/13/mlp/2/dropout/0" -> "features/5/13/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.13.mlp.3.weight" -> "features/5/13/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.13.mlp.3.bias" -> "features/5/13/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/13/mlp/3/linear/0" -> "features/5/13/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/13/mlp/4/dropout/0" -> "features/5/13/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.13.norm2.weight" -> "features/5/13/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.13.norm2.bias" -> "features/5/13/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/13/norm2/layer_norm/0" -> "features/5/13/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/13/add/1" -> "features/5/14/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/13/add/1" -> "features/5/14/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.14.attn.relative_coords_table" -> "features/5/14/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.14.attn.cpb_mlp.0.weight" -> "features/5/14/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.14.attn.cpb_mlp.0.bias" -> "features/5/14/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/14/attn/cpb_mlp/0/linear/0" -> "features/5/14/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/cpb_mlp/1/relu_/0" -> "features/5/14/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.14.attn.cpb_mlp.2.weight" -> "features/5/14/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/14/attn/cpb_mlp/2/linear/0" -> "features/5/14/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/view/0" -> "features/5/14/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.14.attn.relative_position_index" -> "features/5/14/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/14/attn/__getitem__/0" -> "features/5/14/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/view/1" -> "features/5/14/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/permute/0" -> "features/5/14/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/contiguous/0" -> "features/5/14/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/unsqueeze/0" -> "features/5/14/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/sigmoid/0" -> "features/5/14/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/mul/0" -> "features/5/14/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/14/attn/pad/0" -> "features/5/14/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/view/2" -> "features/5/14/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/permute/1" -> "features/5/14/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/reshape/0" -> "features/5/14/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.14.attn.qkv.bias" -> "features/5/14/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/clone/0" -> "features/5/14/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/clone/0" -> "features/5/14/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/clone/0" -> "features/5/14/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/14/attn/__getitem__/1" -> "features/5/14/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.14.attn.qkv.weight" -> "features/5/14/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/14/attn/linear/0" -> "features/5/14/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/reshape/1" -> "features/5/14/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/permute/2" -> "features/5/14/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/permute/2" -> "features/5/14/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/permute/2" -> "features/5/14/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/__getitem__/2" -> "features/5/14/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/__getitem__/3" -> "features/5/14/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/__getitem__/4" -> "features/5/14/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/14/attn/normalize/0" -> "features/5/14/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/normalize/1" -> "features/5/14/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/transpose/0" -> "features/5/14/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/14/attn/matmul/0" -> "features/5/14/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.14.attn.logit_scale" -> "features/5/14/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/clamp/0" -> "features/5/14/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/exp/0" -> "features/5/14/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/14/attn/mul/1" -> "features/5/14/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/add/0" -> "features/5/14/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/softmax/0" -> "features/5/14/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/dropout/0" -> "features/5/14/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/matmul/1" -> "features/5/14/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/transpose/1" -> "features/5/14/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/reshape/2" -> "features/5/14/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.14.attn.proj.weight" -> "features/5/14/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.14.attn.proj.bias" -> "features/5/14/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/14/attn/linear/1" -> "features/5/14/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/dropout/1" -> "features/5/14/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/view/3" -> "features/5/14/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/permute/3" -> "features/5/14/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/reshape/3" -> "features/5/14/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/__getitem__/5" -> "features/5/14/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/14/attn/contiguous/1" -> "features/5/14/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.14.norm1.weight" -> "features/5/14/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.14.norm1.bias" -> "features/5/14/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/14/norm1/layer_norm/0" -> "features/5/14/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/14/add/0" -> "features/5/14/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/14/add/0" -> "features/5/14/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.14.mlp.0.weight" -> "features/5/14/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.14.mlp.0.bias" -> "features/5/14/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/14/mlp/0/linear/0" -> "features/5/14/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/14/mlp/1/gelu/0" -> "features/5/14/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/14/mlp/2/dropout/0" -> "features/5/14/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.14.mlp.3.weight" -> "features/5/14/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.14.mlp.3.bias" -> "features/5/14/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/14/mlp/3/linear/0" -> "features/5/14/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/14/mlp/4/dropout/0" -> "features/5/14/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.14.norm2.weight" -> "features/5/14/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.14.norm2.bias" -> "features/5/14/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/14/norm2/layer_norm/0" -> "features/5/14/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/14/add/1" -> "features/5/15/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/14/add/1" -> "features/5/15/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.15.attn.relative_coords_table" -> "features/5/15/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.15.attn.cpb_mlp.0.weight" -> "features/5/15/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.15.attn.cpb_mlp.0.bias" -> "features/5/15/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/15/attn/cpb_mlp/0/linear/0" -> "features/5/15/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/cpb_mlp/1/relu_/0" -> "features/5/15/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.15.attn.cpb_mlp.2.weight" -> "features/5/15/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/15/attn/cpb_mlp/2/linear/0" -> "features/5/15/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/view/0" -> "features/5/15/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.15.attn.relative_position_index" -> "features/5/15/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/15/attn/__getitem__/0" -> "features/5/15/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/view/1" -> "features/5/15/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/permute/0" -> "features/5/15/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/contiguous/0" -> "features/5/15/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/unsqueeze/0" -> "features/5/15/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/sigmoid/0" -> "features/5/15/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/mul/0" -> "features/5/15/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/15/attn/pad/0" -> "features/5/15/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/view/2" -> "features/5/15/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/permute/1" -> "features/5/15/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/reshape/0" -> "features/5/15/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.15.attn.qkv.bias" -> "features/5/15/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/clone/0" -> "features/5/15/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/clone/0" -> "features/5/15/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/clone/0" -> "features/5/15/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/15/attn/__getitem__/1" -> "features/5/15/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.15.attn.qkv.weight" -> "features/5/15/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/15/attn/linear/0" -> "features/5/15/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/reshape/1" -> "features/5/15/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/permute/2" -> "features/5/15/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/permute/2" -> "features/5/15/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/permute/2" -> "features/5/15/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/__getitem__/2" -> "features/5/15/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/__getitem__/3" -> "features/5/15/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/__getitem__/4" -> "features/5/15/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/15/attn/normalize/0" -> "features/5/15/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/normalize/1" -> "features/5/15/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/transpose/0" -> "features/5/15/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/15/attn/matmul/0" -> "features/5/15/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.15.attn.logit_scale" -> "features/5/15/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/clamp/0" -> "features/5/15/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/exp/0" -> "features/5/15/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/15/attn/mul/1" -> "features/5/15/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/add/0" -> "features/5/15/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/softmax/0" -> "features/5/15/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/dropout/0" -> "features/5/15/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/matmul/1" -> "features/5/15/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/transpose/1" -> "features/5/15/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/reshape/2" -> "features/5/15/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.15.attn.proj.weight" -> "features/5/15/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.15.attn.proj.bias" -> "features/5/15/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/15/attn/linear/1" -> "features/5/15/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/dropout/1" -> "features/5/15/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/view/3" -> "features/5/15/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/permute/3" -> "features/5/15/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/reshape/3" -> "features/5/15/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/__getitem__/5" -> "features/5/15/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/15/attn/contiguous/1" -> "features/5/15/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.15.norm1.weight" -> "features/5/15/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.15.norm1.bias" -> "features/5/15/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/15/norm1/layer_norm/0" -> "features/5/15/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/15/add/0" -> "features/5/15/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/15/add/0" -> "features/5/15/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.15.mlp.0.weight" -> "features/5/15/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.15.mlp.0.bias" -> "features/5/15/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/15/mlp/0/linear/0" -> "features/5/15/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/15/mlp/1/gelu/0" -> "features/5/15/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/15/mlp/2/dropout/0" -> "features/5/15/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.15.mlp.3.weight" -> "features/5/15/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.15.mlp.3.bias" -> "features/5/15/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/15/mlp/3/linear/0" -> "features/5/15/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/15/mlp/4/dropout/0" -> "features/5/15/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.15.norm2.weight" -> "features/5/15/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.15.norm2.bias" -> "features/5/15/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/15/norm2/layer_norm/0" -> "features/5/15/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/15/add/1" -> "features/5/16/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/15/add/1" -> "features/5/16/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.16.attn.relative_coords_table" -> "features/5/16/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.16.attn.cpb_mlp.0.weight" -> "features/5/16/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.16.attn.cpb_mlp.0.bias" -> "features/5/16/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/16/attn/cpb_mlp/0/linear/0" -> "features/5/16/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/cpb_mlp/1/relu_/0" -> "features/5/16/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.16.attn.cpb_mlp.2.weight" -> "features/5/16/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/16/attn/cpb_mlp/2/linear/0" -> "features/5/16/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/view/0" -> "features/5/16/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.16.attn.relative_position_index" -> "features/5/16/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/16/attn/__getitem__/0" -> "features/5/16/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/view/1" -> "features/5/16/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/permute/0" -> "features/5/16/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/contiguous/0" -> "features/5/16/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/unsqueeze/0" -> "features/5/16/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/sigmoid/0" -> "features/5/16/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/mul/0" -> "features/5/16/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/16/attn/pad/0" -> "features/5/16/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/view/2" -> "features/5/16/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/permute/1" -> "features/5/16/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/reshape/0" -> "features/5/16/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.16.attn.qkv.bias" -> "features/5/16/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/clone/0" -> "features/5/16/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/clone/0" -> "features/5/16/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/clone/0" -> "features/5/16/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/16/attn/__getitem__/1" -> "features/5/16/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.16.attn.qkv.weight" -> "features/5/16/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/16/attn/linear/0" -> "features/5/16/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/reshape/1" -> "features/5/16/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/permute/2" -> "features/5/16/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/permute/2" -> "features/5/16/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/permute/2" -> "features/5/16/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/__getitem__/2" -> "features/5/16/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/__getitem__/3" -> "features/5/16/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/__getitem__/4" -> "features/5/16/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/16/attn/normalize/0" -> "features/5/16/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/normalize/1" -> "features/5/16/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/transpose/0" -> "features/5/16/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/16/attn/matmul/0" -> "features/5/16/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.16.attn.logit_scale" -> "features/5/16/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/clamp/0" -> "features/5/16/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/exp/0" -> "features/5/16/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/16/attn/mul/1" -> "features/5/16/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/add/0" -> "features/5/16/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/softmax/0" -> "features/5/16/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/dropout/0" -> "features/5/16/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/matmul/1" -> "features/5/16/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/transpose/1" -> "features/5/16/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/reshape/2" -> "features/5/16/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.16.attn.proj.weight" -> "features/5/16/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.16.attn.proj.bias" -> "features/5/16/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/16/attn/linear/1" -> "features/5/16/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/dropout/1" -> "features/5/16/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/view/3" -> "features/5/16/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/permute/3" -> "features/5/16/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/reshape/3" -> "features/5/16/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/__getitem__/5" -> "features/5/16/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/16/attn/contiguous/1" -> "features/5/16/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.16.norm1.weight" -> "features/5/16/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.16.norm1.bias" -> "features/5/16/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/16/norm1/layer_norm/0" -> "features/5/16/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/16/add/0" -> "features/5/16/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/16/add/0" -> "features/5/16/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.16.mlp.0.weight" -> "features/5/16/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.16.mlp.0.bias" -> "features/5/16/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/16/mlp/0/linear/0" -> "features/5/16/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/16/mlp/1/gelu/0" -> "features/5/16/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/16/mlp/2/dropout/0" -> "features/5/16/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.16.mlp.3.weight" -> "features/5/16/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.16.mlp.3.bias" -> "features/5/16/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/16/mlp/3/linear/0" -> "features/5/16/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/16/mlp/4/dropout/0" -> "features/5/16/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.16.norm2.weight" -> "features/5/16/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.16.norm2.bias" -> "features/5/16/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/16/norm2/layer_norm/0" -> "features/5/16/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/16/add/1" -> "features/5/17/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/16/add/1" -> "features/5/17/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.17.attn.relative_coords_table" -> "features/5/17/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.5.17.attn.cpb_mlp.0.weight" -> "features/5/17/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.5.17.attn.cpb_mlp.0.bias" -> "features/5/17/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/17/attn/cpb_mlp/0/linear/0" -> "features/5/17/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/cpb_mlp/1/relu_/0" -> "features/5/17/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.5.17.attn.cpb_mlp.2.weight" -> "features/5/17/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; -"features/5/17/attn/cpb_mlp/2/linear/0" -> "features/5/17/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/view/0" -> "features/5/17/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; -"features.5.17.attn.relative_position_index" -> "features/5/17/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/5/17/attn/__getitem__/0" -> "features/5/17/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/view/1" -> "features/5/17/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/permute/0" -> "features/5/17/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/contiguous/0" -> "features/5/17/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/unsqueeze/0" -> "features/5/17/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/sigmoid/0" -> "features/5/17/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/mul/0" -> "features/5/17/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; -"features/5/17/attn/pad/0" -> "features/5/17/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/view/2" -> "features/5/17/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/permute/1" -> "features/5/17/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/reshape/0" -> "features/5/17/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.17.attn.qkv.bias" -> "features/5/17/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/clone/0" -> "features/5/17/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/clone/0" -> "features/5/17/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/clone/0" -> "features/5/17/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; -"features/5/17/attn/__getitem__/1" -> "features/5/17/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; -"features.5.17.attn.qkv.weight" -> "features/5/17/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; -"features/5/17/attn/linear/0" -> "features/5/17/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/reshape/1" -> "features/5/17/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/permute/2" -> "features/5/17/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/permute/2" -> "features/5/17/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/permute/2" -> "features/5/17/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/__getitem__/2" -> "features/5/17/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/__getitem__/3" -> "features/5/17/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/__getitem__/4" -> "features/5/17/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; -"features/5/17/attn/normalize/0" -> "features/5/17/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/normalize/1" -> "features/5/17/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/transpose/0" -> "features/5/17/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; -"features/5/17/attn/matmul/0" -> "features/5/17/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features.5.17.attn.logit_scale" -> "features/5/17/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/clamp/0" -> "features/5/17/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/exp/0" -> "features/5/17/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/17/attn/mul/1" -> "features/5/17/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/add/0" -> "features/5/17/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/softmax/0" -> "features/5/17/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/dropout/0" -> "features/5/17/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/matmul/1" -> "features/5/17/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/transpose/1" -> "features/5/17/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/reshape/2" -> "features/5/17/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features.5.17.attn.proj.weight" -> "features/5/17/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; -"features.5.17.attn.proj.bias" -> "features/5/17/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/17/attn/linear/1" -> "features/5/17/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/dropout/1" -> "features/5/17/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/view/3" -> "features/5/17/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/permute/3" -> "features/5/17/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/reshape/3" -> "features/5/17/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/__getitem__/5" -> "features/5/17/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/17/attn/contiguous/1" -> "features/5/17/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.17.norm1.weight" -> "features/5/17/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.17.norm1.bias" -> "features/5/17/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/17/norm1/layer_norm/0" -> "features/5/17/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/17/add/0" -> "features/5/17/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/17/add/0" -> "features/5/17/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.17.mlp.0.weight" -> "features/5/17/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; -"features.5.17.mlp.0.bias" -> "features/5/17/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; -"features/5/17/mlp/0/linear/0" -> "features/5/17/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/17/mlp/1/gelu/0" -> "features/5/17/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features/5/17/mlp/2/dropout/0" -> "features/5/17/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; -"features.5.17.mlp.3.weight" -> "features/5/17/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; -"features.5.17.mlp.3.bias" -> "features/5/17/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/5/17/mlp/3/linear/0" -> "features/5/17/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/5/17/mlp/4/dropout/0" -> "features/5/17/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features.5.17.norm2.weight" -> "features/5/17/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.5.17.norm2.bias" -> "features/5/17/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features/5/17/norm2/layer_norm/0" -> "features/5/17/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; -"features/5/17/add/1" -> "features/6/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/6/pad/0" -> "features/6/__getitem__/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/6/pad/0" -> "features/6/__getitem__/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/6/pad/0" -> "features/6/__getitem__/2" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/6/pad/0" -> "features/6/__getitem__/3" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; -"features/6/__getitem__/0" -> "features/6/cat/0" [dtype=float, shape="(1, 2, 2, 512)", out_port_id=0, in_port_id=0]; -"features/6/__getitem__/1" -> "features/6/cat/0" [dtype=float, shape="(1, 2, 2, 512)", out_port_id=0, in_port_id=1]; -"features/6/__getitem__/2" -> "features/6/cat/0" [dtype=float, shape="(1, 2, 2, 512)", out_port_id=0, in_port_id=2]; -"features/6/__getitem__/3" -> "features/6/cat/0" [dtype=float, shape="(1, 2, 2, 512)", out_port_id=0, in_port_id=3]; -"features/6/cat/0" -> "features/6/reduction/linear/0" [dtype=float, shape="(1, 2, 2, 2048)", out_port_id=0, in_port_id=0]; -"features.6.reduction.weight" -> "features/6/reduction/linear/0" [dtype=float, shape="(1024, 2048)", out_port_id=0, in_port_id=1]; -"features/6/reduction/linear/0" -> "features/6/norm/layer_norm/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features.6.norm.weight" -> "features/6/norm/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"features.6.norm.bias" -> "features/6/norm/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"features/6/norm/layer_norm/0" -> "features/7/0/attn/pad/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features/6/norm/layer_norm/0" -> "features/7/0/add/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features.7.0.attn.relative_coords_table" -> "features/7/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.7.0.attn.cpb_mlp.0.weight" -> "features/7/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.7.0.attn.cpb_mlp.0.bias" -> "features/7/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/7/0/attn/cpb_mlp/0/linear/0" -> "features/7/0/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/cpb_mlp/1/relu_/0" -> "features/7/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.7.0.attn.cpb_mlp.2.weight" -> "features/7/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(32, 512)", out_port_id=0, in_port_id=1]; -"features/7/0/attn/cpb_mlp/2/linear/0" -> "features/7/0/attn/view/0" [dtype=float, shape="(1, 15, 15, 32)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/view/0" -> "features/7/0/attn/__getitem__/0" [dtype=float, shape="(225, 32)", out_port_id=0, in_port_id=0]; -"features.7.0.attn.relative_position_index" -> "features/7/0/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/7/0/attn/__getitem__/0" -> "features/7/0/attn/view/1" [dtype=float, shape="(4096, 32)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/view/1" -> "features/7/0/attn/permute/0" [dtype=float, shape="(64, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/permute/0" -> "features/7/0/attn/contiguous/0" [dtype=float, shape="(32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/contiguous/0" -> "features/7/0/attn/unsqueeze/0" [dtype=float, shape="(32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/unsqueeze/0" -> "features/7/0/attn/sigmoid/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/sigmoid/0" -> "features/7/0/attn/mul/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/mul/0" -> "features/7/0/attn/add/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=1]; -"features/7/0/attn/pad/0" -> "features/7/0/attn/view/2" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/view/2" -> "features/7/0/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/permute/1" -> "features/7/0/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/reshape/0" -> "features/7/0/attn/linear/0" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; -"features.7.0.attn.qkv.bias" -> "features/7/0/attn/clone/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/clone/0" -> "features/7/0/attn/numel/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/clone/0" -> "features/7/0/attn/__getitem__/1" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/clone/0" -> "features/7/0/attn/linear/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=2]; -"features/7/0/attn/__getitem__/1" -> "features/7/0/attn/zero_/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=0]; -"features.7.0.attn.qkv.weight" -> "features/7/0/attn/linear/0" [dtype=float, shape="(3072, 1024)", out_port_id=0, in_port_id=1]; -"features/7/0/attn/linear/0" -> "features/7/0/attn/reshape/1" [dtype=float, shape="(1, 64, 3072)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/reshape/1" -> "features/7/0/attn/permute/2" [dtype=float, shape="(1, 64, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/permute/2" -> "features/7/0/attn/__getitem__/2" [dtype=float, shape="(3, 1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/permute/2" -> "features/7/0/attn/__getitem__/3" [dtype=float, shape="(3, 1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/permute/2" -> "features/7/0/attn/__getitem__/4" [dtype=float, shape="(3, 1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/__getitem__/2" -> "features/7/0/attn/normalize/0" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/__getitem__/3" -> "features/7/0/attn/normalize/1" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/__getitem__/4" -> "features/7/0/attn/matmul/1" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=1]; -"features/7/0/attn/normalize/0" -> "features/7/0/attn/matmul/0" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/normalize/1" -> "features/7/0/attn/transpose/0" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/transpose/0" -> "features/7/0/attn/matmul/0" [dtype=float, shape="(1, 32, 32, 64)", out_port_id=0, in_port_id=1]; -"features/7/0/attn/matmul/0" -> "features/7/0/attn/mul/1" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; -"features.7.0.attn.logit_scale" -> "features/7/0/attn/clamp/0" [dtype=float, shape="(32, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/clamp/0" -> "features/7/0/attn/exp/0" [dtype=float, shape="(32, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/exp/0" -> "features/7/0/attn/mul/1" [dtype=float, shape="(32, 1, 1)", out_port_id=0, in_port_id=1]; -"features/7/0/attn/mul/1" -> "features/7/0/attn/add/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/add/0" -> "features/7/0/attn/softmax/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/softmax/0" -> "features/7/0/attn/dropout/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/dropout/0" -> "features/7/0/attn/matmul/1" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/matmul/1" -> "features/7/0/attn/transpose/1" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/transpose/1" -> "features/7/0/attn/reshape/2" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/reshape/2" -> "features/7/0/attn/linear/1" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; -"features.7.0.attn.proj.weight" -> "features/7/0/attn/linear/1" [dtype=float, shape="(1024, 1024)", out_port_id=0, in_port_id=1]; -"features.7.0.attn.proj.bias" -> "features/7/0/attn/linear/1" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"features/7/0/attn/linear/1" -> "features/7/0/attn/dropout/1" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/dropout/1" -> "features/7/0/attn/view/3" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/view/3" -> "features/7/0/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/permute/3" -> "features/7/0/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/reshape/3" -> "features/7/0/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/__getitem__/5" -> "features/7/0/attn/contiguous/1" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features/7/0/attn/contiguous/1" -> "features/7/0/norm1/layer_norm/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features.7.0.norm1.weight" -> "features/7/0/norm1/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"features.7.0.norm1.bias" -> "features/7/0/norm1/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"features/7/0/norm1/layer_norm/0" -> "features/7/0/add/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=1]; -"features/7/0/add/0" -> "features/7/0/mlp/0/linear/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features/7/0/add/0" -> "features/7/0/add/1" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features.7.0.mlp.0.weight" -> "features/7/0/mlp/0/linear/0" [dtype=float, shape="(4096, 1024)", out_port_id=0, in_port_id=1]; -"features.7.0.mlp.0.bias" -> "features/7/0/mlp/0/linear/0" [dtype=float, shape="(4096,)", out_port_id=0, in_port_id=2]; -"features/7/0/mlp/0/linear/0" -> "features/7/0/mlp/1/gelu/0" [dtype=float, shape="(1, 2, 2, 4096)", out_port_id=0, in_port_id=0]; -"features/7/0/mlp/1/gelu/0" -> "features/7/0/mlp/2/dropout/0" [dtype=float, shape="(1, 2, 2, 4096)", out_port_id=0, in_port_id=0]; -"features/7/0/mlp/2/dropout/0" -> "features/7/0/mlp/3/linear/0" [dtype=float, shape="(1, 2, 2, 4096)", out_port_id=0, in_port_id=0]; -"features.7.0.mlp.3.weight" -> "features/7/0/mlp/3/linear/0" [dtype=float, shape="(1024, 4096)", out_port_id=0, in_port_id=1]; -"features.7.0.mlp.3.bias" -> "features/7/0/mlp/3/linear/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"features/7/0/mlp/3/linear/0" -> "features/7/0/mlp/4/dropout/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features/7/0/mlp/4/dropout/0" -> "features/7/0/norm2/layer_norm/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features.7.0.norm2.weight" -> "features/7/0/norm2/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"features.7.0.norm2.bias" -> "features/7/0/norm2/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"features/7/0/norm2/layer_norm/0" -> "features/7/0/add/1" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=1]; -"features/7/0/add/1" -> "features/7/1/attn/pad/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features/7/0/add/1" -> "features/7/1/add/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features.7.1.attn.relative_coords_table" -> "features/7/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; -"features.7.1.attn.cpb_mlp.0.weight" -> "features/7/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; -"features.7.1.attn.cpb_mlp.0.bias" -> "features/7/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/7/1/attn/cpb_mlp/0/linear/0" -> "features/7/1/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/cpb_mlp/1/relu_/0" -> "features/7/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; -"features.7.1.attn.cpb_mlp.2.weight" -> "features/7/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(32, 512)", out_port_id=0, in_port_id=1]; -"features/7/1/attn/cpb_mlp/2/linear/0" -> "features/7/1/attn/view/0" [dtype=float, shape="(1, 15, 15, 32)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/view/0" -> "features/7/1/attn/__getitem__/0" [dtype=float, shape="(225, 32)", out_port_id=0, in_port_id=0]; -"features.7.1.attn.relative_position_index" -> "features/7/1/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; -"features/7/1/attn/__getitem__/0" -> "features/7/1/attn/view/1" [dtype=float, shape="(4096, 32)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/view/1" -> "features/7/1/attn/permute/0" [dtype=float, shape="(64, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/permute/0" -> "features/7/1/attn/contiguous/0" [dtype=float, shape="(32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/contiguous/0" -> "features/7/1/attn/unsqueeze/0" [dtype=float, shape="(32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/unsqueeze/0" -> "features/7/1/attn/sigmoid/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/sigmoid/0" -> "features/7/1/attn/mul/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/mul/0" -> "features/7/1/attn/add/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=1]; -"features/7/1/attn/pad/0" -> "features/7/1/attn/view/2" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/view/2" -> "features/7/1/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/permute/1" -> "features/7/1/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/reshape/0" -> "features/7/1/attn/linear/0" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; -"features.7.1.attn.qkv.bias" -> "features/7/1/attn/clone/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/clone/0" -> "features/7/1/attn/numel/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/clone/0" -> "features/7/1/attn/__getitem__/1" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/clone/0" -> "features/7/1/attn/linear/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=2]; -"features/7/1/attn/__getitem__/1" -> "features/7/1/attn/zero_/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=0]; -"features.7.1.attn.qkv.weight" -> "features/7/1/attn/linear/0" [dtype=float, shape="(3072, 1024)", out_port_id=0, in_port_id=1]; -"features/7/1/attn/linear/0" -> "features/7/1/attn/reshape/1" [dtype=float, shape="(1, 64, 3072)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/reshape/1" -> "features/7/1/attn/permute/2" [dtype=float, shape="(1, 64, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/permute/2" -> "features/7/1/attn/__getitem__/2" [dtype=float, shape="(3, 1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/permute/2" -> "features/7/1/attn/__getitem__/3" [dtype=float, shape="(3, 1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/permute/2" -> "features/7/1/attn/__getitem__/4" [dtype=float, shape="(3, 1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/__getitem__/2" -> "features/7/1/attn/normalize/0" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/__getitem__/3" -> "features/7/1/attn/normalize/1" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/__getitem__/4" -> "features/7/1/attn/matmul/1" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=1]; -"features/7/1/attn/normalize/0" -> "features/7/1/attn/matmul/0" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/normalize/1" -> "features/7/1/attn/transpose/0" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/transpose/0" -> "features/7/1/attn/matmul/0" [dtype=float, shape="(1, 32, 32, 64)", out_port_id=0, in_port_id=1]; -"features/7/1/attn/matmul/0" -> "features/7/1/attn/mul/1" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; -"features.7.1.attn.logit_scale" -> "features/7/1/attn/clamp/0" [dtype=float, shape="(32, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/clamp/0" -> "features/7/1/attn/exp/0" [dtype=float, shape="(32, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/exp/0" -> "features/7/1/attn/mul/1" [dtype=float, shape="(32, 1, 1)", out_port_id=0, in_port_id=1]; -"features/7/1/attn/mul/1" -> "features/7/1/attn/add/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/add/0" -> "features/7/1/attn/softmax/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/softmax/0" -> "features/7/1/attn/dropout/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/dropout/0" -> "features/7/1/attn/matmul/1" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/matmul/1" -> "features/7/1/attn/transpose/1" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/transpose/1" -> "features/7/1/attn/reshape/2" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/reshape/2" -> "features/7/1/attn/linear/1" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; -"features.7.1.attn.proj.weight" -> "features/7/1/attn/linear/1" [dtype=float, shape="(1024, 1024)", out_port_id=0, in_port_id=1]; -"features.7.1.attn.proj.bias" -> "features/7/1/attn/linear/1" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"features/7/1/attn/linear/1" -> "features/7/1/attn/dropout/1" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/dropout/1" -> "features/7/1/attn/view/3" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/view/3" -> "features/7/1/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/permute/3" -> "features/7/1/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/reshape/3" -> "features/7/1/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/__getitem__/5" -> "features/7/1/attn/contiguous/1" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features/7/1/attn/contiguous/1" -> "features/7/1/norm1/layer_norm/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features.7.1.norm1.weight" -> "features/7/1/norm1/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"features.7.1.norm1.bias" -> "features/7/1/norm1/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"features/7/1/norm1/layer_norm/0" -> "features/7/1/add/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=1]; -"features/7/1/add/0" -> "features/7/1/mlp/0/linear/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features/7/1/add/0" -> "features/7/1/add/1" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features.7.1.mlp.0.weight" -> "features/7/1/mlp/0/linear/0" [dtype=float, shape="(4096, 1024)", out_port_id=0, in_port_id=1]; -"features.7.1.mlp.0.bias" -> "features/7/1/mlp/0/linear/0" [dtype=float, shape="(4096,)", out_port_id=0, in_port_id=2]; -"features/7/1/mlp/0/linear/0" -> "features/7/1/mlp/1/gelu/0" [dtype=float, shape="(1, 2, 2, 4096)", out_port_id=0, in_port_id=0]; -"features/7/1/mlp/1/gelu/0" -> "features/7/1/mlp/2/dropout/0" [dtype=float, shape="(1, 2, 2, 4096)", out_port_id=0, in_port_id=0]; -"features/7/1/mlp/2/dropout/0" -> "features/7/1/mlp/3/linear/0" [dtype=float, shape="(1, 2, 2, 4096)", out_port_id=0, in_port_id=0]; -"features.7.1.mlp.3.weight" -> "features/7/1/mlp/3/linear/0" [dtype=float, shape="(1024, 4096)", out_port_id=0, in_port_id=1]; -"features.7.1.mlp.3.bias" -> "features/7/1/mlp/3/linear/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"features/7/1/mlp/3/linear/0" -> "features/7/1/mlp/4/dropout/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features/7/1/mlp/4/dropout/0" -> "features/7/1/norm2/layer_norm/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"features.7.1.norm2.weight" -> "features/7/1/norm2/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"features.7.1.norm2.bias" -> "features/7/1/norm2/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"features/7/1/norm2/layer_norm/0" -> "features/7/1/add/1" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=1]; -"features/7/1/add/1" -> "norm/layer_norm/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"norm.weight" -> "norm/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"norm.bias" -> "norm/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"norm/layer_norm/0" -> "permute/permute/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; -"permute/permute/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; -"avgpool/adaptive_avg_pool2d/0" -> "flatten/flatten/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; -"flatten/flatten/0" -> "head/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"head.weight" -> "head/linear/0" [dtype=float, shape="(1000, 1024)", out_port_id=0, in_port_id=1]; -"head.bias" -> "head/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"head/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"features.0.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.0.bias" [id=2, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/0/conv2d/0" [id=3, metatype=PTConv2dMetatype, type=conv2d]; +"features/0/1/permute/0" [id=4, metatype=UnknownMetatype, type=permute]; +"features.0.2.weight" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.2.bias" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/2/layer_norm/0" [id=7, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.1.0.attn.relative_coords_table" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.attn.cpb_mlp.0.weight" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.attn.cpb_mlp.0.bias" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/attn/cpb_mlp/0/linear/0" [id=11, metatype=PTLinearMetatype, type=linear]; +"features/1/0/attn/cpb_mlp/1/relu_/0" [id=12, metatype=PTRELUMetatype, type=relu_]; +"features.1.0.attn.cpb_mlp.2.weight" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/attn/cpb_mlp/2/linear/0" [id=14, metatype=PTLinearMetatype, type=linear]; +"features/1/0/attn/view/0" [id=15, metatype=PTReshapeMetatype, type=view]; +"features.1.0.attn.relative_position_index" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/attn/__getitem__/0" [id=17, metatype=PTGatherMetatype, type=__getitem__]; +"features/1/0/attn/view/1" [id=18, metatype=PTReshapeMetatype, type=view]; +"features/1/0/attn/permute/0" [id=19, metatype=PTTransposeMetatype, type=permute]; +"features/1/0/attn/contiguous/0" [id=20, metatype=PTNoopMetatype, type=contiguous]; +"features/1/0/attn/unsqueeze/0" [id=21, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/1/0/attn/sigmoid/0" [id=22, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/1/0/attn/mul/0" [id=23, metatype=PTMulMetatype, type=mul]; +"features/1/0/attn/pad/0" [id=24, metatype=PTPadMetatype, type=pad]; +"features/1/0/attn/view/2" [id=25, metatype=PTReshapeMetatype, type=view]; +"features/1/0/attn/permute/1" [id=26, metatype=PTTransposeMetatype, type=permute]; +"features/1/0/attn/reshape/0" [id=27, metatype=PTReshapeMetatype, type=reshape]; +"features.1.0.attn.qkv.bias" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/attn/clone/0" [id=29, metatype=PTNoopMetatype, type=clone]; +"features/1/0/attn/numel/0" [id=30, metatype=UnknownMetatype, type=numel]; +"features/1/0/attn/__getitem__/1" [id=31, metatype=PTGatherMetatype, type=__getitem__]; +"features/1/0/attn/zero_/0" [id=32, metatype=UnknownMetatype, type=zero_]; +"features.1.0.attn.qkv.weight" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/attn/linear/0" [id=34, metatype=PTLinearMetatype, type=linear]; +"features/1/0/attn/reshape/1" [id=35, metatype=PTReshapeMetatype, type=reshape]; +"features/1/0/attn/permute/2" [id=36, metatype=PTTransposeMetatype, type=permute]; +"features/1/0/attn/__getitem__/2" [id=37, metatype=PTGatherMetatype, type=__getitem__]; +"features/1/0/attn/__getitem__/3" [id=38, metatype=PTGatherMetatype, type=__getitem__]; +"features/1/0/attn/__getitem__/4" [id=39, metatype=PTGatherMetatype, type=__getitem__]; +"features/1/0/attn/normalize/0" [id=40, metatype=PTReduceL2, type=normalize]; +"features/1/0/attn/normalize/1" [id=41, metatype=PTReduceL2, type=normalize]; +"features/1/0/attn/transpose/0" [id=42, metatype=PTTransposeMetatype, type=transpose]; +"features/1/0/attn/matmul/0" [id=43, metatype=PTMatMulMetatype, type=matmul]; +"features.1.0.attn.logit_scale" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/attn/clamp/0" [id=45, metatype=UnknownMetatype, type=clamp]; +"features/1/0/attn/exp/0" [id=46, metatype=PTExpMetatype, type=exp]; +"features/1/0/attn/mul/1" [id=47, metatype=PTMulMetatype, type=mul]; +"features/1/0/attn/add/0" [id=48, metatype=PTAddMetatype, type=add]; +"features/1/0/attn/softmax/0" [id=49, metatype=PTSoftmaxMetatype, type=softmax]; +"features/1/0/attn/dropout/0" [id=50, metatype=PTDropoutMetatype, type=dropout]; +"features/1/0/attn/matmul/1" [id=51, metatype=PTMatMulMetatype, type=matmul]; +"features/1/0/attn/transpose/1" [id=52, metatype=PTTransposeMetatype, type=transpose]; +"features/1/0/attn/reshape/2" [id=53, metatype=PTReshapeMetatype, type=reshape]; +"features.1.0.attn.proj.weight" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.attn.proj.bias" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/attn/linear/1" [id=56, metatype=PTLinearMetatype, type=linear]; +"features/1/0/attn/dropout/1" [id=57, metatype=PTDropoutMetatype, type=dropout]; +"features/1/0/attn/view/3" [id=58, metatype=PTReshapeMetatype, type=view]; +"features/1/0/attn/permute/3" [id=59, metatype=PTTransposeMetatype, type=permute]; +"features/1/0/attn/reshape/3" [id=60, metatype=PTReshapeMetatype, type=reshape]; +"features/1/0/attn/__getitem__/5" [id=61, metatype=PTGatherMetatype, type=__getitem__]; +"features/1/0/attn/contiguous/1" [id=62, metatype=PTNoopMetatype, type=contiguous]; +"features.1.0.norm1.weight" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.norm1.bias" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/norm1/layer_norm/0" [id=65, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/1/0/add/0" [id=66, metatype=PTAddMetatype, type=add]; +"features.1.0.mlp.0.weight" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.mlp.0.bias" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/mlp/0/linear/0" [id=69, metatype=PTLinearMetatype, type=linear]; +"features/1/0/mlp/1/gelu/0" [id=70, metatype=PTGELUMetatype, type=gelu]; +"features/1/0/mlp/2/dropout/0" [id=71, metatype=PTDropoutMetatype, type=dropout]; +"features.1.0.mlp.3.weight" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.mlp.3.bias" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/mlp/3/linear/0" [id=74, metatype=PTLinearMetatype, type=linear]; +"features/1/0/mlp/4/dropout/0" [id=75, metatype=PTDropoutMetatype, type=dropout]; +"features.1.0.norm2.weight" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.0.norm2.bias" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/0/norm2/layer_norm/0" [id=78, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/1/0/add/1" [id=79, metatype=PTAddMetatype, type=add]; +"features.1.1.attn.relative_coords_table" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.1.attn.cpb_mlp.0.weight" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.1.attn.cpb_mlp.0.bias" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/attn/cpb_mlp/0/linear/0" [id=83, metatype=PTLinearMetatype, type=linear]; +"features/1/1/attn/cpb_mlp/1/relu_/0" [id=84, metatype=PTRELUMetatype, type=relu_]; +"features.1.1.attn.cpb_mlp.2.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/attn/cpb_mlp/2/linear/0" [id=86, metatype=PTLinearMetatype, type=linear]; +"features/1/1/attn/view/0" [id=87, metatype=PTReshapeMetatype, type=view]; +"features.1.1.attn.relative_position_index" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/attn/__getitem__/0" [id=89, metatype=PTGatherMetatype, type=__getitem__]; +"features/1/1/attn/view/1" [id=90, metatype=PTReshapeMetatype, type=view]; +"features/1/1/attn/permute/0" [id=91, metatype=PTTransposeMetatype, type=permute]; +"features/1/1/attn/contiguous/0" [id=92, metatype=PTNoopMetatype, type=contiguous]; +"features/1/1/attn/unsqueeze/0" [id=93, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/1/1/attn/sigmoid/0" [id=94, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/1/1/attn/mul/0" [id=95, metatype=PTMulMetatype, type=mul]; +"features/1/1/attn/pad/0" [id=96, metatype=PTPadMetatype, type=pad]; +"features/1/1/attn/roll/0" [id=97, metatype=UnknownMetatype, type=roll]; +"features/1/1/attn/view/2" [id=98, metatype=PTReshapeMetatype, type=view]; +"features/1/1/attn/permute/1" [id=99, metatype=PTTransposeMetatype, type=permute]; +"features/1/1/attn/reshape/0" [id=100, metatype=PTReshapeMetatype, type=reshape]; +"features.1.1.attn.qkv.bias" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/attn/clone/0" [id=102, metatype=PTNoopMetatype, type=clone]; +"features/1/1/attn/numel/0" [id=103, metatype=UnknownMetatype, type=numel]; +"features/1/1/attn/__getitem__/1" [id=104, metatype=PTGatherMetatype, type=__getitem__]; +"features/1/1/attn/zero_/0" [id=105, metatype=UnknownMetatype, type=zero_]; +"features.1.1.attn.qkv.weight" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/attn/linear/0" [id=107, metatype=PTLinearMetatype, type=linear]; +"features/1/1/attn/reshape/1" [id=108, metatype=PTReshapeMetatype, type=reshape]; +"features/1/1/attn/permute/2" [id=109, metatype=PTTransposeMetatype, type=permute]; +"features/1/1/attn/__getitem__/2" [id=110, metatype=PTGatherMetatype, type=__getitem__]; +"features/1/1/attn/__getitem__/3" [id=111, metatype=PTGatherMetatype, type=__getitem__]; +"features/1/1/attn/__getitem__/4" [id=112, metatype=PTGatherMetatype, type=__getitem__]; +"features/1/1/attn/normalize/0" [id=113, metatype=PTReduceL2, type=normalize]; +"features/1/1/attn/normalize/1" [id=114, metatype=PTReduceL2, type=normalize]; +"features/1/1/attn/transpose/0" [id=115, metatype=PTTransposeMetatype, type=transpose]; +"features/1/1/attn/matmul/0" [id=116, metatype=PTMatMulMetatype, type=matmul]; +"features.1.1.attn.logit_scale" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/attn/clamp/0" [id=118, metatype=UnknownMetatype, type=clamp]; +"features/1/1/attn/exp/0" [id=119, metatype=PTExpMetatype, type=exp]; +"features/1/1/attn/mul/1" [id=120, metatype=PTMulMetatype, type=mul]; +"features/1/1/attn/add/0" [id=121, metatype=PTAddMetatype, type=add]; +"features/1/1/attn/new_zeros/0" [id=122, metatype=UnknownMetatype, type=new_zeros]; +"features/1/1/attn/__setitem__/0" [id=123, metatype=UnknownMetatype, type=__setitem__]; +"features/1/1/attn/__setitem__/1" [id=124, metatype=UnknownMetatype, type=__setitem__]; +"features/1/1/attn/__setitem__/2" [id=125, metatype=UnknownMetatype, type=__setitem__]; +"features/1/1/attn/__setitem__/3" [id=126, metatype=UnknownMetatype, type=__setitem__]; +"features/1/1/attn/__setitem__/4" [id=127, metatype=UnknownMetatype, type=__setitem__]; +"features/1/1/attn/__setitem__/5" [id=128, metatype=UnknownMetatype, type=__setitem__]; +"features/1/1/attn/__setitem__/6" [id=129, metatype=UnknownMetatype, type=__setitem__]; +"features/1/1/attn/__setitem__/7" [id=130, metatype=UnknownMetatype, type=__setitem__]; +"features/1/1/attn/__setitem__/8" [id=131, metatype=UnknownMetatype, type=__setitem__]; +"features/1/1/attn/view/3" [id=132, metatype=PTReshapeMetatype, type=view]; +"features/1/1/attn/permute/3" [id=133, metatype=PTTransposeMetatype, type=permute]; +"features/1/1/attn/reshape/2" [id=134, metatype=PTReshapeMetatype, type=reshape]; +"features/1/1/attn/unsqueeze/1" [id=135, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/1/1/attn/unsqueeze/2" [id=136, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/1/1/attn/sub/0" [id=137, metatype=PTSubMetatype, type=sub]; +"features/1/1/attn/ne/0" [id=138, metatype=UnknownMetatype, type=ne]; +"features/1/1/attn/masked_fill/0" [id=139, metatype=PTScatterMetatype, type=masked_fill]; +"features/1/1/attn/__eq__/0" [id=140, metatype=PTEqualsMetatype, type=__eq__]; +"features/1/1/attn/masked_fill/1" [id=141, metatype=PTScatterMetatype, type=masked_fill]; +"features/1/1/attn/view/4" [id=142, metatype=PTReshapeMetatype, type=view]; +"features/1/1/attn/unsqueeze/3" [id=143, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/1/1/attn/unsqueeze/4" [id=144, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/1/1/attn/add/1" [id=145, metatype=PTAddMetatype, type=add]; +"features/1/1/attn/view/5" [id=146, metatype=PTReshapeMetatype, type=view]; +"features/1/1/attn/softmax/0" [id=147, metatype=PTSoftmaxMetatype, type=softmax]; +"features/1/1/attn/dropout/0" [id=148, metatype=PTDropoutMetatype, type=dropout]; +"features/1/1/attn/matmul/1" [id=149, metatype=PTMatMulMetatype, type=matmul]; +"features/1/1/attn/transpose/1" [id=150, metatype=PTTransposeMetatype, type=transpose]; +"features/1/1/attn/reshape/3" [id=151, metatype=PTReshapeMetatype, type=reshape]; +"features.1.1.attn.proj.weight" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.1.attn.proj.bias" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/attn/linear/1" [id=154, metatype=PTLinearMetatype, type=linear]; +"features/1/1/attn/dropout/1" [id=155, metatype=PTDropoutMetatype, type=dropout]; +"features/1/1/attn/view/6" [id=156, metatype=PTReshapeMetatype, type=view]; +"features/1/1/attn/permute/4" [id=157, metatype=PTTransposeMetatype, type=permute]; +"features/1/1/attn/reshape/4" [id=158, metatype=PTReshapeMetatype, type=reshape]; +"features/1/1/attn/roll/1" [id=159, metatype=UnknownMetatype, type=roll]; +"features/1/1/attn/__getitem__/5" [id=160, metatype=PTGatherMetatype, type=__getitem__]; +"features/1/1/attn/contiguous/1" [id=161, metatype=PTNoopMetatype, type=contiguous]; +"features.1.1.norm1.weight" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.1.norm1.bias" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/norm1/layer_norm/0" [id=164, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/1/1/add/0" [id=165, metatype=PTAddMetatype, type=add]; +"features.1.1.mlp.0.weight" [id=166, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.1.mlp.0.bias" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/mlp/0/linear/0" [id=168, metatype=PTLinearMetatype, type=linear]; +"features/1/1/mlp/1/gelu/0" [id=169, metatype=PTGELUMetatype, type=gelu]; +"features/1/1/mlp/2/dropout/0" [id=170, metatype=PTDropoutMetatype, type=dropout]; +"features.1.1.mlp.3.weight" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.1.mlp.3.bias" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/mlp/3/linear/0" [id=173, metatype=PTLinearMetatype, type=linear]; +"features/1/1/mlp/4/dropout/0" [id=174, metatype=PTDropoutMetatype, type=dropout]; +"features.1.1.norm2.weight" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.1.norm2.bias" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/1/norm2/layer_norm/0" [id=177, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/1/1/add/1" [id=178, metatype=PTAddMetatype, type=add]; +"features/2/pad/0" [id=179, metatype=PTPadMetatype, type=pad]; +"features/2/__getitem__/0" [id=180, metatype=PTGatherMetatype, type=__getitem__]; +"features/2/__getitem__/1" [id=181, metatype=PTGatherMetatype, type=__getitem__]; +"features/2/__getitem__/2" [id=182, metatype=PTGatherMetatype, type=__getitem__]; +"features/2/__getitem__/3" [id=183, metatype=PTGatherMetatype, type=__getitem__]; +"features/2/cat/0" [id=184, metatype=PTCatMetatype, type=cat]; +"features.2.reduction.weight" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/reduction/linear/0" [id=186, metatype=PTLinearMetatype, type=linear]; +"features.2.norm.weight" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.norm.bias" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/norm/layer_norm/0" [id=189, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.3.0.attn.relative_coords_table" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.attn.cpb_mlp.0.weight" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.attn.cpb_mlp.0.bias" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/attn/cpb_mlp/0/linear/0" [id=193, metatype=PTLinearMetatype, type=linear]; +"features/3/0/attn/cpb_mlp/1/relu_/0" [id=194, metatype=PTRELUMetatype, type=relu_]; +"features.3.0.attn.cpb_mlp.2.weight" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/attn/cpb_mlp/2/linear/0" [id=196, metatype=PTLinearMetatype, type=linear]; +"features/3/0/attn/view/0" [id=197, metatype=PTReshapeMetatype, type=view]; +"features.3.0.attn.relative_position_index" [id=198, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/attn/__getitem__/0" [id=199, metatype=PTGatherMetatype, type=__getitem__]; +"features/3/0/attn/view/1" [id=200, metatype=PTReshapeMetatype, type=view]; +"features/3/0/attn/permute/0" [id=201, metatype=PTTransposeMetatype, type=permute]; +"features/3/0/attn/contiguous/0" [id=202, metatype=PTNoopMetatype, type=contiguous]; +"features/3/0/attn/unsqueeze/0" [id=203, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/3/0/attn/sigmoid/0" [id=204, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/3/0/attn/mul/0" [id=205, metatype=PTMulMetatype, type=mul]; +"features/3/0/attn/pad/0" [id=206, metatype=PTPadMetatype, type=pad]; +"features/3/0/attn/view/2" [id=207, metatype=PTReshapeMetatype, type=view]; +"features/3/0/attn/permute/1" [id=208, metatype=PTTransposeMetatype, type=permute]; +"features/3/0/attn/reshape/0" [id=209, metatype=PTReshapeMetatype, type=reshape]; +"features.3.0.attn.qkv.bias" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/attn/clone/0" [id=211, metatype=PTNoopMetatype, type=clone]; +"features/3/0/attn/numel/0" [id=212, metatype=UnknownMetatype, type=numel]; +"features/3/0/attn/__getitem__/1" [id=213, metatype=PTGatherMetatype, type=__getitem__]; +"features/3/0/attn/zero_/0" [id=214, metatype=UnknownMetatype, type=zero_]; +"features.3.0.attn.qkv.weight" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/attn/linear/0" [id=216, metatype=PTLinearMetatype, type=linear]; +"features/3/0/attn/reshape/1" [id=217, metatype=PTReshapeMetatype, type=reshape]; +"features/3/0/attn/permute/2" [id=218, metatype=PTTransposeMetatype, type=permute]; +"features/3/0/attn/__getitem__/2" [id=219, metatype=PTGatherMetatype, type=__getitem__]; +"features/3/0/attn/__getitem__/3" [id=220, metatype=PTGatherMetatype, type=__getitem__]; +"features/3/0/attn/__getitem__/4" [id=221, metatype=PTGatherMetatype, type=__getitem__]; +"features/3/0/attn/normalize/0" [id=222, metatype=PTReduceL2, type=normalize]; +"features/3/0/attn/normalize/1" [id=223, metatype=PTReduceL2, type=normalize]; +"features/3/0/attn/transpose/0" [id=224, metatype=PTTransposeMetatype, type=transpose]; +"features/3/0/attn/matmul/0" [id=225, metatype=PTMatMulMetatype, type=matmul]; +"features.3.0.attn.logit_scale" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/attn/clamp/0" [id=227, metatype=UnknownMetatype, type=clamp]; +"features/3/0/attn/exp/0" [id=228, metatype=PTExpMetatype, type=exp]; +"features/3/0/attn/mul/1" [id=229, metatype=PTMulMetatype, type=mul]; +"features/3/0/attn/add/0" [id=230, metatype=PTAddMetatype, type=add]; +"features/3/0/attn/softmax/0" [id=231, metatype=PTSoftmaxMetatype, type=softmax]; +"features/3/0/attn/dropout/0" [id=232, metatype=PTDropoutMetatype, type=dropout]; +"features/3/0/attn/matmul/1" [id=233, metatype=PTMatMulMetatype, type=matmul]; +"features/3/0/attn/transpose/1" [id=234, metatype=PTTransposeMetatype, type=transpose]; +"features/3/0/attn/reshape/2" [id=235, metatype=PTReshapeMetatype, type=reshape]; +"features.3.0.attn.proj.weight" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.attn.proj.bias" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/attn/linear/1" [id=238, metatype=PTLinearMetatype, type=linear]; +"features/3/0/attn/dropout/1" [id=239, metatype=PTDropoutMetatype, type=dropout]; +"features/3/0/attn/view/3" [id=240, metatype=PTReshapeMetatype, type=view]; +"features/3/0/attn/permute/3" [id=241, metatype=PTTransposeMetatype, type=permute]; +"features/3/0/attn/reshape/3" [id=242, metatype=PTReshapeMetatype, type=reshape]; +"features/3/0/attn/__getitem__/5" [id=243, metatype=PTGatherMetatype, type=__getitem__]; +"features/3/0/attn/contiguous/1" [id=244, metatype=PTNoopMetatype, type=contiguous]; +"features.3.0.norm1.weight" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.norm1.bias" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/norm1/layer_norm/0" [id=247, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/3/0/add/0" [id=248, metatype=PTAddMetatype, type=add]; +"features.3.0.mlp.0.weight" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.mlp.0.bias" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/mlp/0/linear/0" [id=251, metatype=PTLinearMetatype, type=linear]; +"features/3/0/mlp/1/gelu/0" [id=252, metatype=PTGELUMetatype, type=gelu]; +"features/3/0/mlp/2/dropout/0" [id=253, metatype=PTDropoutMetatype, type=dropout]; +"features.3.0.mlp.3.weight" [id=254, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.mlp.3.bias" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/mlp/3/linear/0" [id=256, metatype=PTLinearMetatype, type=linear]; +"features/3/0/mlp/4/dropout/0" [id=257, metatype=PTDropoutMetatype, type=dropout]; +"features.3.0.norm2.weight" [id=258, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.0.norm2.bias" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/0/norm2/layer_norm/0" [id=260, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/3/0/add/1" [id=261, metatype=PTAddMetatype, type=add]; +"features.3.1.attn.relative_coords_table" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.attn.cpb_mlp.0.weight" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.attn.cpb_mlp.0.bias" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/attn/cpb_mlp/0/linear/0" [id=265, metatype=PTLinearMetatype, type=linear]; +"features/3/1/attn/cpb_mlp/1/relu_/0" [id=266, metatype=PTRELUMetatype, type=relu_]; +"features.3.1.attn.cpb_mlp.2.weight" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/attn/cpb_mlp/2/linear/0" [id=268, metatype=PTLinearMetatype, type=linear]; +"features/3/1/attn/view/0" [id=269, metatype=PTReshapeMetatype, type=view]; +"features.3.1.attn.relative_position_index" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/attn/__getitem__/0" [id=271, metatype=PTGatherMetatype, type=__getitem__]; +"features/3/1/attn/view/1" [id=272, metatype=PTReshapeMetatype, type=view]; +"features/3/1/attn/permute/0" [id=273, metatype=PTTransposeMetatype, type=permute]; +"features/3/1/attn/contiguous/0" [id=274, metatype=PTNoopMetatype, type=contiguous]; +"features/3/1/attn/unsqueeze/0" [id=275, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/3/1/attn/sigmoid/0" [id=276, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/3/1/attn/mul/0" [id=277, metatype=PTMulMetatype, type=mul]; +"features/3/1/attn/pad/0" [id=278, metatype=PTPadMetatype, type=pad]; +"features/3/1/attn/view/2" [id=279, metatype=PTReshapeMetatype, type=view]; +"features/3/1/attn/permute/1" [id=280, metatype=PTTransposeMetatype, type=permute]; +"features/3/1/attn/reshape/0" [id=281, metatype=PTReshapeMetatype, type=reshape]; +"features.3.1.attn.qkv.bias" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/attn/clone/0" [id=283, metatype=PTNoopMetatype, type=clone]; +"features/3/1/attn/numel/0" [id=284, metatype=UnknownMetatype, type=numel]; +"features/3/1/attn/__getitem__/1" [id=285, metatype=PTGatherMetatype, type=__getitem__]; +"features/3/1/attn/zero_/0" [id=286, metatype=UnknownMetatype, type=zero_]; +"features.3.1.attn.qkv.weight" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/attn/linear/0" [id=288, metatype=PTLinearMetatype, type=linear]; +"features/3/1/attn/reshape/1" [id=289, metatype=PTReshapeMetatype, type=reshape]; +"features/3/1/attn/permute/2" [id=290, metatype=PTTransposeMetatype, type=permute]; +"features/3/1/attn/__getitem__/2" [id=291, metatype=PTGatherMetatype, type=__getitem__]; +"features/3/1/attn/__getitem__/3" [id=292, metatype=PTGatherMetatype, type=__getitem__]; +"features/3/1/attn/__getitem__/4" [id=293, metatype=PTGatherMetatype, type=__getitem__]; +"features/3/1/attn/normalize/0" [id=294, metatype=PTReduceL2, type=normalize]; +"features/3/1/attn/normalize/1" [id=295, metatype=PTReduceL2, type=normalize]; +"features/3/1/attn/transpose/0" [id=296, metatype=PTTransposeMetatype, type=transpose]; +"features/3/1/attn/matmul/0" [id=297, metatype=PTMatMulMetatype, type=matmul]; +"features.3.1.attn.logit_scale" [id=298, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/attn/clamp/0" [id=299, metatype=UnknownMetatype, type=clamp]; +"features/3/1/attn/exp/0" [id=300, metatype=PTExpMetatype, type=exp]; +"features/3/1/attn/mul/1" [id=301, metatype=PTMulMetatype, type=mul]; +"features/3/1/attn/add/0" [id=302, metatype=PTAddMetatype, type=add]; +"features/3/1/attn/softmax/0" [id=303, metatype=PTSoftmaxMetatype, type=softmax]; +"features/3/1/attn/dropout/0" [id=304, metatype=PTDropoutMetatype, type=dropout]; +"features/3/1/attn/matmul/1" [id=305, metatype=PTMatMulMetatype, type=matmul]; +"features/3/1/attn/transpose/1" [id=306, metatype=PTTransposeMetatype, type=transpose]; +"features/3/1/attn/reshape/2" [id=307, metatype=PTReshapeMetatype, type=reshape]; +"features.3.1.attn.proj.weight" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.attn.proj.bias" [id=309, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/attn/linear/1" [id=310, metatype=PTLinearMetatype, type=linear]; +"features/3/1/attn/dropout/1" [id=311, metatype=PTDropoutMetatype, type=dropout]; +"features/3/1/attn/view/3" [id=312, metatype=PTReshapeMetatype, type=view]; +"features/3/1/attn/permute/3" [id=313, metatype=PTTransposeMetatype, type=permute]; +"features/3/1/attn/reshape/3" [id=314, metatype=PTReshapeMetatype, type=reshape]; +"features/3/1/attn/__getitem__/5" [id=315, metatype=PTGatherMetatype, type=__getitem__]; +"features/3/1/attn/contiguous/1" [id=316, metatype=PTNoopMetatype, type=contiguous]; +"features.3.1.norm1.weight" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.norm1.bias" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/norm1/layer_norm/0" [id=319, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/3/1/add/0" [id=320, metatype=PTAddMetatype, type=add]; +"features.3.1.mlp.0.weight" [id=321, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.mlp.0.bias" [id=322, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/mlp/0/linear/0" [id=323, metatype=PTLinearMetatype, type=linear]; +"features/3/1/mlp/1/gelu/0" [id=324, metatype=PTGELUMetatype, type=gelu]; +"features/3/1/mlp/2/dropout/0" [id=325, metatype=PTDropoutMetatype, type=dropout]; +"features.3.1.mlp.3.weight" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.mlp.3.bias" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/mlp/3/linear/0" [id=328, metatype=PTLinearMetatype, type=linear]; +"features/3/1/mlp/4/dropout/0" [id=329, metatype=PTDropoutMetatype, type=dropout]; +"features.3.1.norm2.weight" [id=330, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.1.norm2.bias" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/1/norm2/layer_norm/0" [id=332, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/3/1/add/1" [id=333, metatype=PTAddMetatype, type=add]; +"features/4/pad/0" [id=334, metatype=PTPadMetatype, type=pad]; +"features/4/__getitem__/0" [id=335, metatype=PTGatherMetatype, type=__getitem__]; +"features/4/__getitem__/1" [id=336, metatype=PTGatherMetatype, type=__getitem__]; +"features/4/__getitem__/2" [id=337, metatype=PTGatherMetatype, type=__getitem__]; +"features/4/__getitem__/3" [id=338, metatype=PTGatherMetatype, type=__getitem__]; +"features/4/cat/0" [id=339, metatype=PTCatMetatype, type=cat]; +"features.4.reduction.weight" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/reduction/linear/0" [id=341, metatype=PTLinearMetatype, type=linear]; +"features.4.norm.weight" [id=342, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.norm.bias" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/norm/layer_norm/0" [id=344, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.5.0.attn.relative_coords_table" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.attn.cpb_mlp.0.weight" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.attn.cpb_mlp.0.bias" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/attn/cpb_mlp/0/linear/0" [id=348, metatype=PTLinearMetatype, type=linear]; +"features/5/0/attn/cpb_mlp/1/relu_/0" [id=349, metatype=PTRELUMetatype, type=relu_]; +"features.5.0.attn.cpb_mlp.2.weight" [id=350, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/attn/cpb_mlp/2/linear/0" [id=351, metatype=PTLinearMetatype, type=linear]; +"features/5/0/attn/view/0" [id=352, metatype=PTReshapeMetatype, type=view]; +"features.5.0.attn.relative_position_index" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/attn/__getitem__/0" [id=354, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/0/attn/view/1" [id=355, metatype=PTReshapeMetatype, type=view]; +"features/5/0/attn/permute/0" [id=356, metatype=PTTransposeMetatype, type=permute]; +"features/5/0/attn/contiguous/0" [id=357, metatype=PTNoopMetatype, type=contiguous]; +"features/5/0/attn/unsqueeze/0" [id=358, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/0/attn/sigmoid/0" [id=359, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/0/attn/mul/0" [id=360, metatype=PTMulMetatype, type=mul]; +"features/5/0/attn/pad/0" [id=361, metatype=PTPadMetatype, type=pad]; +"features/5/0/attn/view/2" [id=362, metatype=PTReshapeMetatype, type=view]; +"features/5/0/attn/permute/1" [id=363, metatype=PTTransposeMetatype, type=permute]; +"features/5/0/attn/reshape/0" [id=364, metatype=PTReshapeMetatype, type=reshape]; +"features.5.0.attn.qkv.bias" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/attn/clone/0" [id=366, metatype=PTNoopMetatype, type=clone]; +"features/5/0/attn/numel/0" [id=367, metatype=UnknownMetatype, type=numel]; +"features/5/0/attn/__getitem__/1" [id=368, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/0/attn/zero_/0" [id=369, metatype=UnknownMetatype, type=zero_]; +"features.5.0.attn.qkv.weight" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/attn/linear/0" [id=371, metatype=PTLinearMetatype, type=linear]; +"features/5/0/attn/reshape/1" [id=372, metatype=PTReshapeMetatype, type=reshape]; +"features/5/0/attn/permute/2" [id=373, metatype=PTTransposeMetatype, type=permute]; +"features/5/0/attn/__getitem__/2" [id=374, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/0/attn/__getitem__/3" [id=375, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/0/attn/__getitem__/4" [id=376, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/0/attn/normalize/0" [id=377, metatype=PTReduceL2, type=normalize]; +"features/5/0/attn/normalize/1" [id=378, metatype=PTReduceL2, type=normalize]; +"features/5/0/attn/transpose/0" [id=379, metatype=PTTransposeMetatype, type=transpose]; +"features/5/0/attn/matmul/0" [id=380, metatype=PTMatMulMetatype, type=matmul]; +"features.5.0.attn.logit_scale" [id=381, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/attn/clamp/0" [id=382, metatype=UnknownMetatype, type=clamp]; +"features/5/0/attn/exp/0" [id=383, metatype=PTExpMetatype, type=exp]; +"features/5/0/attn/mul/1" [id=384, metatype=PTMulMetatype, type=mul]; +"features/5/0/attn/add/0" [id=385, metatype=PTAddMetatype, type=add]; +"features/5/0/attn/softmax/0" [id=386, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/0/attn/dropout/0" [id=387, metatype=PTDropoutMetatype, type=dropout]; +"features/5/0/attn/matmul/1" [id=388, metatype=PTMatMulMetatype, type=matmul]; +"features/5/0/attn/transpose/1" [id=389, metatype=PTTransposeMetatype, type=transpose]; +"features/5/0/attn/reshape/2" [id=390, metatype=PTReshapeMetatype, type=reshape]; +"features.5.0.attn.proj.weight" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.attn.proj.bias" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/attn/linear/1" [id=393, metatype=PTLinearMetatype, type=linear]; +"features/5/0/attn/dropout/1" [id=394, metatype=PTDropoutMetatype, type=dropout]; +"features/5/0/attn/view/3" [id=395, metatype=PTReshapeMetatype, type=view]; +"features/5/0/attn/permute/3" [id=396, metatype=PTTransposeMetatype, type=permute]; +"features/5/0/attn/reshape/3" [id=397, metatype=PTReshapeMetatype, type=reshape]; +"features/5/0/attn/__getitem__/5" [id=398, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/0/attn/contiguous/1" [id=399, metatype=PTNoopMetatype, type=contiguous]; +"features.5.0.norm1.weight" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.norm1.bias" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/norm1/layer_norm/0" [id=402, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/0/add/0" [id=403, metatype=PTAddMetatype, type=add]; +"features.5.0.mlp.0.weight" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.mlp.0.bias" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/mlp/0/linear/0" [id=406, metatype=PTLinearMetatype, type=linear]; +"features/5/0/mlp/1/gelu/0" [id=407, metatype=PTGELUMetatype, type=gelu]; +"features/5/0/mlp/2/dropout/0" [id=408, metatype=PTDropoutMetatype, type=dropout]; +"features.5.0.mlp.3.weight" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.mlp.3.bias" [id=410, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/mlp/3/linear/0" [id=411, metatype=PTLinearMetatype, type=linear]; +"features/5/0/mlp/4/dropout/0" [id=412, metatype=PTDropoutMetatype, type=dropout]; +"features.5.0.norm2.weight" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.0.norm2.bias" [id=414, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/0/norm2/layer_norm/0" [id=415, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/0/add/1" [id=416, metatype=PTAddMetatype, type=add]; +"features.5.1.attn.relative_coords_table" [id=417, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.attn.cpb_mlp.0.weight" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.attn.cpb_mlp.0.bias" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/attn/cpb_mlp/0/linear/0" [id=420, metatype=PTLinearMetatype, type=linear]; +"features/5/1/attn/cpb_mlp/1/relu_/0" [id=421, metatype=PTRELUMetatype, type=relu_]; +"features.5.1.attn.cpb_mlp.2.weight" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/attn/cpb_mlp/2/linear/0" [id=423, metatype=PTLinearMetatype, type=linear]; +"features/5/1/attn/view/0" [id=424, metatype=PTReshapeMetatype, type=view]; +"features.5.1.attn.relative_position_index" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/attn/__getitem__/0" [id=426, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/1/attn/view/1" [id=427, metatype=PTReshapeMetatype, type=view]; +"features/5/1/attn/permute/0" [id=428, metatype=PTTransposeMetatype, type=permute]; +"features/5/1/attn/contiguous/0" [id=429, metatype=PTNoopMetatype, type=contiguous]; +"features/5/1/attn/unsqueeze/0" [id=430, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/1/attn/sigmoid/0" [id=431, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/1/attn/mul/0" [id=432, metatype=PTMulMetatype, type=mul]; +"features/5/1/attn/pad/0" [id=433, metatype=PTPadMetatype, type=pad]; +"features/5/1/attn/view/2" [id=434, metatype=PTReshapeMetatype, type=view]; +"features/5/1/attn/permute/1" [id=435, metatype=PTTransposeMetatype, type=permute]; +"features/5/1/attn/reshape/0" [id=436, metatype=PTReshapeMetatype, type=reshape]; +"features.5.1.attn.qkv.bias" [id=437, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/attn/clone/0" [id=438, metatype=PTNoopMetatype, type=clone]; +"features/5/1/attn/numel/0" [id=439, metatype=UnknownMetatype, type=numel]; +"features/5/1/attn/__getitem__/1" [id=440, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/1/attn/zero_/0" [id=441, metatype=UnknownMetatype, type=zero_]; +"features.5.1.attn.qkv.weight" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/attn/linear/0" [id=443, metatype=PTLinearMetatype, type=linear]; +"features/5/1/attn/reshape/1" [id=444, metatype=PTReshapeMetatype, type=reshape]; +"features/5/1/attn/permute/2" [id=445, metatype=PTTransposeMetatype, type=permute]; +"features/5/1/attn/__getitem__/2" [id=446, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/1/attn/__getitem__/3" [id=447, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/1/attn/__getitem__/4" [id=448, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/1/attn/normalize/0" [id=449, metatype=PTReduceL2, type=normalize]; +"features/5/1/attn/normalize/1" [id=450, metatype=PTReduceL2, type=normalize]; +"features/5/1/attn/transpose/0" [id=451, metatype=PTTransposeMetatype, type=transpose]; +"features/5/1/attn/matmul/0" [id=452, metatype=PTMatMulMetatype, type=matmul]; +"features.5.1.attn.logit_scale" [id=453, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/attn/clamp/0" [id=454, metatype=UnknownMetatype, type=clamp]; +"features/5/1/attn/exp/0" [id=455, metatype=PTExpMetatype, type=exp]; +"features/5/1/attn/mul/1" [id=456, metatype=PTMulMetatype, type=mul]; +"features/5/1/attn/add/0" [id=457, metatype=PTAddMetatype, type=add]; +"features/5/1/attn/softmax/0" [id=458, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/1/attn/dropout/0" [id=459, metatype=PTDropoutMetatype, type=dropout]; +"features/5/1/attn/matmul/1" [id=460, metatype=PTMatMulMetatype, type=matmul]; +"features/5/1/attn/transpose/1" [id=461, metatype=PTTransposeMetatype, type=transpose]; +"features/5/1/attn/reshape/2" [id=462, metatype=PTReshapeMetatype, type=reshape]; +"features.5.1.attn.proj.weight" [id=463, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.attn.proj.bias" [id=464, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/attn/linear/1" [id=465, metatype=PTLinearMetatype, type=linear]; +"features/5/1/attn/dropout/1" [id=466, metatype=PTDropoutMetatype, type=dropout]; +"features/5/1/attn/view/3" [id=467, metatype=PTReshapeMetatype, type=view]; +"features/5/1/attn/permute/3" [id=468, metatype=PTTransposeMetatype, type=permute]; +"features/5/1/attn/reshape/3" [id=469, metatype=PTReshapeMetatype, type=reshape]; +"features/5/1/attn/__getitem__/5" [id=470, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/1/attn/contiguous/1" [id=471, metatype=PTNoopMetatype, type=contiguous]; +"features.5.1.norm1.weight" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.norm1.bias" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/norm1/layer_norm/0" [id=474, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/1/add/0" [id=475, metatype=PTAddMetatype, type=add]; +"features.5.1.mlp.0.weight" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.mlp.0.bias" [id=477, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/mlp/0/linear/0" [id=478, metatype=PTLinearMetatype, type=linear]; +"features/5/1/mlp/1/gelu/0" [id=479, metatype=PTGELUMetatype, type=gelu]; +"features/5/1/mlp/2/dropout/0" [id=480, metatype=PTDropoutMetatype, type=dropout]; +"features.5.1.mlp.3.weight" [id=481, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.mlp.3.bias" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/mlp/3/linear/0" [id=483, metatype=PTLinearMetatype, type=linear]; +"features/5/1/mlp/4/dropout/0" [id=484, metatype=PTDropoutMetatype, type=dropout]; +"features.5.1.norm2.weight" [id=485, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.1.norm2.bias" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/1/norm2/layer_norm/0" [id=487, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/1/add/1" [id=488, metatype=PTAddMetatype, type=add]; +"features.5.2.attn.relative_coords_table" [id=489, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.attn.cpb_mlp.0.weight" [id=490, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.attn.cpb_mlp.0.bias" [id=491, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/attn/cpb_mlp/0/linear/0" [id=492, metatype=PTLinearMetatype, type=linear]; +"features/5/2/attn/cpb_mlp/1/relu_/0" [id=493, metatype=PTRELUMetatype, type=relu_]; +"features.5.2.attn.cpb_mlp.2.weight" [id=494, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/attn/cpb_mlp/2/linear/0" [id=495, metatype=PTLinearMetatype, type=linear]; +"features/5/2/attn/view/0" [id=496, metatype=PTReshapeMetatype, type=view]; +"features.5.2.attn.relative_position_index" [id=497, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/attn/__getitem__/0" [id=498, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/2/attn/view/1" [id=499, metatype=PTReshapeMetatype, type=view]; +"features/5/2/attn/permute/0" [id=500, metatype=PTTransposeMetatype, type=permute]; +"features/5/2/attn/contiguous/0" [id=501, metatype=PTNoopMetatype, type=contiguous]; +"features/5/2/attn/unsqueeze/0" [id=502, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/2/attn/sigmoid/0" [id=503, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/2/attn/mul/0" [id=504, metatype=PTMulMetatype, type=mul]; +"features/5/2/attn/pad/0" [id=505, metatype=PTPadMetatype, type=pad]; +"features/5/2/attn/view/2" [id=506, metatype=PTReshapeMetatype, type=view]; +"features/5/2/attn/permute/1" [id=507, metatype=PTTransposeMetatype, type=permute]; +"features/5/2/attn/reshape/0" [id=508, metatype=PTReshapeMetatype, type=reshape]; +"features.5.2.attn.qkv.bias" [id=509, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/attn/clone/0" [id=510, metatype=PTNoopMetatype, type=clone]; +"features/5/2/attn/numel/0" [id=511, metatype=UnknownMetatype, type=numel]; +"features/5/2/attn/__getitem__/1" [id=512, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/2/attn/zero_/0" [id=513, metatype=UnknownMetatype, type=zero_]; +"features.5.2.attn.qkv.weight" [id=514, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/attn/linear/0" [id=515, metatype=PTLinearMetatype, type=linear]; +"features/5/2/attn/reshape/1" [id=516, metatype=PTReshapeMetatype, type=reshape]; +"features/5/2/attn/permute/2" [id=517, metatype=PTTransposeMetatype, type=permute]; +"features/5/2/attn/__getitem__/2" [id=518, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/2/attn/__getitem__/3" [id=519, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/2/attn/__getitem__/4" [id=520, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/2/attn/normalize/0" [id=521, metatype=PTReduceL2, type=normalize]; +"features/5/2/attn/normalize/1" [id=522, metatype=PTReduceL2, type=normalize]; +"features/5/2/attn/transpose/0" [id=523, metatype=PTTransposeMetatype, type=transpose]; +"features/5/2/attn/matmul/0" [id=524, metatype=PTMatMulMetatype, type=matmul]; +"features.5.2.attn.logit_scale" [id=525, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/attn/clamp/0" [id=526, metatype=UnknownMetatype, type=clamp]; +"features/5/2/attn/exp/0" [id=527, metatype=PTExpMetatype, type=exp]; +"features/5/2/attn/mul/1" [id=528, metatype=PTMulMetatype, type=mul]; +"features/5/2/attn/add/0" [id=529, metatype=PTAddMetatype, type=add]; +"features/5/2/attn/softmax/0" [id=530, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/2/attn/dropout/0" [id=531, metatype=PTDropoutMetatype, type=dropout]; +"features/5/2/attn/matmul/1" [id=532, metatype=PTMatMulMetatype, type=matmul]; +"features/5/2/attn/transpose/1" [id=533, metatype=PTTransposeMetatype, type=transpose]; +"features/5/2/attn/reshape/2" [id=534, metatype=PTReshapeMetatype, type=reshape]; +"features.5.2.attn.proj.weight" [id=535, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.attn.proj.bias" [id=536, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/attn/linear/1" [id=537, metatype=PTLinearMetatype, type=linear]; +"features/5/2/attn/dropout/1" [id=538, metatype=PTDropoutMetatype, type=dropout]; +"features/5/2/attn/view/3" [id=539, metatype=PTReshapeMetatype, type=view]; +"features/5/2/attn/permute/3" [id=540, metatype=PTTransposeMetatype, type=permute]; +"features/5/2/attn/reshape/3" [id=541, metatype=PTReshapeMetatype, type=reshape]; +"features/5/2/attn/__getitem__/5" [id=542, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/2/attn/contiguous/1" [id=543, metatype=PTNoopMetatype, type=contiguous]; +"features.5.2.norm1.weight" [id=544, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.norm1.bias" [id=545, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/norm1/layer_norm/0" [id=546, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/2/add/0" [id=547, metatype=PTAddMetatype, type=add]; +"features.5.2.mlp.0.weight" [id=548, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.mlp.0.bias" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/mlp/0/linear/0" [id=550, metatype=PTLinearMetatype, type=linear]; +"features/5/2/mlp/1/gelu/0" [id=551, metatype=PTGELUMetatype, type=gelu]; +"features/5/2/mlp/2/dropout/0" [id=552, metatype=PTDropoutMetatype, type=dropout]; +"features.5.2.mlp.3.weight" [id=553, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.mlp.3.bias" [id=554, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/mlp/3/linear/0" [id=555, metatype=PTLinearMetatype, type=linear]; +"features/5/2/mlp/4/dropout/0" [id=556, metatype=PTDropoutMetatype, type=dropout]; +"features.5.2.norm2.weight" [id=557, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.2.norm2.bias" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/2/norm2/layer_norm/0" [id=559, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/2/add/1" [id=560, metatype=PTAddMetatype, type=add]; +"features.5.3.attn.relative_coords_table" [id=561, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.3.attn.cpb_mlp.0.weight" [id=562, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.3.attn.cpb_mlp.0.bias" [id=563, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/attn/cpb_mlp/0/linear/0" [id=564, metatype=PTLinearMetatype, type=linear]; +"features/5/3/attn/cpb_mlp/1/relu_/0" [id=565, metatype=PTRELUMetatype, type=relu_]; +"features.5.3.attn.cpb_mlp.2.weight" [id=566, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/attn/cpb_mlp/2/linear/0" [id=567, metatype=PTLinearMetatype, type=linear]; +"features/5/3/attn/view/0" [id=568, metatype=PTReshapeMetatype, type=view]; +"features.5.3.attn.relative_position_index" [id=569, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/attn/__getitem__/0" [id=570, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/3/attn/view/1" [id=571, metatype=PTReshapeMetatype, type=view]; +"features/5/3/attn/permute/0" [id=572, metatype=PTTransposeMetatype, type=permute]; +"features/5/3/attn/contiguous/0" [id=573, metatype=PTNoopMetatype, type=contiguous]; +"features/5/3/attn/unsqueeze/0" [id=574, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/3/attn/sigmoid/0" [id=575, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/3/attn/mul/0" [id=576, metatype=PTMulMetatype, type=mul]; +"features/5/3/attn/pad/0" [id=577, metatype=PTPadMetatype, type=pad]; +"features/5/3/attn/view/2" [id=578, metatype=PTReshapeMetatype, type=view]; +"features/5/3/attn/permute/1" [id=579, metatype=PTTransposeMetatype, type=permute]; +"features/5/3/attn/reshape/0" [id=580, metatype=PTReshapeMetatype, type=reshape]; +"features.5.3.attn.qkv.bias" [id=581, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/attn/clone/0" [id=582, metatype=PTNoopMetatype, type=clone]; +"features/5/3/attn/numel/0" [id=583, metatype=UnknownMetatype, type=numel]; +"features/5/3/attn/__getitem__/1" [id=584, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/3/attn/zero_/0" [id=585, metatype=UnknownMetatype, type=zero_]; +"features.5.3.attn.qkv.weight" [id=586, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/attn/linear/0" [id=587, metatype=PTLinearMetatype, type=linear]; +"features/5/3/attn/reshape/1" [id=588, metatype=PTReshapeMetatype, type=reshape]; +"features/5/3/attn/permute/2" [id=589, metatype=PTTransposeMetatype, type=permute]; +"features/5/3/attn/__getitem__/2" [id=590, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/3/attn/__getitem__/3" [id=591, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/3/attn/__getitem__/4" [id=592, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/3/attn/normalize/0" [id=593, metatype=PTReduceL2, type=normalize]; +"features/5/3/attn/normalize/1" [id=594, metatype=PTReduceL2, type=normalize]; +"features/5/3/attn/transpose/0" [id=595, metatype=PTTransposeMetatype, type=transpose]; +"features/5/3/attn/matmul/0" [id=596, metatype=PTMatMulMetatype, type=matmul]; +"features.5.3.attn.logit_scale" [id=597, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/attn/clamp/0" [id=598, metatype=UnknownMetatype, type=clamp]; +"features/5/3/attn/exp/0" [id=599, metatype=PTExpMetatype, type=exp]; +"features/5/3/attn/mul/1" [id=600, metatype=PTMulMetatype, type=mul]; +"features/5/3/attn/add/0" [id=601, metatype=PTAddMetatype, type=add]; +"features/5/3/attn/softmax/0" [id=602, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/3/attn/dropout/0" [id=603, metatype=PTDropoutMetatype, type=dropout]; +"features/5/3/attn/matmul/1" [id=604, metatype=PTMatMulMetatype, type=matmul]; +"features/5/3/attn/transpose/1" [id=605, metatype=PTTransposeMetatype, type=transpose]; +"features/5/3/attn/reshape/2" [id=606, metatype=PTReshapeMetatype, type=reshape]; +"features.5.3.attn.proj.weight" [id=607, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.3.attn.proj.bias" [id=608, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/attn/linear/1" [id=609, metatype=PTLinearMetatype, type=linear]; +"features/5/3/attn/dropout/1" [id=610, metatype=PTDropoutMetatype, type=dropout]; +"features/5/3/attn/view/3" [id=611, metatype=PTReshapeMetatype, type=view]; +"features/5/3/attn/permute/3" [id=612, metatype=PTTransposeMetatype, type=permute]; +"features/5/3/attn/reshape/3" [id=613, metatype=PTReshapeMetatype, type=reshape]; +"features/5/3/attn/__getitem__/5" [id=614, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/3/attn/contiguous/1" [id=615, metatype=PTNoopMetatype, type=contiguous]; +"features.5.3.norm1.weight" [id=616, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.3.norm1.bias" [id=617, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/norm1/layer_norm/0" [id=618, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/3/add/0" [id=619, metatype=PTAddMetatype, type=add]; +"features.5.3.mlp.0.weight" [id=620, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.3.mlp.0.bias" [id=621, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/mlp/0/linear/0" [id=622, metatype=PTLinearMetatype, type=linear]; +"features/5/3/mlp/1/gelu/0" [id=623, metatype=PTGELUMetatype, type=gelu]; +"features/5/3/mlp/2/dropout/0" [id=624, metatype=PTDropoutMetatype, type=dropout]; +"features.5.3.mlp.3.weight" [id=625, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.3.mlp.3.bias" [id=626, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/mlp/3/linear/0" [id=627, metatype=PTLinearMetatype, type=linear]; +"features/5/3/mlp/4/dropout/0" [id=628, metatype=PTDropoutMetatype, type=dropout]; +"features.5.3.norm2.weight" [id=629, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.3.norm2.bias" [id=630, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/3/norm2/layer_norm/0" [id=631, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/3/add/1" [id=632, metatype=PTAddMetatype, type=add]; +"features.5.4.attn.relative_coords_table" [id=633, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.4.attn.cpb_mlp.0.weight" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.4.attn.cpb_mlp.0.bias" [id=635, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/attn/cpb_mlp/0/linear/0" [id=636, metatype=PTLinearMetatype, type=linear]; +"features/5/4/attn/cpb_mlp/1/relu_/0" [id=637, metatype=PTRELUMetatype, type=relu_]; +"features.5.4.attn.cpb_mlp.2.weight" [id=638, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/attn/cpb_mlp/2/linear/0" [id=639, metatype=PTLinearMetatype, type=linear]; +"features/5/4/attn/view/0" [id=640, metatype=PTReshapeMetatype, type=view]; +"features.5.4.attn.relative_position_index" [id=641, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/attn/__getitem__/0" [id=642, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/4/attn/view/1" [id=643, metatype=PTReshapeMetatype, type=view]; +"features/5/4/attn/permute/0" [id=644, metatype=PTTransposeMetatype, type=permute]; +"features/5/4/attn/contiguous/0" [id=645, metatype=PTNoopMetatype, type=contiguous]; +"features/5/4/attn/unsqueeze/0" [id=646, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/4/attn/sigmoid/0" [id=647, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/4/attn/mul/0" [id=648, metatype=PTMulMetatype, type=mul]; +"features/5/4/attn/pad/0" [id=649, metatype=PTPadMetatype, type=pad]; +"features/5/4/attn/view/2" [id=650, metatype=PTReshapeMetatype, type=view]; +"features/5/4/attn/permute/1" [id=651, metatype=PTTransposeMetatype, type=permute]; +"features/5/4/attn/reshape/0" [id=652, metatype=PTReshapeMetatype, type=reshape]; +"features.5.4.attn.qkv.bias" [id=653, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/attn/clone/0" [id=654, metatype=PTNoopMetatype, type=clone]; +"features/5/4/attn/numel/0" [id=655, metatype=UnknownMetatype, type=numel]; +"features/5/4/attn/__getitem__/1" [id=656, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/4/attn/zero_/0" [id=657, metatype=UnknownMetatype, type=zero_]; +"features.5.4.attn.qkv.weight" [id=658, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/attn/linear/0" [id=659, metatype=PTLinearMetatype, type=linear]; +"features/5/4/attn/reshape/1" [id=660, metatype=PTReshapeMetatype, type=reshape]; +"features/5/4/attn/permute/2" [id=661, metatype=PTTransposeMetatype, type=permute]; +"features/5/4/attn/__getitem__/2" [id=662, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/4/attn/__getitem__/3" [id=663, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/4/attn/__getitem__/4" [id=664, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/4/attn/normalize/0" [id=665, metatype=PTReduceL2, type=normalize]; +"features/5/4/attn/normalize/1" [id=666, metatype=PTReduceL2, type=normalize]; +"features/5/4/attn/transpose/0" [id=667, metatype=PTTransposeMetatype, type=transpose]; +"features/5/4/attn/matmul/0" [id=668, metatype=PTMatMulMetatype, type=matmul]; +"features.5.4.attn.logit_scale" [id=669, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/attn/clamp/0" [id=670, metatype=UnknownMetatype, type=clamp]; +"features/5/4/attn/exp/0" [id=671, metatype=PTExpMetatype, type=exp]; +"features/5/4/attn/mul/1" [id=672, metatype=PTMulMetatype, type=mul]; +"features/5/4/attn/add/0" [id=673, metatype=PTAddMetatype, type=add]; +"features/5/4/attn/softmax/0" [id=674, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/4/attn/dropout/0" [id=675, metatype=PTDropoutMetatype, type=dropout]; +"features/5/4/attn/matmul/1" [id=676, metatype=PTMatMulMetatype, type=matmul]; +"features/5/4/attn/transpose/1" [id=677, metatype=PTTransposeMetatype, type=transpose]; +"features/5/4/attn/reshape/2" [id=678, metatype=PTReshapeMetatype, type=reshape]; +"features.5.4.attn.proj.weight" [id=679, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.4.attn.proj.bias" [id=680, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/attn/linear/1" [id=681, metatype=PTLinearMetatype, type=linear]; +"features/5/4/attn/dropout/1" [id=682, metatype=PTDropoutMetatype, type=dropout]; +"features/5/4/attn/view/3" [id=683, metatype=PTReshapeMetatype, type=view]; +"features/5/4/attn/permute/3" [id=684, metatype=PTTransposeMetatype, type=permute]; +"features/5/4/attn/reshape/3" [id=685, metatype=PTReshapeMetatype, type=reshape]; +"features/5/4/attn/__getitem__/5" [id=686, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/4/attn/contiguous/1" [id=687, metatype=PTNoopMetatype, type=contiguous]; +"features.5.4.norm1.weight" [id=688, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.4.norm1.bias" [id=689, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/norm1/layer_norm/0" [id=690, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/4/add/0" [id=691, metatype=PTAddMetatype, type=add]; +"features.5.4.mlp.0.weight" [id=692, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.4.mlp.0.bias" [id=693, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/mlp/0/linear/0" [id=694, metatype=PTLinearMetatype, type=linear]; +"features/5/4/mlp/1/gelu/0" [id=695, metatype=PTGELUMetatype, type=gelu]; +"features/5/4/mlp/2/dropout/0" [id=696, metatype=PTDropoutMetatype, type=dropout]; +"features.5.4.mlp.3.weight" [id=697, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.4.mlp.3.bias" [id=698, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/mlp/3/linear/0" [id=699, metatype=PTLinearMetatype, type=linear]; +"features/5/4/mlp/4/dropout/0" [id=700, metatype=PTDropoutMetatype, type=dropout]; +"features.5.4.norm2.weight" [id=701, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.4.norm2.bias" [id=702, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/4/norm2/layer_norm/0" [id=703, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/4/add/1" [id=704, metatype=PTAddMetatype, type=add]; +"features.5.5.attn.relative_coords_table" [id=705, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.5.attn.cpb_mlp.0.weight" [id=706, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.5.attn.cpb_mlp.0.bias" [id=707, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/attn/cpb_mlp/0/linear/0" [id=708, metatype=PTLinearMetatype, type=linear]; +"features/5/5/attn/cpb_mlp/1/relu_/0" [id=709, metatype=PTRELUMetatype, type=relu_]; +"features.5.5.attn.cpb_mlp.2.weight" [id=710, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/attn/cpb_mlp/2/linear/0" [id=711, metatype=PTLinearMetatype, type=linear]; +"features/5/5/attn/view/0" [id=712, metatype=PTReshapeMetatype, type=view]; +"features.5.5.attn.relative_position_index" [id=713, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/attn/__getitem__/0" [id=714, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/5/attn/view/1" [id=715, metatype=PTReshapeMetatype, type=view]; +"features/5/5/attn/permute/0" [id=716, metatype=PTTransposeMetatype, type=permute]; +"features/5/5/attn/contiguous/0" [id=717, metatype=PTNoopMetatype, type=contiguous]; +"features/5/5/attn/unsqueeze/0" [id=718, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/5/attn/sigmoid/0" [id=719, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/5/attn/mul/0" [id=720, metatype=PTMulMetatype, type=mul]; +"features/5/5/attn/pad/0" [id=721, metatype=PTPadMetatype, type=pad]; +"features/5/5/attn/view/2" [id=722, metatype=PTReshapeMetatype, type=view]; +"features/5/5/attn/permute/1" [id=723, metatype=PTTransposeMetatype, type=permute]; +"features/5/5/attn/reshape/0" [id=724, metatype=PTReshapeMetatype, type=reshape]; +"features.5.5.attn.qkv.bias" [id=725, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/attn/clone/0" [id=726, metatype=PTNoopMetatype, type=clone]; +"features/5/5/attn/numel/0" [id=727, metatype=UnknownMetatype, type=numel]; +"features/5/5/attn/__getitem__/1" [id=728, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/5/attn/zero_/0" [id=729, metatype=UnknownMetatype, type=zero_]; +"features.5.5.attn.qkv.weight" [id=730, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/attn/linear/0" [id=731, metatype=PTLinearMetatype, type=linear]; +"features/5/5/attn/reshape/1" [id=732, metatype=PTReshapeMetatype, type=reshape]; +"features/5/5/attn/permute/2" [id=733, metatype=PTTransposeMetatype, type=permute]; +"features/5/5/attn/__getitem__/2" [id=734, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/5/attn/__getitem__/3" [id=735, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/5/attn/__getitem__/4" [id=736, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/5/attn/normalize/0" [id=737, metatype=PTReduceL2, type=normalize]; +"features/5/5/attn/normalize/1" [id=738, metatype=PTReduceL2, type=normalize]; +"features/5/5/attn/transpose/0" [id=739, metatype=PTTransposeMetatype, type=transpose]; +"features/5/5/attn/matmul/0" [id=740, metatype=PTMatMulMetatype, type=matmul]; +"features.5.5.attn.logit_scale" [id=741, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/attn/clamp/0" [id=742, metatype=UnknownMetatype, type=clamp]; +"features/5/5/attn/exp/0" [id=743, metatype=PTExpMetatype, type=exp]; +"features/5/5/attn/mul/1" [id=744, metatype=PTMulMetatype, type=mul]; +"features/5/5/attn/add/0" [id=745, metatype=PTAddMetatype, type=add]; +"features/5/5/attn/softmax/0" [id=746, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/5/attn/dropout/0" [id=747, metatype=PTDropoutMetatype, type=dropout]; +"features/5/5/attn/matmul/1" [id=748, metatype=PTMatMulMetatype, type=matmul]; +"features/5/5/attn/transpose/1" [id=749, metatype=PTTransposeMetatype, type=transpose]; +"features/5/5/attn/reshape/2" [id=750, metatype=PTReshapeMetatype, type=reshape]; +"features.5.5.attn.proj.weight" [id=751, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.5.attn.proj.bias" [id=752, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/attn/linear/1" [id=753, metatype=PTLinearMetatype, type=linear]; +"features/5/5/attn/dropout/1" [id=754, metatype=PTDropoutMetatype, type=dropout]; +"features/5/5/attn/view/3" [id=755, metatype=PTReshapeMetatype, type=view]; +"features/5/5/attn/permute/3" [id=756, metatype=PTTransposeMetatype, type=permute]; +"features/5/5/attn/reshape/3" [id=757, metatype=PTReshapeMetatype, type=reshape]; +"features/5/5/attn/__getitem__/5" [id=758, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/5/attn/contiguous/1" [id=759, metatype=PTNoopMetatype, type=contiguous]; +"features.5.5.norm1.weight" [id=760, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.5.norm1.bias" [id=761, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/norm1/layer_norm/0" [id=762, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/5/add/0" [id=763, metatype=PTAddMetatype, type=add]; +"features.5.5.mlp.0.weight" [id=764, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.5.mlp.0.bias" [id=765, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/mlp/0/linear/0" [id=766, metatype=PTLinearMetatype, type=linear]; +"features/5/5/mlp/1/gelu/0" [id=767, metatype=PTGELUMetatype, type=gelu]; +"features/5/5/mlp/2/dropout/0" [id=768, metatype=PTDropoutMetatype, type=dropout]; +"features.5.5.mlp.3.weight" [id=769, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.5.mlp.3.bias" [id=770, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/mlp/3/linear/0" [id=771, metatype=PTLinearMetatype, type=linear]; +"features/5/5/mlp/4/dropout/0" [id=772, metatype=PTDropoutMetatype, type=dropout]; +"features.5.5.norm2.weight" [id=773, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.5.norm2.bias" [id=774, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/5/norm2/layer_norm/0" [id=775, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/5/add/1" [id=776, metatype=PTAddMetatype, type=add]; +"features.5.6.attn.relative_coords_table" [id=777, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.6.attn.cpb_mlp.0.weight" [id=778, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.6.attn.cpb_mlp.0.bias" [id=779, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/attn/cpb_mlp/0/linear/0" [id=780, metatype=PTLinearMetatype, type=linear]; +"features/5/6/attn/cpb_mlp/1/relu_/0" [id=781, metatype=PTRELUMetatype, type=relu_]; +"features.5.6.attn.cpb_mlp.2.weight" [id=782, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/attn/cpb_mlp/2/linear/0" [id=783, metatype=PTLinearMetatype, type=linear]; +"features/5/6/attn/view/0" [id=784, metatype=PTReshapeMetatype, type=view]; +"features.5.6.attn.relative_position_index" [id=785, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/attn/__getitem__/0" [id=786, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/6/attn/view/1" [id=787, metatype=PTReshapeMetatype, type=view]; +"features/5/6/attn/permute/0" [id=788, metatype=PTTransposeMetatype, type=permute]; +"features/5/6/attn/contiguous/0" [id=789, metatype=PTNoopMetatype, type=contiguous]; +"features/5/6/attn/unsqueeze/0" [id=790, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/6/attn/sigmoid/0" [id=791, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/6/attn/mul/0" [id=792, metatype=PTMulMetatype, type=mul]; +"features/5/6/attn/pad/0" [id=793, metatype=PTPadMetatype, type=pad]; +"features/5/6/attn/view/2" [id=794, metatype=PTReshapeMetatype, type=view]; +"features/5/6/attn/permute/1" [id=795, metatype=PTTransposeMetatype, type=permute]; +"features/5/6/attn/reshape/0" [id=796, metatype=PTReshapeMetatype, type=reshape]; +"features.5.6.attn.qkv.bias" [id=797, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/attn/clone/0" [id=798, metatype=PTNoopMetatype, type=clone]; +"features/5/6/attn/numel/0" [id=799, metatype=UnknownMetatype, type=numel]; +"features/5/6/attn/__getitem__/1" [id=800, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/6/attn/zero_/0" [id=801, metatype=UnknownMetatype, type=zero_]; +"features.5.6.attn.qkv.weight" [id=802, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/attn/linear/0" [id=803, metatype=PTLinearMetatype, type=linear]; +"features/5/6/attn/reshape/1" [id=804, metatype=PTReshapeMetatype, type=reshape]; +"features/5/6/attn/permute/2" [id=805, metatype=PTTransposeMetatype, type=permute]; +"features/5/6/attn/__getitem__/2" [id=806, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/6/attn/__getitem__/3" [id=807, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/6/attn/__getitem__/4" [id=808, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/6/attn/normalize/0" [id=809, metatype=PTReduceL2, type=normalize]; +"features/5/6/attn/normalize/1" [id=810, metatype=PTReduceL2, type=normalize]; +"features/5/6/attn/transpose/0" [id=811, metatype=PTTransposeMetatype, type=transpose]; +"features/5/6/attn/matmul/0" [id=812, metatype=PTMatMulMetatype, type=matmul]; +"features.5.6.attn.logit_scale" [id=813, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/attn/clamp/0" [id=814, metatype=UnknownMetatype, type=clamp]; +"features/5/6/attn/exp/0" [id=815, metatype=PTExpMetatype, type=exp]; +"features/5/6/attn/mul/1" [id=816, metatype=PTMulMetatype, type=mul]; +"features/5/6/attn/add/0" [id=817, metatype=PTAddMetatype, type=add]; +"features/5/6/attn/softmax/0" [id=818, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/6/attn/dropout/0" [id=819, metatype=PTDropoutMetatype, type=dropout]; +"features/5/6/attn/matmul/1" [id=820, metatype=PTMatMulMetatype, type=matmul]; +"features/5/6/attn/transpose/1" [id=821, metatype=PTTransposeMetatype, type=transpose]; +"features/5/6/attn/reshape/2" [id=822, metatype=PTReshapeMetatype, type=reshape]; +"features.5.6.attn.proj.weight" [id=823, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.6.attn.proj.bias" [id=824, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/attn/linear/1" [id=825, metatype=PTLinearMetatype, type=linear]; +"features/5/6/attn/dropout/1" [id=826, metatype=PTDropoutMetatype, type=dropout]; +"features/5/6/attn/view/3" [id=827, metatype=PTReshapeMetatype, type=view]; +"features/5/6/attn/permute/3" [id=828, metatype=PTTransposeMetatype, type=permute]; +"features/5/6/attn/reshape/3" [id=829, metatype=PTReshapeMetatype, type=reshape]; +"features/5/6/attn/__getitem__/5" [id=830, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/6/attn/contiguous/1" [id=831, metatype=PTNoopMetatype, type=contiguous]; +"features.5.6.norm1.weight" [id=832, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.6.norm1.bias" [id=833, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/norm1/layer_norm/0" [id=834, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/6/add/0" [id=835, metatype=PTAddMetatype, type=add]; +"features.5.6.mlp.0.weight" [id=836, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.6.mlp.0.bias" [id=837, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/mlp/0/linear/0" [id=838, metatype=PTLinearMetatype, type=linear]; +"features/5/6/mlp/1/gelu/0" [id=839, metatype=PTGELUMetatype, type=gelu]; +"features/5/6/mlp/2/dropout/0" [id=840, metatype=PTDropoutMetatype, type=dropout]; +"features.5.6.mlp.3.weight" [id=841, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.6.mlp.3.bias" [id=842, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/mlp/3/linear/0" [id=843, metatype=PTLinearMetatype, type=linear]; +"features/5/6/mlp/4/dropout/0" [id=844, metatype=PTDropoutMetatype, type=dropout]; +"features.5.6.norm2.weight" [id=845, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.6.norm2.bias" [id=846, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/6/norm2/layer_norm/0" [id=847, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/6/add/1" [id=848, metatype=PTAddMetatype, type=add]; +"features.5.7.attn.relative_coords_table" [id=849, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.7.attn.cpb_mlp.0.weight" [id=850, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.7.attn.cpb_mlp.0.bias" [id=851, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/attn/cpb_mlp/0/linear/0" [id=852, metatype=PTLinearMetatype, type=linear]; +"features/5/7/attn/cpb_mlp/1/relu_/0" [id=853, metatype=PTRELUMetatype, type=relu_]; +"features.5.7.attn.cpb_mlp.2.weight" [id=854, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/attn/cpb_mlp/2/linear/0" [id=855, metatype=PTLinearMetatype, type=linear]; +"features/5/7/attn/view/0" [id=856, metatype=PTReshapeMetatype, type=view]; +"features.5.7.attn.relative_position_index" [id=857, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/attn/__getitem__/0" [id=858, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/7/attn/view/1" [id=859, metatype=PTReshapeMetatype, type=view]; +"features/5/7/attn/permute/0" [id=860, metatype=PTTransposeMetatype, type=permute]; +"features/5/7/attn/contiguous/0" [id=861, metatype=PTNoopMetatype, type=contiguous]; +"features/5/7/attn/unsqueeze/0" [id=862, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/7/attn/sigmoid/0" [id=863, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/7/attn/mul/0" [id=864, metatype=PTMulMetatype, type=mul]; +"features/5/7/attn/pad/0" [id=865, metatype=PTPadMetatype, type=pad]; +"features/5/7/attn/view/2" [id=866, metatype=PTReshapeMetatype, type=view]; +"features/5/7/attn/permute/1" [id=867, metatype=PTTransposeMetatype, type=permute]; +"features/5/7/attn/reshape/0" [id=868, metatype=PTReshapeMetatype, type=reshape]; +"features.5.7.attn.qkv.bias" [id=869, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/attn/clone/0" [id=870, metatype=PTNoopMetatype, type=clone]; +"features/5/7/attn/numel/0" [id=871, metatype=UnknownMetatype, type=numel]; +"features/5/7/attn/__getitem__/1" [id=872, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/7/attn/zero_/0" [id=873, metatype=UnknownMetatype, type=zero_]; +"features.5.7.attn.qkv.weight" [id=874, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/attn/linear/0" [id=875, metatype=PTLinearMetatype, type=linear]; +"features/5/7/attn/reshape/1" [id=876, metatype=PTReshapeMetatype, type=reshape]; +"features/5/7/attn/permute/2" [id=877, metatype=PTTransposeMetatype, type=permute]; +"features/5/7/attn/__getitem__/2" [id=878, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/7/attn/__getitem__/3" [id=879, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/7/attn/__getitem__/4" [id=880, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/7/attn/normalize/0" [id=881, metatype=PTReduceL2, type=normalize]; +"features/5/7/attn/normalize/1" [id=882, metatype=PTReduceL2, type=normalize]; +"features/5/7/attn/transpose/0" [id=883, metatype=PTTransposeMetatype, type=transpose]; +"features/5/7/attn/matmul/0" [id=884, metatype=PTMatMulMetatype, type=matmul]; +"features.5.7.attn.logit_scale" [id=885, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/attn/clamp/0" [id=886, metatype=UnknownMetatype, type=clamp]; +"features/5/7/attn/exp/0" [id=887, metatype=PTExpMetatype, type=exp]; +"features/5/7/attn/mul/1" [id=888, metatype=PTMulMetatype, type=mul]; +"features/5/7/attn/add/0" [id=889, metatype=PTAddMetatype, type=add]; +"features/5/7/attn/softmax/0" [id=890, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/7/attn/dropout/0" [id=891, metatype=PTDropoutMetatype, type=dropout]; +"features/5/7/attn/matmul/1" [id=892, metatype=PTMatMulMetatype, type=matmul]; +"features/5/7/attn/transpose/1" [id=893, metatype=PTTransposeMetatype, type=transpose]; +"features/5/7/attn/reshape/2" [id=894, metatype=PTReshapeMetatype, type=reshape]; +"features.5.7.attn.proj.weight" [id=895, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.7.attn.proj.bias" [id=896, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/attn/linear/1" [id=897, metatype=PTLinearMetatype, type=linear]; +"features/5/7/attn/dropout/1" [id=898, metatype=PTDropoutMetatype, type=dropout]; +"features/5/7/attn/view/3" [id=899, metatype=PTReshapeMetatype, type=view]; +"features/5/7/attn/permute/3" [id=900, metatype=PTTransposeMetatype, type=permute]; +"features/5/7/attn/reshape/3" [id=901, metatype=PTReshapeMetatype, type=reshape]; +"features/5/7/attn/__getitem__/5" [id=902, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/7/attn/contiguous/1" [id=903, metatype=PTNoopMetatype, type=contiguous]; +"features.5.7.norm1.weight" [id=904, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.7.norm1.bias" [id=905, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/norm1/layer_norm/0" [id=906, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/7/add/0" [id=907, metatype=PTAddMetatype, type=add]; +"features.5.7.mlp.0.weight" [id=908, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.7.mlp.0.bias" [id=909, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/mlp/0/linear/0" [id=910, metatype=PTLinearMetatype, type=linear]; +"features/5/7/mlp/1/gelu/0" [id=911, metatype=PTGELUMetatype, type=gelu]; +"features/5/7/mlp/2/dropout/0" [id=912, metatype=PTDropoutMetatype, type=dropout]; +"features.5.7.mlp.3.weight" [id=913, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.7.mlp.3.bias" [id=914, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/mlp/3/linear/0" [id=915, metatype=PTLinearMetatype, type=linear]; +"features/5/7/mlp/4/dropout/0" [id=916, metatype=PTDropoutMetatype, type=dropout]; +"features.5.7.norm2.weight" [id=917, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.7.norm2.bias" [id=918, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/7/norm2/layer_norm/0" [id=919, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/7/add/1" [id=920, metatype=PTAddMetatype, type=add]; +"features.5.8.attn.relative_coords_table" [id=921, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.8.attn.cpb_mlp.0.weight" [id=922, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.8.attn.cpb_mlp.0.bias" [id=923, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/attn/cpb_mlp/0/linear/0" [id=924, metatype=PTLinearMetatype, type=linear]; +"features/5/8/attn/cpb_mlp/1/relu_/0" [id=925, metatype=PTRELUMetatype, type=relu_]; +"features.5.8.attn.cpb_mlp.2.weight" [id=926, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/attn/cpb_mlp/2/linear/0" [id=927, metatype=PTLinearMetatype, type=linear]; +"features/5/8/attn/view/0" [id=928, metatype=PTReshapeMetatype, type=view]; +"features.5.8.attn.relative_position_index" [id=929, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/attn/__getitem__/0" [id=930, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/8/attn/view/1" [id=931, metatype=PTReshapeMetatype, type=view]; +"features/5/8/attn/permute/0" [id=932, metatype=PTTransposeMetatype, type=permute]; +"features/5/8/attn/contiguous/0" [id=933, metatype=PTNoopMetatype, type=contiguous]; +"features/5/8/attn/unsqueeze/0" [id=934, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/8/attn/sigmoid/0" [id=935, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/8/attn/mul/0" [id=936, metatype=PTMulMetatype, type=mul]; +"features/5/8/attn/pad/0" [id=937, metatype=PTPadMetatype, type=pad]; +"features/5/8/attn/view/2" [id=938, metatype=PTReshapeMetatype, type=view]; +"features/5/8/attn/permute/1" [id=939, metatype=PTTransposeMetatype, type=permute]; +"features/5/8/attn/reshape/0" [id=940, metatype=PTReshapeMetatype, type=reshape]; +"features.5.8.attn.qkv.bias" [id=941, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/attn/clone/0" [id=942, metatype=PTNoopMetatype, type=clone]; +"features/5/8/attn/numel/0" [id=943, metatype=UnknownMetatype, type=numel]; +"features/5/8/attn/__getitem__/1" [id=944, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/8/attn/zero_/0" [id=945, metatype=UnknownMetatype, type=zero_]; +"features.5.8.attn.qkv.weight" [id=946, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/attn/linear/0" [id=947, metatype=PTLinearMetatype, type=linear]; +"features/5/8/attn/reshape/1" [id=948, metatype=PTReshapeMetatype, type=reshape]; +"features/5/8/attn/permute/2" [id=949, metatype=PTTransposeMetatype, type=permute]; +"features/5/8/attn/__getitem__/2" [id=950, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/8/attn/__getitem__/3" [id=951, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/8/attn/__getitem__/4" [id=952, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/8/attn/normalize/0" [id=953, metatype=PTReduceL2, type=normalize]; +"features/5/8/attn/normalize/1" [id=954, metatype=PTReduceL2, type=normalize]; +"features/5/8/attn/transpose/0" [id=955, metatype=PTTransposeMetatype, type=transpose]; +"features/5/8/attn/matmul/0" [id=956, metatype=PTMatMulMetatype, type=matmul]; +"features.5.8.attn.logit_scale" [id=957, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/attn/clamp/0" [id=958, metatype=UnknownMetatype, type=clamp]; +"features/5/8/attn/exp/0" [id=959, metatype=PTExpMetatype, type=exp]; +"features/5/8/attn/mul/1" [id=960, metatype=PTMulMetatype, type=mul]; +"features/5/8/attn/add/0" [id=961, metatype=PTAddMetatype, type=add]; +"features/5/8/attn/softmax/0" [id=962, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/8/attn/dropout/0" [id=963, metatype=PTDropoutMetatype, type=dropout]; +"features/5/8/attn/matmul/1" [id=964, metatype=PTMatMulMetatype, type=matmul]; +"features/5/8/attn/transpose/1" [id=965, metatype=PTTransposeMetatype, type=transpose]; +"features/5/8/attn/reshape/2" [id=966, metatype=PTReshapeMetatype, type=reshape]; +"features.5.8.attn.proj.weight" [id=967, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.8.attn.proj.bias" [id=968, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/attn/linear/1" [id=969, metatype=PTLinearMetatype, type=linear]; +"features/5/8/attn/dropout/1" [id=970, metatype=PTDropoutMetatype, type=dropout]; +"features/5/8/attn/view/3" [id=971, metatype=PTReshapeMetatype, type=view]; +"features/5/8/attn/permute/3" [id=972, metatype=PTTransposeMetatype, type=permute]; +"features/5/8/attn/reshape/3" [id=973, metatype=PTReshapeMetatype, type=reshape]; +"features/5/8/attn/__getitem__/5" [id=974, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/8/attn/contiguous/1" [id=975, metatype=PTNoopMetatype, type=contiguous]; +"features.5.8.norm1.weight" [id=976, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.8.norm1.bias" [id=977, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/norm1/layer_norm/0" [id=978, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/8/add/0" [id=979, metatype=PTAddMetatype, type=add]; +"features.5.8.mlp.0.weight" [id=980, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.8.mlp.0.bias" [id=981, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/mlp/0/linear/0" [id=982, metatype=PTLinearMetatype, type=linear]; +"features/5/8/mlp/1/gelu/0" [id=983, metatype=PTGELUMetatype, type=gelu]; +"features/5/8/mlp/2/dropout/0" [id=984, metatype=PTDropoutMetatype, type=dropout]; +"features.5.8.mlp.3.weight" [id=985, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.8.mlp.3.bias" [id=986, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/mlp/3/linear/0" [id=987, metatype=PTLinearMetatype, type=linear]; +"features/5/8/mlp/4/dropout/0" [id=988, metatype=PTDropoutMetatype, type=dropout]; +"features.5.8.norm2.weight" [id=989, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.8.norm2.bias" [id=990, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/8/norm2/layer_norm/0" [id=991, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/8/add/1" [id=992, metatype=PTAddMetatype, type=add]; +"features.5.9.attn.relative_coords_table" [id=993, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.9.attn.cpb_mlp.0.weight" [id=994, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.9.attn.cpb_mlp.0.bias" [id=995, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/attn/cpb_mlp/0/linear/0" [id=996, metatype=PTLinearMetatype, type=linear]; +"features/5/9/attn/cpb_mlp/1/relu_/0" [id=997, metatype=PTRELUMetatype, type=relu_]; +"features.5.9.attn.cpb_mlp.2.weight" [id=998, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/attn/cpb_mlp/2/linear/0" [id=999, metatype=PTLinearMetatype, type=linear]; +"features/5/9/attn/view/0" [id=1000, metatype=PTReshapeMetatype, type=view]; +"features.5.9.attn.relative_position_index" [id=1001, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/attn/__getitem__/0" [id=1002, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/9/attn/view/1" [id=1003, metatype=PTReshapeMetatype, type=view]; +"features/5/9/attn/permute/0" [id=1004, metatype=PTTransposeMetatype, type=permute]; +"features/5/9/attn/contiguous/0" [id=1005, metatype=PTNoopMetatype, type=contiguous]; +"features/5/9/attn/unsqueeze/0" [id=1006, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/9/attn/sigmoid/0" [id=1007, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/9/attn/mul/0" [id=1008, metatype=PTMulMetatype, type=mul]; +"features/5/9/attn/pad/0" [id=1009, metatype=PTPadMetatype, type=pad]; +"features/5/9/attn/view/2" [id=1010, metatype=PTReshapeMetatype, type=view]; +"features/5/9/attn/permute/1" [id=1011, metatype=PTTransposeMetatype, type=permute]; +"features/5/9/attn/reshape/0" [id=1012, metatype=PTReshapeMetatype, type=reshape]; +"features.5.9.attn.qkv.bias" [id=1013, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/attn/clone/0" [id=1014, metatype=PTNoopMetatype, type=clone]; +"features/5/9/attn/numel/0" [id=1015, metatype=UnknownMetatype, type=numel]; +"features/5/9/attn/__getitem__/1" [id=1016, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/9/attn/zero_/0" [id=1017, metatype=UnknownMetatype, type=zero_]; +"features.5.9.attn.qkv.weight" [id=1018, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/attn/linear/0" [id=1019, metatype=PTLinearMetatype, type=linear]; +"features/5/9/attn/reshape/1" [id=1020, metatype=PTReshapeMetatype, type=reshape]; +"features/5/9/attn/permute/2" [id=1021, metatype=PTTransposeMetatype, type=permute]; +"features/5/9/attn/__getitem__/2" [id=1022, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/9/attn/__getitem__/3" [id=1023, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/9/attn/__getitem__/4" [id=1024, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/9/attn/normalize/0" [id=1025, metatype=PTReduceL2, type=normalize]; +"features/5/9/attn/normalize/1" [id=1026, metatype=PTReduceL2, type=normalize]; +"features/5/9/attn/transpose/0" [id=1027, metatype=PTTransposeMetatype, type=transpose]; +"features/5/9/attn/matmul/0" [id=1028, metatype=PTMatMulMetatype, type=matmul]; +"features.5.9.attn.logit_scale" [id=1029, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/attn/clamp/0" [id=1030, metatype=UnknownMetatype, type=clamp]; +"features/5/9/attn/exp/0" [id=1031, metatype=PTExpMetatype, type=exp]; +"features/5/9/attn/mul/1" [id=1032, metatype=PTMulMetatype, type=mul]; +"features/5/9/attn/add/0" [id=1033, metatype=PTAddMetatype, type=add]; +"features/5/9/attn/softmax/0" [id=1034, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/9/attn/dropout/0" [id=1035, metatype=PTDropoutMetatype, type=dropout]; +"features/5/9/attn/matmul/1" [id=1036, metatype=PTMatMulMetatype, type=matmul]; +"features/5/9/attn/transpose/1" [id=1037, metatype=PTTransposeMetatype, type=transpose]; +"features/5/9/attn/reshape/2" [id=1038, metatype=PTReshapeMetatype, type=reshape]; +"features.5.9.attn.proj.weight" [id=1039, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.9.attn.proj.bias" [id=1040, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/attn/linear/1" [id=1041, metatype=PTLinearMetatype, type=linear]; +"features/5/9/attn/dropout/1" [id=1042, metatype=PTDropoutMetatype, type=dropout]; +"features/5/9/attn/view/3" [id=1043, metatype=PTReshapeMetatype, type=view]; +"features/5/9/attn/permute/3" [id=1044, metatype=PTTransposeMetatype, type=permute]; +"features/5/9/attn/reshape/3" [id=1045, metatype=PTReshapeMetatype, type=reshape]; +"features/5/9/attn/__getitem__/5" [id=1046, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/9/attn/contiguous/1" [id=1047, metatype=PTNoopMetatype, type=contiguous]; +"features.5.9.norm1.weight" [id=1048, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.9.norm1.bias" [id=1049, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/norm1/layer_norm/0" [id=1050, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/9/add/0" [id=1051, metatype=PTAddMetatype, type=add]; +"features.5.9.mlp.0.weight" [id=1052, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.9.mlp.0.bias" [id=1053, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/mlp/0/linear/0" [id=1054, metatype=PTLinearMetatype, type=linear]; +"features/5/9/mlp/1/gelu/0" [id=1055, metatype=PTGELUMetatype, type=gelu]; +"features/5/9/mlp/2/dropout/0" [id=1056, metatype=PTDropoutMetatype, type=dropout]; +"features.5.9.mlp.3.weight" [id=1057, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.9.mlp.3.bias" [id=1058, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/mlp/3/linear/0" [id=1059, metatype=PTLinearMetatype, type=linear]; +"features/5/9/mlp/4/dropout/0" [id=1060, metatype=PTDropoutMetatype, type=dropout]; +"features.5.9.norm2.weight" [id=1061, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.9.norm2.bias" [id=1062, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/9/norm2/layer_norm/0" [id=1063, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/9/add/1" [id=1064, metatype=PTAddMetatype, type=add]; +"features.5.10.attn.relative_coords_table" [id=1065, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.10.attn.cpb_mlp.0.weight" [id=1066, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.10.attn.cpb_mlp.0.bias" [id=1067, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/attn/cpb_mlp/0/linear/0" [id=1068, metatype=PTLinearMetatype, type=linear]; +"features/5/10/attn/cpb_mlp/1/relu_/0" [id=1069, metatype=PTRELUMetatype, type=relu_]; +"features.5.10.attn.cpb_mlp.2.weight" [id=1070, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/attn/cpb_mlp/2/linear/0" [id=1071, metatype=PTLinearMetatype, type=linear]; +"features/5/10/attn/view/0" [id=1072, metatype=PTReshapeMetatype, type=view]; +"features.5.10.attn.relative_position_index" [id=1073, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/attn/__getitem__/0" [id=1074, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/10/attn/view/1" [id=1075, metatype=PTReshapeMetatype, type=view]; +"features/5/10/attn/permute/0" [id=1076, metatype=PTTransposeMetatype, type=permute]; +"features/5/10/attn/contiguous/0" [id=1077, metatype=PTNoopMetatype, type=contiguous]; +"features/5/10/attn/unsqueeze/0" [id=1078, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/10/attn/sigmoid/0" [id=1079, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/10/attn/mul/0" [id=1080, metatype=PTMulMetatype, type=mul]; +"features/5/10/attn/pad/0" [id=1081, metatype=PTPadMetatype, type=pad]; +"features/5/10/attn/view/2" [id=1082, metatype=PTReshapeMetatype, type=view]; +"features/5/10/attn/permute/1" [id=1083, metatype=PTTransposeMetatype, type=permute]; +"features/5/10/attn/reshape/0" [id=1084, metatype=PTReshapeMetatype, type=reshape]; +"features.5.10.attn.qkv.bias" [id=1085, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/attn/clone/0" [id=1086, metatype=PTNoopMetatype, type=clone]; +"features/5/10/attn/numel/0" [id=1087, metatype=UnknownMetatype, type=numel]; +"features/5/10/attn/__getitem__/1" [id=1088, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/10/attn/zero_/0" [id=1089, metatype=UnknownMetatype, type=zero_]; +"features.5.10.attn.qkv.weight" [id=1090, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/attn/linear/0" [id=1091, metatype=PTLinearMetatype, type=linear]; +"features/5/10/attn/reshape/1" [id=1092, metatype=PTReshapeMetatype, type=reshape]; +"features/5/10/attn/permute/2" [id=1093, metatype=PTTransposeMetatype, type=permute]; +"features/5/10/attn/__getitem__/2" [id=1094, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/10/attn/__getitem__/3" [id=1095, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/10/attn/__getitem__/4" [id=1096, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/10/attn/normalize/0" [id=1097, metatype=PTReduceL2, type=normalize]; +"features/5/10/attn/normalize/1" [id=1098, metatype=PTReduceL2, type=normalize]; +"features/5/10/attn/transpose/0" [id=1099, metatype=PTTransposeMetatype, type=transpose]; +"features/5/10/attn/matmul/0" [id=1100, metatype=PTMatMulMetatype, type=matmul]; +"features.5.10.attn.logit_scale" [id=1101, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/attn/clamp/0" [id=1102, metatype=UnknownMetatype, type=clamp]; +"features/5/10/attn/exp/0" [id=1103, metatype=PTExpMetatype, type=exp]; +"features/5/10/attn/mul/1" [id=1104, metatype=PTMulMetatype, type=mul]; +"features/5/10/attn/add/0" [id=1105, metatype=PTAddMetatype, type=add]; +"features/5/10/attn/softmax/0" [id=1106, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/10/attn/dropout/0" [id=1107, metatype=PTDropoutMetatype, type=dropout]; +"features/5/10/attn/matmul/1" [id=1108, metatype=PTMatMulMetatype, type=matmul]; +"features/5/10/attn/transpose/1" [id=1109, metatype=PTTransposeMetatype, type=transpose]; +"features/5/10/attn/reshape/2" [id=1110, metatype=PTReshapeMetatype, type=reshape]; +"features.5.10.attn.proj.weight" [id=1111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.10.attn.proj.bias" [id=1112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/attn/linear/1" [id=1113, metatype=PTLinearMetatype, type=linear]; +"features/5/10/attn/dropout/1" [id=1114, metatype=PTDropoutMetatype, type=dropout]; +"features/5/10/attn/view/3" [id=1115, metatype=PTReshapeMetatype, type=view]; +"features/5/10/attn/permute/3" [id=1116, metatype=PTTransposeMetatype, type=permute]; +"features/5/10/attn/reshape/3" [id=1117, metatype=PTReshapeMetatype, type=reshape]; +"features/5/10/attn/__getitem__/5" [id=1118, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/10/attn/contiguous/1" [id=1119, metatype=PTNoopMetatype, type=contiguous]; +"features.5.10.norm1.weight" [id=1120, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.10.norm1.bias" [id=1121, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/norm1/layer_norm/0" [id=1122, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/10/add/0" [id=1123, metatype=PTAddMetatype, type=add]; +"features.5.10.mlp.0.weight" [id=1124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.10.mlp.0.bias" [id=1125, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/mlp/0/linear/0" [id=1126, metatype=PTLinearMetatype, type=linear]; +"features/5/10/mlp/1/gelu/0" [id=1127, metatype=PTGELUMetatype, type=gelu]; +"features/5/10/mlp/2/dropout/0" [id=1128, metatype=PTDropoutMetatype, type=dropout]; +"features.5.10.mlp.3.weight" [id=1129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.10.mlp.3.bias" [id=1130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/mlp/3/linear/0" [id=1131, metatype=PTLinearMetatype, type=linear]; +"features/5/10/mlp/4/dropout/0" [id=1132, metatype=PTDropoutMetatype, type=dropout]; +"features.5.10.norm2.weight" [id=1133, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.10.norm2.bias" [id=1134, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/10/norm2/layer_norm/0" [id=1135, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/10/add/1" [id=1136, metatype=PTAddMetatype, type=add]; +"features.5.11.attn.relative_coords_table" [id=1137, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.11.attn.cpb_mlp.0.weight" [id=1138, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.11.attn.cpb_mlp.0.bias" [id=1139, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/attn/cpb_mlp/0/linear/0" [id=1140, metatype=PTLinearMetatype, type=linear]; +"features/5/11/attn/cpb_mlp/1/relu_/0" [id=1141, metatype=PTRELUMetatype, type=relu_]; +"features.5.11.attn.cpb_mlp.2.weight" [id=1142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/attn/cpb_mlp/2/linear/0" [id=1143, metatype=PTLinearMetatype, type=linear]; +"features/5/11/attn/view/0" [id=1144, metatype=PTReshapeMetatype, type=view]; +"features.5.11.attn.relative_position_index" [id=1145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/attn/__getitem__/0" [id=1146, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/11/attn/view/1" [id=1147, metatype=PTReshapeMetatype, type=view]; +"features/5/11/attn/permute/0" [id=1148, metatype=PTTransposeMetatype, type=permute]; +"features/5/11/attn/contiguous/0" [id=1149, metatype=PTNoopMetatype, type=contiguous]; +"features/5/11/attn/unsqueeze/0" [id=1150, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/11/attn/sigmoid/0" [id=1151, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/11/attn/mul/0" [id=1152, metatype=PTMulMetatype, type=mul]; +"features/5/11/attn/pad/0" [id=1153, metatype=PTPadMetatype, type=pad]; +"features/5/11/attn/view/2" [id=1154, metatype=PTReshapeMetatype, type=view]; +"features/5/11/attn/permute/1" [id=1155, metatype=PTTransposeMetatype, type=permute]; +"features/5/11/attn/reshape/0" [id=1156, metatype=PTReshapeMetatype, type=reshape]; +"features.5.11.attn.qkv.bias" [id=1157, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/attn/clone/0" [id=1158, metatype=PTNoopMetatype, type=clone]; +"features/5/11/attn/numel/0" [id=1159, metatype=UnknownMetatype, type=numel]; +"features/5/11/attn/__getitem__/1" [id=1160, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/11/attn/zero_/0" [id=1161, metatype=UnknownMetatype, type=zero_]; +"features.5.11.attn.qkv.weight" [id=1162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/attn/linear/0" [id=1163, metatype=PTLinearMetatype, type=linear]; +"features/5/11/attn/reshape/1" [id=1164, metatype=PTReshapeMetatype, type=reshape]; +"features/5/11/attn/permute/2" [id=1165, metatype=PTTransposeMetatype, type=permute]; +"features/5/11/attn/__getitem__/2" [id=1166, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/11/attn/__getitem__/3" [id=1167, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/11/attn/__getitem__/4" [id=1168, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/11/attn/normalize/0" [id=1169, metatype=PTReduceL2, type=normalize]; +"features/5/11/attn/normalize/1" [id=1170, metatype=PTReduceL2, type=normalize]; +"features/5/11/attn/transpose/0" [id=1171, metatype=PTTransposeMetatype, type=transpose]; +"features/5/11/attn/matmul/0" [id=1172, metatype=PTMatMulMetatype, type=matmul]; +"features.5.11.attn.logit_scale" [id=1173, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/attn/clamp/0" [id=1174, metatype=UnknownMetatype, type=clamp]; +"features/5/11/attn/exp/0" [id=1175, metatype=PTExpMetatype, type=exp]; +"features/5/11/attn/mul/1" [id=1176, metatype=PTMulMetatype, type=mul]; +"features/5/11/attn/add/0" [id=1177, metatype=PTAddMetatype, type=add]; +"features/5/11/attn/softmax/0" [id=1178, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/11/attn/dropout/0" [id=1179, metatype=PTDropoutMetatype, type=dropout]; +"features/5/11/attn/matmul/1" [id=1180, metatype=PTMatMulMetatype, type=matmul]; +"features/5/11/attn/transpose/1" [id=1181, metatype=PTTransposeMetatype, type=transpose]; +"features/5/11/attn/reshape/2" [id=1182, metatype=PTReshapeMetatype, type=reshape]; +"features.5.11.attn.proj.weight" [id=1183, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.11.attn.proj.bias" [id=1184, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/attn/linear/1" [id=1185, metatype=PTLinearMetatype, type=linear]; +"features/5/11/attn/dropout/1" [id=1186, metatype=PTDropoutMetatype, type=dropout]; +"features/5/11/attn/view/3" [id=1187, metatype=PTReshapeMetatype, type=view]; +"features/5/11/attn/permute/3" [id=1188, metatype=PTTransposeMetatype, type=permute]; +"features/5/11/attn/reshape/3" [id=1189, metatype=PTReshapeMetatype, type=reshape]; +"features/5/11/attn/__getitem__/5" [id=1190, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/11/attn/contiguous/1" [id=1191, metatype=PTNoopMetatype, type=contiguous]; +"features.5.11.norm1.weight" [id=1192, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.11.norm1.bias" [id=1193, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/norm1/layer_norm/0" [id=1194, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/11/add/0" [id=1195, metatype=PTAddMetatype, type=add]; +"features.5.11.mlp.0.weight" [id=1196, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.11.mlp.0.bias" [id=1197, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/mlp/0/linear/0" [id=1198, metatype=PTLinearMetatype, type=linear]; +"features/5/11/mlp/1/gelu/0" [id=1199, metatype=PTGELUMetatype, type=gelu]; +"features/5/11/mlp/2/dropout/0" [id=1200, metatype=PTDropoutMetatype, type=dropout]; +"features.5.11.mlp.3.weight" [id=1201, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.11.mlp.3.bias" [id=1202, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/mlp/3/linear/0" [id=1203, metatype=PTLinearMetatype, type=linear]; +"features/5/11/mlp/4/dropout/0" [id=1204, metatype=PTDropoutMetatype, type=dropout]; +"features.5.11.norm2.weight" [id=1205, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.11.norm2.bias" [id=1206, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/11/norm2/layer_norm/0" [id=1207, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/11/add/1" [id=1208, metatype=PTAddMetatype, type=add]; +"features.5.12.attn.relative_coords_table" [id=1209, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.12.attn.cpb_mlp.0.weight" [id=1210, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.12.attn.cpb_mlp.0.bias" [id=1211, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/attn/cpb_mlp/0/linear/0" [id=1212, metatype=PTLinearMetatype, type=linear]; +"features/5/12/attn/cpb_mlp/1/relu_/0" [id=1213, metatype=PTRELUMetatype, type=relu_]; +"features.5.12.attn.cpb_mlp.2.weight" [id=1214, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/attn/cpb_mlp/2/linear/0" [id=1215, metatype=PTLinearMetatype, type=linear]; +"features/5/12/attn/view/0" [id=1216, metatype=PTReshapeMetatype, type=view]; +"features.5.12.attn.relative_position_index" [id=1217, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/attn/__getitem__/0" [id=1218, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/12/attn/view/1" [id=1219, metatype=PTReshapeMetatype, type=view]; +"features/5/12/attn/permute/0" [id=1220, metatype=PTTransposeMetatype, type=permute]; +"features/5/12/attn/contiguous/0" [id=1221, metatype=PTNoopMetatype, type=contiguous]; +"features/5/12/attn/unsqueeze/0" [id=1222, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/12/attn/sigmoid/0" [id=1223, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/12/attn/mul/0" [id=1224, metatype=PTMulMetatype, type=mul]; +"features/5/12/attn/pad/0" [id=1225, metatype=PTPadMetatype, type=pad]; +"features/5/12/attn/view/2" [id=1226, metatype=PTReshapeMetatype, type=view]; +"features/5/12/attn/permute/1" [id=1227, metatype=PTTransposeMetatype, type=permute]; +"features/5/12/attn/reshape/0" [id=1228, metatype=PTReshapeMetatype, type=reshape]; +"features.5.12.attn.qkv.bias" [id=1229, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/attn/clone/0" [id=1230, metatype=PTNoopMetatype, type=clone]; +"features/5/12/attn/numel/0" [id=1231, metatype=UnknownMetatype, type=numel]; +"features/5/12/attn/__getitem__/1" [id=1232, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/12/attn/zero_/0" [id=1233, metatype=UnknownMetatype, type=zero_]; +"features.5.12.attn.qkv.weight" [id=1234, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/attn/linear/0" [id=1235, metatype=PTLinearMetatype, type=linear]; +"features/5/12/attn/reshape/1" [id=1236, metatype=PTReshapeMetatype, type=reshape]; +"features/5/12/attn/permute/2" [id=1237, metatype=PTTransposeMetatype, type=permute]; +"features/5/12/attn/__getitem__/2" [id=1238, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/12/attn/__getitem__/3" [id=1239, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/12/attn/__getitem__/4" [id=1240, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/12/attn/normalize/0" [id=1241, metatype=PTReduceL2, type=normalize]; +"features/5/12/attn/normalize/1" [id=1242, metatype=PTReduceL2, type=normalize]; +"features/5/12/attn/transpose/0" [id=1243, metatype=PTTransposeMetatype, type=transpose]; +"features/5/12/attn/matmul/0" [id=1244, metatype=PTMatMulMetatype, type=matmul]; +"features.5.12.attn.logit_scale" [id=1245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/attn/clamp/0" [id=1246, metatype=UnknownMetatype, type=clamp]; +"features/5/12/attn/exp/0" [id=1247, metatype=PTExpMetatype, type=exp]; +"features/5/12/attn/mul/1" [id=1248, metatype=PTMulMetatype, type=mul]; +"features/5/12/attn/add/0" [id=1249, metatype=PTAddMetatype, type=add]; +"features/5/12/attn/softmax/0" [id=1250, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/12/attn/dropout/0" [id=1251, metatype=PTDropoutMetatype, type=dropout]; +"features/5/12/attn/matmul/1" [id=1252, metatype=PTMatMulMetatype, type=matmul]; +"features/5/12/attn/transpose/1" [id=1253, metatype=PTTransposeMetatype, type=transpose]; +"features/5/12/attn/reshape/2" [id=1254, metatype=PTReshapeMetatype, type=reshape]; +"features.5.12.attn.proj.weight" [id=1255, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.12.attn.proj.bias" [id=1256, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/attn/linear/1" [id=1257, metatype=PTLinearMetatype, type=linear]; +"features/5/12/attn/dropout/1" [id=1258, metatype=PTDropoutMetatype, type=dropout]; +"features/5/12/attn/view/3" [id=1259, metatype=PTReshapeMetatype, type=view]; +"features/5/12/attn/permute/3" [id=1260, metatype=PTTransposeMetatype, type=permute]; +"features/5/12/attn/reshape/3" [id=1261, metatype=PTReshapeMetatype, type=reshape]; +"features/5/12/attn/__getitem__/5" [id=1262, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/12/attn/contiguous/1" [id=1263, metatype=PTNoopMetatype, type=contiguous]; +"features.5.12.norm1.weight" [id=1264, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.12.norm1.bias" [id=1265, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/norm1/layer_norm/0" [id=1266, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/12/add/0" [id=1267, metatype=PTAddMetatype, type=add]; +"features.5.12.mlp.0.weight" [id=1268, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.12.mlp.0.bias" [id=1269, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/mlp/0/linear/0" [id=1270, metatype=PTLinearMetatype, type=linear]; +"features/5/12/mlp/1/gelu/0" [id=1271, metatype=PTGELUMetatype, type=gelu]; +"features/5/12/mlp/2/dropout/0" [id=1272, metatype=PTDropoutMetatype, type=dropout]; +"features.5.12.mlp.3.weight" [id=1273, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.12.mlp.3.bias" [id=1274, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/mlp/3/linear/0" [id=1275, metatype=PTLinearMetatype, type=linear]; +"features/5/12/mlp/4/dropout/0" [id=1276, metatype=PTDropoutMetatype, type=dropout]; +"features.5.12.norm2.weight" [id=1277, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.12.norm2.bias" [id=1278, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/12/norm2/layer_norm/0" [id=1279, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/12/add/1" [id=1280, metatype=PTAddMetatype, type=add]; +"features.5.13.attn.relative_coords_table" [id=1281, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.13.attn.cpb_mlp.0.weight" [id=1282, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.13.attn.cpb_mlp.0.bias" [id=1283, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/attn/cpb_mlp/0/linear/0" [id=1284, metatype=PTLinearMetatype, type=linear]; +"features/5/13/attn/cpb_mlp/1/relu_/0" [id=1285, metatype=PTRELUMetatype, type=relu_]; +"features.5.13.attn.cpb_mlp.2.weight" [id=1286, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/attn/cpb_mlp/2/linear/0" [id=1287, metatype=PTLinearMetatype, type=linear]; +"features/5/13/attn/view/0" [id=1288, metatype=PTReshapeMetatype, type=view]; +"features.5.13.attn.relative_position_index" [id=1289, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/attn/__getitem__/0" [id=1290, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/13/attn/view/1" [id=1291, metatype=PTReshapeMetatype, type=view]; +"features/5/13/attn/permute/0" [id=1292, metatype=PTTransposeMetatype, type=permute]; +"features/5/13/attn/contiguous/0" [id=1293, metatype=PTNoopMetatype, type=contiguous]; +"features/5/13/attn/unsqueeze/0" [id=1294, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/13/attn/sigmoid/0" [id=1295, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/13/attn/mul/0" [id=1296, metatype=PTMulMetatype, type=mul]; +"features/5/13/attn/pad/0" [id=1297, metatype=PTPadMetatype, type=pad]; +"features/5/13/attn/view/2" [id=1298, metatype=PTReshapeMetatype, type=view]; +"features/5/13/attn/permute/1" [id=1299, metatype=PTTransposeMetatype, type=permute]; +"features/5/13/attn/reshape/0" [id=1300, metatype=PTReshapeMetatype, type=reshape]; +"features.5.13.attn.qkv.bias" [id=1301, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/attn/clone/0" [id=1302, metatype=PTNoopMetatype, type=clone]; +"features/5/13/attn/numel/0" [id=1303, metatype=UnknownMetatype, type=numel]; +"features/5/13/attn/__getitem__/1" [id=1304, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/13/attn/zero_/0" [id=1305, metatype=UnknownMetatype, type=zero_]; +"features.5.13.attn.qkv.weight" [id=1306, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/attn/linear/0" [id=1307, metatype=PTLinearMetatype, type=linear]; +"features/5/13/attn/reshape/1" [id=1308, metatype=PTReshapeMetatype, type=reshape]; +"features/5/13/attn/permute/2" [id=1309, metatype=PTTransposeMetatype, type=permute]; +"features/5/13/attn/__getitem__/2" [id=1310, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/13/attn/__getitem__/3" [id=1311, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/13/attn/__getitem__/4" [id=1312, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/13/attn/normalize/0" [id=1313, metatype=PTReduceL2, type=normalize]; +"features/5/13/attn/normalize/1" [id=1314, metatype=PTReduceL2, type=normalize]; +"features/5/13/attn/transpose/0" [id=1315, metatype=PTTransposeMetatype, type=transpose]; +"features/5/13/attn/matmul/0" [id=1316, metatype=PTMatMulMetatype, type=matmul]; +"features.5.13.attn.logit_scale" [id=1317, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/attn/clamp/0" [id=1318, metatype=UnknownMetatype, type=clamp]; +"features/5/13/attn/exp/0" [id=1319, metatype=PTExpMetatype, type=exp]; +"features/5/13/attn/mul/1" [id=1320, metatype=PTMulMetatype, type=mul]; +"features/5/13/attn/add/0" [id=1321, metatype=PTAddMetatype, type=add]; +"features/5/13/attn/softmax/0" [id=1322, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/13/attn/dropout/0" [id=1323, metatype=PTDropoutMetatype, type=dropout]; +"features/5/13/attn/matmul/1" [id=1324, metatype=PTMatMulMetatype, type=matmul]; +"features/5/13/attn/transpose/1" [id=1325, metatype=PTTransposeMetatype, type=transpose]; +"features/5/13/attn/reshape/2" [id=1326, metatype=PTReshapeMetatype, type=reshape]; +"features.5.13.attn.proj.weight" [id=1327, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.13.attn.proj.bias" [id=1328, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/attn/linear/1" [id=1329, metatype=PTLinearMetatype, type=linear]; +"features/5/13/attn/dropout/1" [id=1330, metatype=PTDropoutMetatype, type=dropout]; +"features/5/13/attn/view/3" [id=1331, metatype=PTReshapeMetatype, type=view]; +"features/5/13/attn/permute/3" [id=1332, metatype=PTTransposeMetatype, type=permute]; +"features/5/13/attn/reshape/3" [id=1333, metatype=PTReshapeMetatype, type=reshape]; +"features/5/13/attn/__getitem__/5" [id=1334, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/13/attn/contiguous/1" [id=1335, metatype=PTNoopMetatype, type=contiguous]; +"features.5.13.norm1.weight" [id=1336, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.13.norm1.bias" [id=1337, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/norm1/layer_norm/0" [id=1338, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/13/add/0" [id=1339, metatype=PTAddMetatype, type=add]; +"features.5.13.mlp.0.weight" [id=1340, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.13.mlp.0.bias" [id=1341, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/mlp/0/linear/0" [id=1342, metatype=PTLinearMetatype, type=linear]; +"features/5/13/mlp/1/gelu/0" [id=1343, metatype=PTGELUMetatype, type=gelu]; +"features/5/13/mlp/2/dropout/0" [id=1344, metatype=PTDropoutMetatype, type=dropout]; +"features.5.13.mlp.3.weight" [id=1345, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.13.mlp.3.bias" [id=1346, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/mlp/3/linear/0" [id=1347, metatype=PTLinearMetatype, type=linear]; +"features/5/13/mlp/4/dropout/0" [id=1348, metatype=PTDropoutMetatype, type=dropout]; +"features.5.13.norm2.weight" [id=1349, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.13.norm2.bias" [id=1350, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/13/norm2/layer_norm/0" [id=1351, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/13/add/1" [id=1352, metatype=PTAddMetatype, type=add]; +"features.5.14.attn.relative_coords_table" [id=1353, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.14.attn.cpb_mlp.0.weight" [id=1354, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.14.attn.cpb_mlp.0.bias" [id=1355, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/attn/cpb_mlp/0/linear/0" [id=1356, metatype=PTLinearMetatype, type=linear]; +"features/5/14/attn/cpb_mlp/1/relu_/0" [id=1357, metatype=PTRELUMetatype, type=relu_]; +"features.5.14.attn.cpb_mlp.2.weight" [id=1358, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/attn/cpb_mlp/2/linear/0" [id=1359, metatype=PTLinearMetatype, type=linear]; +"features/5/14/attn/view/0" [id=1360, metatype=PTReshapeMetatype, type=view]; +"features.5.14.attn.relative_position_index" [id=1361, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/attn/__getitem__/0" [id=1362, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/14/attn/view/1" [id=1363, metatype=PTReshapeMetatype, type=view]; +"features/5/14/attn/permute/0" [id=1364, metatype=PTTransposeMetatype, type=permute]; +"features/5/14/attn/contiguous/0" [id=1365, metatype=PTNoopMetatype, type=contiguous]; +"features/5/14/attn/unsqueeze/0" [id=1366, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/14/attn/sigmoid/0" [id=1367, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/14/attn/mul/0" [id=1368, metatype=PTMulMetatype, type=mul]; +"features/5/14/attn/pad/0" [id=1369, metatype=PTPadMetatype, type=pad]; +"features/5/14/attn/view/2" [id=1370, metatype=PTReshapeMetatype, type=view]; +"features/5/14/attn/permute/1" [id=1371, metatype=PTTransposeMetatype, type=permute]; +"features/5/14/attn/reshape/0" [id=1372, metatype=PTReshapeMetatype, type=reshape]; +"features.5.14.attn.qkv.bias" [id=1373, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/attn/clone/0" [id=1374, metatype=PTNoopMetatype, type=clone]; +"features/5/14/attn/numel/0" [id=1375, metatype=UnknownMetatype, type=numel]; +"features/5/14/attn/__getitem__/1" [id=1376, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/14/attn/zero_/0" [id=1377, metatype=UnknownMetatype, type=zero_]; +"features.5.14.attn.qkv.weight" [id=1378, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/attn/linear/0" [id=1379, metatype=PTLinearMetatype, type=linear]; +"features/5/14/attn/reshape/1" [id=1380, metatype=PTReshapeMetatype, type=reshape]; +"features/5/14/attn/permute/2" [id=1381, metatype=PTTransposeMetatype, type=permute]; +"features/5/14/attn/__getitem__/2" [id=1382, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/14/attn/__getitem__/3" [id=1383, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/14/attn/__getitem__/4" [id=1384, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/14/attn/normalize/0" [id=1385, metatype=PTReduceL2, type=normalize]; +"features/5/14/attn/normalize/1" [id=1386, metatype=PTReduceL2, type=normalize]; +"features/5/14/attn/transpose/0" [id=1387, metatype=PTTransposeMetatype, type=transpose]; +"features/5/14/attn/matmul/0" [id=1388, metatype=PTMatMulMetatype, type=matmul]; +"features.5.14.attn.logit_scale" [id=1389, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/attn/clamp/0" [id=1390, metatype=UnknownMetatype, type=clamp]; +"features/5/14/attn/exp/0" [id=1391, metatype=PTExpMetatype, type=exp]; +"features/5/14/attn/mul/1" [id=1392, metatype=PTMulMetatype, type=mul]; +"features/5/14/attn/add/0" [id=1393, metatype=PTAddMetatype, type=add]; +"features/5/14/attn/softmax/0" [id=1394, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/14/attn/dropout/0" [id=1395, metatype=PTDropoutMetatype, type=dropout]; +"features/5/14/attn/matmul/1" [id=1396, metatype=PTMatMulMetatype, type=matmul]; +"features/5/14/attn/transpose/1" [id=1397, metatype=PTTransposeMetatype, type=transpose]; +"features/5/14/attn/reshape/2" [id=1398, metatype=PTReshapeMetatype, type=reshape]; +"features.5.14.attn.proj.weight" [id=1399, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.14.attn.proj.bias" [id=1400, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/attn/linear/1" [id=1401, metatype=PTLinearMetatype, type=linear]; +"features/5/14/attn/dropout/1" [id=1402, metatype=PTDropoutMetatype, type=dropout]; +"features/5/14/attn/view/3" [id=1403, metatype=PTReshapeMetatype, type=view]; +"features/5/14/attn/permute/3" [id=1404, metatype=PTTransposeMetatype, type=permute]; +"features/5/14/attn/reshape/3" [id=1405, metatype=PTReshapeMetatype, type=reshape]; +"features/5/14/attn/__getitem__/5" [id=1406, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/14/attn/contiguous/1" [id=1407, metatype=PTNoopMetatype, type=contiguous]; +"features.5.14.norm1.weight" [id=1408, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.14.norm1.bias" [id=1409, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/norm1/layer_norm/0" [id=1410, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/14/add/0" [id=1411, metatype=PTAddMetatype, type=add]; +"features.5.14.mlp.0.weight" [id=1412, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.14.mlp.0.bias" [id=1413, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/mlp/0/linear/0" [id=1414, metatype=PTLinearMetatype, type=linear]; +"features/5/14/mlp/1/gelu/0" [id=1415, metatype=PTGELUMetatype, type=gelu]; +"features/5/14/mlp/2/dropout/0" [id=1416, metatype=PTDropoutMetatype, type=dropout]; +"features.5.14.mlp.3.weight" [id=1417, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.14.mlp.3.bias" [id=1418, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/mlp/3/linear/0" [id=1419, metatype=PTLinearMetatype, type=linear]; +"features/5/14/mlp/4/dropout/0" [id=1420, metatype=PTDropoutMetatype, type=dropout]; +"features.5.14.norm2.weight" [id=1421, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.14.norm2.bias" [id=1422, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/14/norm2/layer_norm/0" [id=1423, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/14/add/1" [id=1424, metatype=PTAddMetatype, type=add]; +"features.5.15.attn.relative_coords_table" [id=1425, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.15.attn.cpb_mlp.0.weight" [id=1426, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.15.attn.cpb_mlp.0.bias" [id=1427, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/attn/cpb_mlp/0/linear/0" [id=1428, metatype=PTLinearMetatype, type=linear]; +"features/5/15/attn/cpb_mlp/1/relu_/0" [id=1429, metatype=PTRELUMetatype, type=relu_]; +"features.5.15.attn.cpb_mlp.2.weight" [id=1430, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/attn/cpb_mlp/2/linear/0" [id=1431, metatype=PTLinearMetatype, type=linear]; +"features/5/15/attn/view/0" [id=1432, metatype=PTReshapeMetatype, type=view]; +"features.5.15.attn.relative_position_index" [id=1433, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/attn/__getitem__/0" [id=1434, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/15/attn/view/1" [id=1435, metatype=PTReshapeMetatype, type=view]; +"features/5/15/attn/permute/0" [id=1436, metatype=PTTransposeMetatype, type=permute]; +"features/5/15/attn/contiguous/0" [id=1437, metatype=PTNoopMetatype, type=contiguous]; +"features/5/15/attn/unsqueeze/0" [id=1438, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/15/attn/sigmoid/0" [id=1439, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/15/attn/mul/0" [id=1440, metatype=PTMulMetatype, type=mul]; +"features/5/15/attn/pad/0" [id=1441, metatype=PTPadMetatype, type=pad]; +"features/5/15/attn/view/2" [id=1442, metatype=PTReshapeMetatype, type=view]; +"features/5/15/attn/permute/1" [id=1443, metatype=PTTransposeMetatype, type=permute]; +"features/5/15/attn/reshape/0" [id=1444, metatype=PTReshapeMetatype, type=reshape]; +"features.5.15.attn.qkv.bias" [id=1445, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/attn/clone/0" [id=1446, metatype=PTNoopMetatype, type=clone]; +"features/5/15/attn/numel/0" [id=1447, metatype=UnknownMetatype, type=numel]; +"features/5/15/attn/__getitem__/1" [id=1448, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/15/attn/zero_/0" [id=1449, metatype=UnknownMetatype, type=zero_]; +"features.5.15.attn.qkv.weight" [id=1450, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/attn/linear/0" [id=1451, metatype=PTLinearMetatype, type=linear]; +"features/5/15/attn/reshape/1" [id=1452, metatype=PTReshapeMetatype, type=reshape]; +"features/5/15/attn/permute/2" [id=1453, metatype=PTTransposeMetatype, type=permute]; +"features/5/15/attn/__getitem__/2" [id=1454, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/15/attn/__getitem__/3" [id=1455, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/15/attn/__getitem__/4" [id=1456, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/15/attn/normalize/0" [id=1457, metatype=PTReduceL2, type=normalize]; +"features/5/15/attn/normalize/1" [id=1458, metatype=PTReduceL2, type=normalize]; +"features/5/15/attn/transpose/0" [id=1459, metatype=PTTransposeMetatype, type=transpose]; +"features/5/15/attn/matmul/0" [id=1460, metatype=PTMatMulMetatype, type=matmul]; +"features.5.15.attn.logit_scale" [id=1461, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/attn/clamp/0" [id=1462, metatype=UnknownMetatype, type=clamp]; +"features/5/15/attn/exp/0" [id=1463, metatype=PTExpMetatype, type=exp]; +"features/5/15/attn/mul/1" [id=1464, metatype=PTMulMetatype, type=mul]; +"features/5/15/attn/add/0" [id=1465, metatype=PTAddMetatype, type=add]; +"features/5/15/attn/softmax/0" [id=1466, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/15/attn/dropout/0" [id=1467, metatype=PTDropoutMetatype, type=dropout]; +"features/5/15/attn/matmul/1" [id=1468, metatype=PTMatMulMetatype, type=matmul]; +"features/5/15/attn/transpose/1" [id=1469, metatype=PTTransposeMetatype, type=transpose]; +"features/5/15/attn/reshape/2" [id=1470, metatype=PTReshapeMetatype, type=reshape]; +"features.5.15.attn.proj.weight" [id=1471, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.15.attn.proj.bias" [id=1472, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/attn/linear/1" [id=1473, metatype=PTLinearMetatype, type=linear]; +"features/5/15/attn/dropout/1" [id=1474, metatype=PTDropoutMetatype, type=dropout]; +"features/5/15/attn/view/3" [id=1475, metatype=PTReshapeMetatype, type=view]; +"features/5/15/attn/permute/3" [id=1476, metatype=PTTransposeMetatype, type=permute]; +"features/5/15/attn/reshape/3" [id=1477, metatype=PTReshapeMetatype, type=reshape]; +"features/5/15/attn/__getitem__/5" [id=1478, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/15/attn/contiguous/1" [id=1479, metatype=PTNoopMetatype, type=contiguous]; +"features.5.15.norm1.weight" [id=1480, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.15.norm1.bias" [id=1481, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/norm1/layer_norm/0" [id=1482, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/15/add/0" [id=1483, metatype=PTAddMetatype, type=add]; +"features.5.15.mlp.0.weight" [id=1484, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.15.mlp.0.bias" [id=1485, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/mlp/0/linear/0" [id=1486, metatype=PTLinearMetatype, type=linear]; +"features/5/15/mlp/1/gelu/0" [id=1487, metatype=PTGELUMetatype, type=gelu]; +"features/5/15/mlp/2/dropout/0" [id=1488, metatype=PTDropoutMetatype, type=dropout]; +"features.5.15.mlp.3.weight" [id=1489, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.15.mlp.3.bias" [id=1490, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/mlp/3/linear/0" [id=1491, metatype=PTLinearMetatype, type=linear]; +"features/5/15/mlp/4/dropout/0" [id=1492, metatype=PTDropoutMetatype, type=dropout]; +"features.5.15.norm2.weight" [id=1493, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.15.norm2.bias" [id=1494, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/15/norm2/layer_norm/0" [id=1495, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/15/add/1" [id=1496, metatype=PTAddMetatype, type=add]; +"features.5.16.attn.relative_coords_table" [id=1497, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.16.attn.cpb_mlp.0.weight" [id=1498, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.16.attn.cpb_mlp.0.bias" [id=1499, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/attn/cpb_mlp/0/linear/0" [id=1500, metatype=PTLinearMetatype, type=linear]; +"features/5/16/attn/cpb_mlp/1/relu_/0" [id=1501, metatype=PTRELUMetatype, type=relu_]; +"features.5.16.attn.cpb_mlp.2.weight" [id=1502, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/attn/cpb_mlp/2/linear/0" [id=1503, metatype=PTLinearMetatype, type=linear]; +"features/5/16/attn/view/0" [id=1504, metatype=PTReshapeMetatype, type=view]; +"features.5.16.attn.relative_position_index" [id=1505, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/attn/__getitem__/0" [id=1506, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/16/attn/view/1" [id=1507, metatype=PTReshapeMetatype, type=view]; +"features/5/16/attn/permute/0" [id=1508, metatype=PTTransposeMetatype, type=permute]; +"features/5/16/attn/contiguous/0" [id=1509, metatype=PTNoopMetatype, type=contiguous]; +"features/5/16/attn/unsqueeze/0" [id=1510, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/16/attn/sigmoid/0" [id=1511, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/16/attn/mul/0" [id=1512, metatype=PTMulMetatype, type=mul]; +"features/5/16/attn/pad/0" [id=1513, metatype=PTPadMetatype, type=pad]; +"features/5/16/attn/view/2" [id=1514, metatype=PTReshapeMetatype, type=view]; +"features/5/16/attn/permute/1" [id=1515, metatype=PTTransposeMetatype, type=permute]; +"features/5/16/attn/reshape/0" [id=1516, metatype=PTReshapeMetatype, type=reshape]; +"features.5.16.attn.qkv.bias" [id=1517, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/attn/clone/0" [id=1518, metatype=PTNoopMetatype, type=clone]; +"features/5/16/attn/numel/0" [id=1519, metatype=UnknownMetatype, type=numel]; +"features/5/16/attn/__getitem__/1" [id=1520, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/16/attn/zero_/0" [id=1521, metatype=UnknownMetatype, type=zero_]; +"features.5.16.attn.qkv.weight" [id=1522, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/attn/linear/0" [id=1523, metatype=PTLinearMetatype, type=linear]; +"features/5/16/attn/reshape/1" [id=1524, metatype=PTReshapeMetatype, type=reshape]; +"features/5/16/attn/permute/2" [id=1525, metatype=PTTransposeMetatype, type=permute]; +"features/5/16/attn/__getitem__/2" [id=1526, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/16/attn/__getitem__/3" [id=1527, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/16/attn/__getitem__/4" [id=1528, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/16/attn/normalize/0" [id=1529, metatype=PTReduceL2, type=normalize]; +"features/5/16/attn/normalize/1" [id=1530, metatype=PTReduceL2, type=normalize]; +"features/5/16/attn/transpose/0" [id=1531, metatype=PTTransposeMetatype, type=transpose]; +"features/5/16/attn/matmul/0" [id=1532, metatype=PTMatMulMetatype, type=matmul]; +"features.5.16.attn.logit_scale" [id=1533, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/attn/clamp/0" [id=1534, metatype=UnknownMetatype, type=clamp]; +"features/5/16/attn/exp/0" [id=1535, metatype=PTExpMetatype, type=exp]; +"features/5/16/attn/mul/1" [id=1536, metatype=PTMulMetatype, type=mul]; +"features/5/16/attn/add/0" [id=1537, metatype=PTAddMetatype, type=add]; +"features/5/16/attn/softmax/0" [id=1538, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/16/attn/dropout/0" [id=1539, metatype=PTDropoutMetatype, type=dropout]; +"features/5/16/attn/matmul/1" [id=1540, metatype=PTMatMulMetatype, type=matmul]; +"features/5/16/attn/transpose/1" [id=1541, metatype=PTTransposeMetatype, type=transpose]; +"features/5/16/attn/reshape/2" [id=1542, metatype=PTReshapeMetatype, type=reshape]; +"features.5.16.attn.proj.weight" [id=1543, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.16.attn.proj.bias" [id=1544, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/attn/linear/1" [id=1545, metatype=PTLinearMetatype, type=linear]; +"features/5/16/attn/dropout/1" [id=1546, metatype=PTDropoutMetatype, type=dropout]; +"features/5/16/attn/view/3" [id=1547, metatype=PTReshapeMetatype, type=view]; +"features/5/16/attn/permute/3" [id=1548, metatype=PTTransposeMetatype, type=permute]; +"features/5/16/attn/reshape/3" [id=1549, metatype=PTReshapeMetatype, type=reshape]; +"features/5/16/attn/__getitem__/5" [id=1550, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/16/attn/contiguous/1" [id=1551, metatype=PTNoopMetatype, type=contiguous]; +"features.5.16.norm1.weight" [id=1552, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.16.norm1.bias" [id=1553, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/norm1/layer_norm/0" [id=1554, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/16/add/0" [id=1555, metatype=PTAddMetatype, type=add]; +"features.5.16.mlp.0.weight" [id=1556, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.16.mlp.0.bias" [id=1557, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/mlp/0/linear/0" [id=1558, metatype=PTLinearMetatype, type=linear]; +"features/5/16/mlp/1/gelu/0" [id=1559, metatype=PTGELUMetatype, type=gelu]; +"features/5/16/mlp/2/dropout/0" [id=1560, metatype=PTDropoutMetatype, type=dropout]; +"features.5.16.mlp.3.weight" [id=1561, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.16.mlp.3.bias" [id=1562, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/mlp/3/linear/0" [id=1563, metatype=PTLinearMetatype, type=linear]; +"features/5/16/mlp/4/dropout/0" [id=1564, metatype=PTDropoutMetatype, type=dropout]; +"features.5.16.norm2.weight" [id=1565, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.16.norm2.bias" [id=1566, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/16/norm2/layer_norm/0" [id=1567, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/16/add/1" [id=1568, metatype=PTAddMetatype, type=add]; +"features.5.17.attn.relative_coords_table" [id=1569, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.17.attn.cpb_mlp.0.weight" [id=1570, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.17.attn.cpb_mlp.0.bias" [id=1571, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/attn/cpb_mlp/0/linear/0" [id=1572, metatype=PTLinearMetatype, type=linear]; +"features/5/17/attn/cpb_mlp/1/relu_/0" [id=1573, metatype=PTRELUMetatype, type=relu_]; +"features.5.17.attn.cpb_mlp.2.weight" [id=1574, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/attn/cpb_mlp/2/linear/0" [id=1575, metatype=PTLinearMetatype, type=linear]; +"features/5/17/attn/view/0" [id=1576, metatype=PTReshapeMetatype, type=view]; +"features.5.17.attn.relative_position_index" [id=1577, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/attn/__getitem__/0" [id=1578, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/17/attn/view/1" [id=1579, metatype=PTReshapeMetatype, type=view]; +"features/5/17/attn/permute/0" [id=1580, metatype=PTTransposeMetatype, type=permute]; +"features/5/17/attn/contiguous/0" [id=1581, metatype=PTNoopMetatype, type=contiguous]; +"features/5/17/attn/unsqueeze/0" [id=1582, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/5/17/attn/sigmoid/0" [id=1583, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/5/17/attn/mul/0" [id=1584, metatype=PTMulMetatype, type=mul]; +"features/5/17/attn/pad/0" [id=1585, metatype=PTPadMetatype, type=pad]; +"features/5/17/attn/view/2" [id=1586, metatype=PTReshapeMetatype, type=view]; +"features/5/17/attn/permute/1" [id=1587, metatype=PTTransposeMetatype, type=permute]; +"features/5/17/attn/reshape/0" [id=1588, metatype=PTReshapeMetatype, type=reshape]; +"features.5.17.attn.qkv.bias" [id=1589, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/attn/clone/0" [id=1590, metatype=PTNoopMetatype, type=clone]; +"features/5/17/attn/numel/0" [id=1591, metatype=UnknownMetatype, type=numel]; +"features/5/17/attn/__getitem__/1" [id=1592, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/17/attn/zero_/0" [id=1593, metatype=UnknownMetatype, type=zero_]; +"features.5.17.attn.qkv.weight" [id=1594, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/attn/linear/0" [id=1595, metatype=PTLinearMetatype, type=linear]; +"features/5/17/attn/reshape/1" [id=1596, metatype=PTReshapeMetatype, type=reshape]; +"features/5/17/attn/permute/2" [id=1597, metatype=PTTransposeMetatype, type=permute]; +"features/5/17/attn/__getitem__/2" [id=1598, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/17/attn/__getitem__/3" [id=1599, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/17/attn/__getitem__/4" [id=1600, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/17/attn/normalize/0" [id=1601, metatype=PTReduceL2, type=normalize]; +"features/5/17/attn/normalize/1" [id=1602, metatype=PTReduceL2, type=normalize]; +"features/5/17/attn/transpose/0" [id=1603, metatype=PTTransposeMetatype, type=transpose]; +"features/5/17/attn/matmul/0" [id=1604, metatype=PTMatMulMetatype, type=matmul]; +"features.5.17.attn.logit_scale" [id=1605, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/attn/clamp/0" [id=1606, metatype=UnknownMetatype, type=clamp]; +"features/5/17/attn/exp/0" [id=1607, metatype=PTExpMetatype, type=exp]; +"features/5/17/attn/mul/1" [id=1608, metatype=PTMulMetatype, type=mul]; +"features/5/17/attn/add/0" [id=1609, metatype=PTAddMetatype, type=add]; +"features/5/17/attn/softmax/0" [id=1610, metatype=PTSoftmaxMetatype, type=softmax]; +"features/5/17/attn/dropout/0" [id=1611, metatype=PTDropoutMetatype, type=dropout]; +"features/5/17/attn/matmul/1" [id=1612, metatype=PTMatMulMetatype, type=matmul]; +"features/5/17/attn/transpose/1" [id=1613, metatype=PTTransposeMetatype, type=transpose]; +"features/5/17/attn/reshape/2" [id=1614, metatype=PTReshapeMetatype, type=reshape]; +"features.5.17.attn.proj.weight" [id=1615, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.17.attn.proj.bias" [id=1616, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/attn/linear/1" [id=1617, metatype=PTLinearMetatype, type=linear]; +"features/5/17/attn/dropout/1" [id=1618, metatype=PTDropoutMetatype, type=dropout]; +"features/5/17/attn/view/3" [id=1619, metatype=PTReshapeMetatype, type=view]; +"features/5/17/attn/permute/3" [id=1620, metatype=PTTransposeMetatype, type=permute]; +"features/5/17/attn/reshape/3" [id=1621, metatype=PTReshapeMetatype, type=reshape]; +"features/5/17/attn/__getitem__/5" [id=1622, metatype=PTGatherMetatype, type=__getitem__]; +"features/5/17/attn/contiguous/1" [id=1623, metatype=PTNoopMetatype, type=contiguous]; +"features.5.17.norm1.weight" [id=1624, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.17.norm1.bias" [id=1625, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/norm1/layer_norm/0" [id=1626, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/17/add/0" [id=1627, metatype=PTAddMetatype, type=add]; +"features.5.17.mlp.0.weight" [id=1628, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.17.mlp.0.bias" [id=1629, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/mlp/0/linear/0" [id=1630, metatype=PTLinearMetatype, type=linear]; +"features/5/17/mlp/1/gelu/0" [id=1631, metatype=PTGELUMetatype, type=gelu]; +"features/5/17/mlp/2/dropout/0" [id=1632, metatype=PTDropoutMetatype, type=dropout]; +"features.5.17.mlp.3.weight" [id=1633, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.17.mlp.3.bias" [id=1634, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/mlp/3/linear/0" [id=1635, metatype=PTLinearMetatype, type=linear]; +"features/5/17/mlp/4/dropout/0" [id=1636, metatype=PTDropoutMetatype, type=dropout]; +"features.5.17.norm2.weight" [id=1637, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.17.norm2.bias" [id=1638, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/17/norm2/layer_norm/0" [id=1639, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/5/17/add/1" [id=1640, metatype=PTAddMetatype, type=add]; +"features/6/pad/0" [id=1641, metatype=PTPadMetatype, type=pad]; +"features/6/__getitem__/0" [id=1642, metatype=PTGatherMetatype, type=__getitem__]; +"features/6/__getitem__/1" [id=1643, metatype=PTGatherMetatype, type=__getitem__]; +"features/6/__getitem__/2" [id=1644, metatype=PTGatherMetatype, type=__getitem__]; +"features/6/__getitem__/3" [id=1645, metatype=PTGatherMetatype, type=__getitem__]; +"features/6/cat/0" [id=1646, metatype=PTCatMetatype, type=cat]; +"features.6.reduction.weight" [id=1647, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/reduction/linear/0" [id=1648, metatype=PTLinearMetatype, type=linear]; +"features.6.norm.weight" [id=1649, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.norm.bias" [id=1650, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/norm/layer_norm/0" [id=1651, metatype=PTLayerNormMetatype, type=layer_norm]; +"features.7.0.attn.relative_coords_table" [id=1652, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.attn.cpb_mlp.0.weight" [id=1653, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.attn.cpb_mlp.0.bias" [id=1654, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/attn/cpb_mlp/0/linear/0" [id=1655, metatype=PTLinearMetatype, type=linear]; +"features/7/0/attn/cpb_mlp/1/relu_/0" [id=1656, metatype=PTRELUMetatype, type=relu_]; +"features.7.0.attn.cpb_mlp.2.weight" [id=1657, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/attn/cpb_mlp/2/linear/0" [id=1658, metatype=PTLinearMetatype, type=linear]; +"features/7/0/attn/view/0" [id=1659, metatype=PTReshapeMetatype, type=view]; +"features.7.0.attn.relative_position_index" [id=1660, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/attn/__getitem__/0" [id=1661, metatype=PTGatherMetatype, type=__getitem__]; +"features/7/0/attn/view/1" [id=1662, metatype=PTReshapeMetatype, type=view]; +"features/7/0/attn/permute/0" [id=1663, metatype=PTTransposeMetatype, type=permute]; +"features/7/0/attn/contiguous/0" [id=1664, metatype=PTNoopMetatype, type=contiguous]; +"features/7/0/attn/unsqueeze/0" [id=1665, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/7/0/attn/sigmoid/0" [id=1666, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/7/0/attn/mul/0" [id=1667, metatype=PTMulMetatype, type=mul]; +"features/7/0/attn/pad/0" [id=1668, metatype=PTPadMetatype, type=pad]; +"features/7/0/attn/view/2" [id=1669, metatype=PTReshapeMetatype, type=view]; +"features/7/0/attn/permute/1" [id=1670, metatype=PTTransposeMetatype, type=permute]; +"features/7/0/attn/reshape/0" [id=1671, metatype=PTReshapeMetatype, type=reshape]; +"features.7.0.attn.qkv.bias" [id=1672, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/attn/clone/0" [id=1673, metatype=PTNoopMetatype, type=clone]; +"features/7/0/attn/numel/0" [id=1674, metatype=UnknownMetatype, type=numel]; +"features/7/0/attn/__getitem__/1" [id=1675, metatype=PTGatherMetatype, type=__getitem__]; +"features/7/0/attn/zero_/0" [id=1676, metatype=UnknownMetatype, type=zero_]; +"features.7.0.attn.qkv.weight" [id=1677, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/attn/linear/0" [id=1678, metatype=PTLinearMetatype, type=linear]; +"features/7/0/attn/reshape/1" [id=1679, metatype=PTReshapeMetatype, type=reshape]; +"features/7/0/attn/permute/2" [id=1680, metatype=PTTransposeMetatype, type=permute]; +"features/7/0/attn/__getitem__/2" [id=1681, metatype=PTGatherMetatype, type=__getitem__]; +"features/7/0/attn/__getitem__/3" [id=1682, metatype=PTGatherMetatype, type=__getitem__]; +"features/7/0/attn/__getitem__/4" [id=1683, metatype=PTGatherMetatype, type=__getitem__]; +"features/7/0/attn/normalize/0" [id=1684, metatype=PTReduceL2, type=normalize]; +"features/7/0/attn/normalize/1" [id=1685, metatype=PTReduceL2, type=normalize]; +"features/7/0/attn/transpose/0" [id=1686, metatype=PTTransposeMetatype, type=transpose]; +"features/7/0/attn/matmul/0" [id=1687, metatype=PTMatMulMetatype, type=matmul]; +"features.7.0.attn.logit_scale" [id=1688, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/attn/clamp/0" [id=1689, metatype=UnknownMetatype, type=clamp]; +"features/7/0/attn/exp/0" [id=1690, metatype=PTExpMetatype, type=exp]; +"features/7/0/attn/mul/1" [id=1691, metatype=PTMulMetatype, type=mul]; +"features/7/0/attn/add/0" [id=1692, metatype=PTAddMetatype, type=add]; +"features/7/0/attn/softmax/0" [id=1693, metatype=PTSoftmaxMetatype, type=softmax]; +"features/7/0/attn/dropout/0" [id=1694, metatype=PTDropoutMetatype, type=dropout]; +"features/7/0/attn/matmul/1" [id=1695, metatype=PTMatMulMetatype, type=matmul]; +"features/7/0/attn/transpose/1" [id=1696, metatype=PTTransposeMetatype, type=transpose]; +"features/7/0/attn/reshape/2" [id=1697, metatype=PTReshapeMetatype, type=reshape]; +"features.7.0.attn.proj.weight" [id=1698, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.attn.proj.bias" [id=1699, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/attn/linear/1" [id=1700, metatype=PTLinearMetatype, type=linear]; +"features/7/0/attn/dropout/1" [id=1701, metatype=PTDropoutMetatype, type=dropout]; +"features/7/0/attn/view/3" [id=1702, metatype=PTReshapeMetatype, type=view]; +"features/7/0/attn/permute/3" [id=1703, metatype=PTTransposeMetatype, type=permute]; +"features/7/0/attn/reshape/3" [id=1704, metatype=PTReshapeMetatype, type=reshape]; +"features/7/0/attn/__getitem__/5" [id=1705, metatype=PTGatherMetatype, type=__getitem__]; +"features/7/0/attn/contiguous/1" [id=1706, metatype=PTNoopMetatype, type=contiguous]; +"features.7.0.norm1.weight" [id=1707, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.norm1.bias" [id=1708, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/norm1/layer_norm/0" [id=1709, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/7/0/add/0" [id=1710, metatype=PTAddMetatype, type=add]; +"features.7.0.mlp.0.weight" [id=1711, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.mlp.0.bias" [id=1712, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/mlp/0/linear/0" [id=1713, metatype=PTLinearMetatype, type=linear]; +"features/7/0/mlp/1/gelu/0" [id=1714, metatype=PTGELUMetatype, type=gelu]; +"features/7/0/mlp/2/dropout/0" [id=1715, metatype=PTDropoutMetatype, type=dropout]; +"features.7.0.mlp.3.weight" [id=1716, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.mlp.3.bias" [id=1717, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/mlp/3/linear/0" [id=1718, metatype=PTLinearMetatype, type=linear]; +"features/7/0/mlp/4/dropout/0" [id=1719, metatype=PTDropoutMetatype, type=dropout]; +"features.7.0.norm2.weight" [id=1720, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.0.norm2.bias" [id=1721, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/0/norm2/layer_norm/0" [id=1722, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/7/0/add/1" [id=1723, metatype=PTAddMetatype, type=add]; +"features.7.1.attn.relative_coords_table" [id=1724, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.1.attn.cpb_mlp.0.weight" [id=1725, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.1.attn.cpb_mlp.0.bias" [id=1726, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/attn/cpb_mlp/0/linear/0" [id=1727, metatype=PTLinearMetatype, type=linear]; +"features/7/1/attn/cpb_mlp/1/relu_/0" [id=1728, metatype=PTRELUMetatype, type=relu_]; +"features.7.1.attn.cpb_mlp.2.weight" [id=1729, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/attn/cpb_mlp/2/linear/0" [id=1730, metatype=PTLinearMetatype, type=linear]; +"features/7/1/attn/view/0" [id=1731, metatype=PTReshapeMetatype, type=view]; +"features.7.1.attn.relative_position_index" [id=1732, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/attn/__getitem__/0" [id=1733, metatype=PTGatherMetatype, type=__getitem__]; +"features/7/1/attn/view/1" [id=1734, metatype=PTReshapeMetatype, type=view]; +"features/7/1/attn/permute/0" [id=1735, metatype=PTTransposeMetatype, type=permute]; +"features/7/1/attn/contiguous/0" [id=1736, metatype=PTNoopMetatype, type=contiguous]; +"features/7/1/attn/unsqueeze/0" [id=1737, metatype=PTReshapeMetatype, type=unsqueeze]; +"features/7/1/attn/sigmoid/0" [id=1738, metatype=PTSigmoidMetatype, type=sigmoid]; +"features/7/1/attn/mul/0" [id=1739, metatype=PTMulMetatype, type=mul]; +"features/7/1/attn/pad/0" [id=1740, metatype=PTPadMetatype, type=pad]; +"features/7/1/attn/view/2" [id=1741, metatype=PTReshapeMetatype, type=view]; +"features/7/1/attn/permute/1" [id=1742, metatype=PTTransposeMetatype, type=permute]; +"features/7/1/attn/reshape/0" [id=1743, metatype=PTReshapeMetatype, type=reshape]; +"features.7.1.attn.qkv.bias" [id=1744, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/attn/clone/0" [id=1745, metatype=PTNoopMetatype, type=clone]; +"features/7/1/attn/numel/0" [id=1746, metatype=UnknownMetatype, type=numel]; +"features/7/1/attn/__getitem__/1" [id=1747, metatype=PTGatherMetatype, type=__getitem__]; +"features/7/1/attn/zero_/0" [id=1748, metatype=UnknownMetatype, type=zero_]; +"features.7.1.attn.qkv.weight" [id=1749, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/attn/linear/0" [id=1750, metatype=PTLinearMetatype, type=linear]; +"features/7/1/attn/reshape/1" [id=1751, metatype=PTReshapeMetatype, type=reshape]; +"features/7/1/attn/permute/2" [id=1752, metatype=PTTransposeMetatype, type=permute]; +"features/7/1/attn/__getitem__/2" [id=1753, metatype=PTGatherMetatype, type=__getitem__]; +"features/7/1/attn/__getitem__/3" [id=1754, metatype=PTGatherMetatype, type=__getitem__]; +"features/7/1/attn/__getitem__/4" [id=1755, metatype=PTGatherMetatype, type=__getitem__]; +"features/7/1/attn/normalize/0" [id=1756, metatype=PTReduceL2, type=normalize]; +"features/7/1/attn/normalize/1" [id=1757, metatype=PTReduceL2, type=normalize]; +"features/7/1/attn/transpose/0" [id=1758, metatype=PTTransposeMetatype, type=transpose]; +"features/7/1/attn/matmul/0" [id=1759, metatype=PTMatMulMetatype, type=matmul]; +"features.7.1.attn.logit_scale" [id=1760, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/attn/clamp/0" [id=1761, metatype=UnknownMetatype, type=clamp]; +"features/7/1/attn/exp/0" [id=1762, metatype=PTExpMetatype, type=exp]; +"features/7/1/attn/mul/1" [id=1763, metatype=PTMulMetatype, type=mul]; +"features/7/1/attn/add/0" [id=1764, metatype=PTAddMetatype, type=add]; +"features/7/1/attn/softmax/0" [id=1765, metatype=PTSoftmaxMetatype, type=softmax]; +"features/7/1/attn/dropout/0" [id=1766, metatype=PTDropoutMetatype, type=dropout]; +"features/7/1/attn/matmul/1" [id=1767, metatype=PTMatMulMetatype, type=matmul]; +"features/7/1/attn/transpose/1" [id=1768, metatype=PTTransposeMetatype, type=transpose]; +"features/7/1/attn/reshape/2" [id=1769, metatype=PTReshapeMetatype, type=reshape]; +"features.7.1.attn.proj.weight" [id=1770, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.1.attn.proj.bias" [id=1771, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/attn/linear/1" [id=1772, metatype=PTLinearMetatype, type=linear]; +"features/7/1/attn/dropout/1" [id=1773, metatype=PTDropoutMetatype, type=dropout]; +"features/7/1/attn/view/3" [id=1774, metatype=PTReshapeMetatype, type=view]; +"features/7/1/attn/permute/3" [id=1775, metatype=PTTransposeMetatype, type=permute]; +"features/7/1/attn/reshape/3" [id=1776, metatype=PTReshapeMetatype, type=reshape]; +"features/7/1/attn/__getitem__/5" [id=1777, metatype=PTGatherMetatype, type=__getitem__]; +"features/7/1/attn/contiguous/1" [id=1778, metatype=PTNoopMetatype, type=contiguous]; +"features.7.1.norm1.weight" [id=1779, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.1.norm1.bias" [id=1780, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/norm1/layer_norm/0" [id=1781, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/7/1/add/0" [id=1782, metatype=PTAddMetatype, type=add]; +"features.7.1.mlp.0.weight" [id=1783, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.1.mlp.0.bias" [id=1784, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/mlp/0/linear/0" [id=1785, metatype=PTLinearMetatype, type=linear]; +"features/7/1/mlp/1/gelu/0" [id=1786, metatype=PTGELUMetatype, type=gelu]; +"features/7/1/mlp/2/dropout/0" [id=1787, metatype=PTDropoutMetatype, type=dropout]; +"features.7.1.mlp.3.weight" [id=1788, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.1.mlp.3.bias" [id=1789, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/mlp/3/linear/0" [id=1790, metatype=PTLinearMetatype, type=linear]; +"features/7/1/mlp/4/dropout/0" [id=1791, metatype=PTDropoutMetatype, type=dropout]; +"features.7.1.norm2.weight" [id=1792, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.1.norm2.bias" [id=1793, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/1/norm2/layer_norm/0" [id=1794, metatype=PTLayerNormMetatype, type=layer_norm]; +"features/7/1/add/1" [id=1795, metatype=PTAddMetatype, type=add]; +"norm.weight" [id=1796, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"norm.bias" [id=1797, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"norm/layer_norm/0" [id=1798, metatype=PTLayerNormMetatype, type=layer_norm]; +"permute/permute/0" [id=1799, metatype=UnknownMetatype, type=permute]; +"avgpool/adaptive_avg_pool2d/0" [id=1800, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"flatten/flatten/0" [id=1801, metatype=PTReshapeMetatype, type=flatten]; +"head.weight" [id=1802, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"head.bias" [id=1803, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"head/linear/0" [id=1804, metatype=PTLinearMetatype, type=linear]; +output [id=1805, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "features/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; +"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 3, 4, 4)"]; +"features.0.0.bias" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features/0/0/conv2d/0" -> "features/0/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/0/1/permute/0" -> "features/0/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features.0.2.weight" -> "features/0/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.0.2.bias" -> "features/0/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features/0/2/layer_norm/0" -> "features/1/0/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/0/2/layer_norm/0" -> "features/1/0/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features.1.0.attn.relative_coords_table" -> "features/1/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.1.0.attn.cpb_mlp.0.weight" -> "features/1/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.1.0.attn.cpb_mlp.0.bias" -> "features/1/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/1/0/attn/cpb_mlp/0/linear/0" -> "features/1/0/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/1/0/attn/cpb_mlp/1/relu_/0" -> "features/1/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.1.0.attn.cpb_mlp.2.weight" -> "features/1/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 512)"]; +"features/1/0/attn/cpb_mlp/2/linear/0" -> "features/1/0/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 4)"]; +"features/1/0/attn/view/0" -> "features/1/0/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 4)"]; +"features.1.0.attn.relative_position_index" -> "features/1/0/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/1/0/attn/__getitem__/0" -> "features/1/0/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 4)"]; +"features/1/0/attn/view/1" -> "features/1/0/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 4)"]; +"features/1/0/attn/permute/0" -> "features/1/0/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; +"features/1/0/attn/contiguous/0" -> "features/1/0/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; +"features/1/0/attn/unsqueeze/0" -> "features/1/0/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 64, 64)"]; +"features/1/0/attn/sigmoid/0" -> "features/1/0/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 64, 64)"]; +"features/1/0/attn/mul/0" -> "features/1/0/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 64, 64)"]; +"features/1/0/attn/pad/0" -> "features/1/0/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/0/attn/view/2" -> "features/1/0/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 8, 2, 8, 128)"]; +"features/1/0/attn/permute/1" -> "features/1/0/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 8, 8, 128)"]; +"features/1/0/attn/reshape/0" -> "features/1/0/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; +"features.1.0.attn.qkv.bias" -> "features/1/0/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384,)"]; +"features/1/0/attn/clone/0" -> "features/1/0/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384,)"]; +"features/1/0/attn/clone/0" -> "features/1/0/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(384,)"]; +"features/1/0/attn/clone/0" -> "features/1/0/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/1/0/attn/__getitem__/1" -> "features/1/0/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128,)"]; +"features.1.0.attn.qkv.weight" -> "features/1/0/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 128)"]; +"features/1/0/attn/linear/0" -> "features/1/0/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 384)"]; +"features/1/0/attn/reshape/1" -> "features/1/0/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 3, 4, 32)"]; +"features/1/0/attn/permute/2" -> "features/1/0/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 4, 4, 64, 32)"]; +"features/1/0/attn/permute/2" -> "features/1/0/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 4, 4, 64, 32)"]; +"features/1/0/attn/permute/2" -> "features/1/0/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 4, 4, 64, 32)"]; +"features/1/0/attn/__getitem__/2" -> "features/1/0/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; +"features/1/0/attn/__getitem__/3" -> "features/1/0/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; +"features/1/0/attn/__getitem__/4" -> "features/1/0/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 4, 64, 32)"]; +"features/1/0/attn/normalize/0" -> "features/1/0/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; +"features/1/0/attn/normalize/1" -> "features/1/0/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; +"features/1/0/attn/transpose/0" -> "features/1/0/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 4, 32, 64)"]; +"features/1/0/attn/matmul/0" -> "features/1/0/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; +"features.1.0.attn.logit_scale" -> "features/1/0/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 1, 1)"]; +"features/1/0/attn/clamp/0" -> "features/1/0/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 1, 1)"]; +"features/1/0/attn/exp/0" -> "features/1/0/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 1, 1)"]; +"features/1/0/attn/mul/1" -> "features/1/0/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; +"features/1/0/attn/add/0" -> "features/1/0/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; +"features/1/0/attn/softmax/0" -> "features/1/0/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; +"features/1/0/attn/dropout/0" -> "features/1/0/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; +"features/1/0/attn/matmul/1" -> "features/1/0/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; +"features/1/0/attn/transpose/1" -> "features/1/0/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 4, 32)"]; +"features/1/0/attn/reshape/2" -> "features/1/0/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; +"features.1.0.attn.proj.weight" -> "features/1/0/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128)"]; +"features.1.0.attn.proj.bias" -> "features/1/0/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features/1/0/attn/linear/1" -> "features/1/0/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; +"features/1/0/attn/dropout/1" -> "features/1/0/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; +"features/1/0/attn/view/3" -> "features/1/0/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 8, 8, 128)"]; +"features/1/0/attn/permute/3" -> "features/1/0/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 8, 2, 8, 128)"]; +"features/1/0/attn/reshape/3" -> "features/1/0/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/0/attn/__getitem__/5" -> "features/1/0/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/0/attn/contiguous/1" -> "features/1/0/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features.1.0.norm1.weight" -> "features/1/0/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.1.0.norm1.bias" -> "features/1/0/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features/1/0/norm1/layer_norm/0" -> "features/1/0/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/0/add/0" -> "features/1/0/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/0/add/0" -> "features/1/0/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features.1.0.mlp.0.weight" -> "features/1/0/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 128)"]; +"features.1.0.mlp.0.bias" -> "features/1/0/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/1/0/mlp/0/linear/0" -> "features/1/0/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 512)"]; +"features/1/0/mlp/1/gelu/0" -> "features/1/0/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 512)"]; +"features/1/0/mlp/2/dropout/0" -> "features/1/0/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 512)"]; +"features.1.0.mlp.3.weight" -> "features/1/0/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512)"]; +"features.1.0.mlp.3.bias" -> "features/1/0/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features/1/0/mlp/3/linear/0" -> "features/1/0/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/0/mlp/4/dropout/0" -> "features/1/0/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features.1.0.norm2.weight" -> "features/1/0/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.1.0.norm2.bias" -> "features/1/0/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features/1/0/norm2/layer_norm/0" -> "features/1/0/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/0/add/1" -> "features/1/1/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/0/add/1" -> "features/1/1/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features.1.1.attn.relative_coords_table" -> "features/1/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.1.1.attn.cpb_mlp.0.weight" -> "features/1/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.1.1.attn.cpb_mlp.0.bias" -> "features/1/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/1/1/attn/cpb_mlp/0/linear/0" -> "features/1/1/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/1/1/attn/cpb_mlp/1/relu_/0" -> "features/1/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.1.1.attn.cpb_mlp.2.weight" -> "features/1/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 512)"]; +"features/1/1/attn/cpb_mlp/2/linear/0" -> "features/1/1/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 4)"]; +"features/1/1/attn/view/0" -> "features/1/1/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 4)"]; +"features.1.1.attn.relative_position_index" -> "features/1/1/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/1/1/attn/__getitem__/0" -> "features/1/1/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 4)"]; +"features/1/1/attn/view/1" -> "features/1/1/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 4)"]; +"features/1/1/attn/permute/0" -> "features/1/1/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; +"features/1/1/attn/contiguous/0" -> "features/1/1/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; +"features/1/1/attn/unsqueeze/0" -> "features/1/1/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 64, 64)"]; +"features/1/1/attn/sigmoid/0" -> "features/1/1/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 64, 64)"]; +"features/1/1/attn/mul/0" -> "features/1/1/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 64, 64)"]; +"features/1/1/attn/pad/0" -> "features/1/1/attn/roll/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/1/attn/roll/0" -> "features/1/1/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/1/attn/view/2" -> "features/1/1/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 8, 2, 8, 128)"]; +"features/1/1/attn/permute/1" -> "features/1/1/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 8, 8, 128)"]; +"features/1/1/attn/reshape/0" -> "features/1/1/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; +"features/1/1/attn/reshape/0" -> "features/1/1/attn/new_zeros/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; +"features.1.1.attn.qkv.bias" -> "features/1/1/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384,)"]; +"features/1/1/attn/clone/0" -> "features/1/1/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384,)"]; +"features/1/1/attn/clone/0" -> "features/1/1/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(384,)"]; +"features/1/1/attn/clone/0" -> "features/1/1/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features/1/1/attn/__getitem__/1" -> "features/1/1/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128,)"]; +"features.1.1.attn.qkv.weight" -> "features/1/1/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 128)"]; +"features/1/1/attn/linear/0" -> "features/1/1/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 384)"]; +"features/1/1/attn/reshape/1" -> "features/1/1/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 3, 4, 32)"]; +"features/1/1/attn/permute/2" -> "features/1/1/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 4, 4, 64, 32)"]; +"features/1/1/attn/permute/2" -> "features/1/1/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 4, 4, 64, 32)"]; +"features/1/1/attn/permute/2" -> "features/1/1/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 4, 4, 64, 32)"]; +"features/1/1/attn/__getitem__/2" -> "features/1/1/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; +"features/1/1/attn/__getitem__/3" -> "features/1/1/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; +"features/1/1/attn/__getitem__/4" -> "features/1/1/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 4, 64, 32)"]; +"features/1/1/attn/normalize/0" -> "features/1/1/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; +"features/1/1/attn/normalize/1" -> "features/1/1/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; +"features/1/1/attn/transpose/0" -> "features/1/1/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 4, 32, 64)"]; +"features/1/1/attn/matmul/0" -> "features/1/1/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; +"features.1.1.attn.logit_scale" -> "features/1/1/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 1, 1)"]; +"features/1/1/attn/clamp/0" -> "features/1/1/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 1, 1)"]; +"features/1/1/attn/exp/0" -> "features/1/1/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 1, 1)"]; +"features/1/1/attn/mul/1" -> "features/1/1/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; +"features/1/1/attn/add/0" -> "features/1/1/attn/view/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/6" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/7" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/8" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; +"features/1/1/attn/view/3" -> "features/1/1/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 8, 2, 8)"]; +"features/1/1/attn/permute/3" -> "features/1/1/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2, 8, 8)"]; +"features/1/1/attn/reshape/2" -> "features/1/1/attn/unsqueeze/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64)"]; +"features/1/1/attn/reshape/2" -> "features/1/1/attn/unsqueeze/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64)"]; +"features/1/1/attn/unsqueeze/1" -> "features/1/1/attn/sub/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 1, 64)"]; +"features/1/1/attn/unsqueeze/2" -> "features/1/1/attn/sub/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 64, 1)"]; +"features/1/1/attn/sub/0" -> "features/1/1/attn/ne/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; +"features/1/1/attn/sub/0" -> "features/1/1/attn/masked_fill/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; +"features/1/1/attn/sub/0" -> "features/1/1/attn/__eq__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; +"features/1/1/attn/ne/0" -> "features/1/1/attn/masked_fill/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4, 64, 64)"]; +"features/1/1/attn/masked_fill/0" -> "features/1/1/attn/masked_fill/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; +"features/1/1/attn/__eq__/0" -> "features/1/1/attn/masked_fill/1" [dtype=int, in_port_id=1, out_port_id=0, shape="(4, 64, 64)"]; +"features/1/1/attn/masked_fill/1" -> "features/1/1/attn/unsqueeze/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; +"features/1/1/attn/view/4" -> "features/1/1/attn/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 64, 64)"]; +"features/1/1/attn/unsqueeze/3" -> "features/1/1/attn/unsqueeze/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 1, 64, 64)"]; +"features/1/1/attn/unsqueeze/4" -> "features/1/1/attn/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 1, 64, 64)"]; +"features/1/1/attn/add/1" -> "features/1/1/attn/view/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 64, 64)"]; +"features/1/1/attn/view/5" -> "features/1/1/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; +"features/1/1/attn/softmax/0" -> "features/1/1/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; +"features/1/1/attn/dropout/0" -> "features/1/1/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; +"features/1/1/attn/matmul/1" -> "features/1/1/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; +"features/1/1/attn/transpose/1" -> "features/1/1/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 4, 32)"]; +"features/1/1/attn/reshape/3" -> "features/1/1/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; +"features.1.1.attn.proj.weight" -> "features/1/1/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128)"]; +"features.1.1.attn.proj.bias" -> "features/1/1/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features/1/1/attn/linear/1" -> "features/1/1/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; +"features/1/1/attn/dropout/1" -> "features/1/1/attn/view/6" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; +"features/1/1/attn/view/6" -> "features/1/1/attn/permute/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 8, 8, 128)"]; +"features/1/1/attn/permute/4" -> "features/1/1/attn/reshape/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 8, 2, 8, 128)"]; +"features/1/1/attn/reshape/4" -> "features/1/1/attn/roll/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/1/attn/roll/1" -> "features/1/1/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/1/attn/__getitem__/5" -> "features/1/1/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/1/attn/contiguous/1" -> "features/1/1/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features.1.1.norm1.weight" -> "features/1/1/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.1.1.norm1.bias" -> "features/1/1/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features/1/1/norm1/layer_norm/0" -> "features/1/1/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/1/add/0" -> "features/1/1/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/1/add/0" -> "features/1/1/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features.1.1.mlp.0.weight" -> "features/1/1/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 128)"]; +"features.1.1.mlp.0.bias" -> "features/1/1/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/1/1/mlp/0/linear/0" -> "features/1/1/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 512)"]; +"features/1/1/mlp/1/gelu/0" -> "features/1/1/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 512)"]; +"features/1/1/mlp/2/dropout/0" -> "features/1/1/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 512)"]; +"features.1.1.mlp.3.weight" -> "features/1/1/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512)"]; +"features.1.1.mlp.3.bias" -> "features/1/1/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features/1/1/mlp/3/linear/0" -> "features/1/1/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/1/mlp/4/dropout/0" -> "features/1/1/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features.1.1.norm2.weight" -> "features/1/1/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.1.1.norm2.bias" -> "features/1/1/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features/1/1/norm2/layer_norm/0" -> "features/1/1/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/1/1/add/1" -> "features/2/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/2/pad/0" -> "features/2/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/2/pad/0" -> "features/2/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/2/pad/0" -> "features/2/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/2/pad/0" -> "features/2/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; +"features/2/__getitem__/0" -> "features/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 128)"]; +"features/2/__getitem__/1" -> "features/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 8, 128)"]; +"features/2/__getitem__/2" -> "features/2/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 8, 8, 128)"]; +"features/2/__getitem__/3" -> "features/2/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 8, 8, 128)"]; +"features/2/cat/0" -> "features/2/reduction/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features.2.reduction.weight" -> "features/2/reduction/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 512)"]; +"features/2/reduction/linear/0" -> "features/2/norm/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features.2.norm.weight" -> "features/2/norm/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features.2.norm.bias" -> "features/2/norm/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"features/2/norm/layer_norm/0" -> "features/3/0/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/2/norm/layer_norm/0" -> "features/3/0/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features.3.0.attn.relative_coords_table" -> "features/3/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.3.0.attn.cpb_mlp.0.weight" -> "features/3/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.3.0.attn.cpb_mlp.0.bias" -> "features/3/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/3/0/attn/cpb_mlp/0/linear/0" -> "features/3/0/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/3/0/attn/cpb_mlp/1/relu_/0" -> "features/3/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.3.0.attn.cpb_mlp.2.weight" -> "features/3/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(8, 512)"]; +"features/3/0/attn/cpb_mlp/2/linear/0" -> "features/3/0/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 8)"]; +"features/3/0/attn/view/0" -> "features/3/0/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 8)"]; +"features.3.0.attn.relative_position_index" -> "features/3/0/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/3/0/attn/__getitem__/0" -> "features/3/0/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 8)"]; +"features/3/0/attn/view/1" -> "features/3/0/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 8)"]; +"features/3/0/attn/permute/0" -> "features/3/0/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 64, 64)"]; +"features/3/0/attn/contiguous/0" -> "features/3/0/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 64, 64)"]; +"features/3/0/attn/unsqueeze/0" -> "features/3/0/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features/3/0/attn/sigmoid/0" -> "features/3/0/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features/3/0/attn/mul/0" -> "features/3/0/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features/3/0/attn/pad/0" -> "features/3/0/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/0/attn/view/2" -> "features/3/0/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 256)"]; +"features/3/0/attn/permute/1" -> "features/3/0/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 256)"]; +"features/3/0/attn/reshape/0" -> "features/3/0/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; +"features.3.0.attn.qkv.bias" -> "features/3/0/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(768,)"]; +"features/3/0/attn/clone/0" -> "features/3/0/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(768,)"]; +"features/3/0/attn/clone/0" -> "features/3/0/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(768,)"]; +"features/3/0/attn/clone/0" -> "features/3/0/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features/3/0/attn/__getitem__/1" -> "features/3/0/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256,)"]; +"features.3.0.attn.qkv.weight" -> "features/3/0/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 256)"]; +"features/3/0/attn/linear/0" -> "features/3/0/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 768)"]; +"features/3/0/attn/reshape/1" -> "features/3/0/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 8, 32)"]; +"features/3/0/attn/permute/2" -> "features/3/0/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 8, 64, 32)"]; +"features/3/0/attn/permute/2" -> "features/3/0/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 8, 64, 32)"]; +"features/3/0/attn/permute/2" -> "features/3/0/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 8, 64, 32)"]; +"features/3/0/attn/__getitem__/2" -> "features/3/0/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; +"features/3/0/attn/__getitem__/3" -> "features/3/0/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; +"features/3/0/attn/__getitem__/4" -> "features/3/0/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 64, 32)"]; +"features/3/0/attn/normalize/0" -> "features/3/0/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; +"features/3/0/attn/normalize/1" -> "features/3/0/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; +"features/3/0/attn/transpose/0" -> "features/3/0/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 32, 64)"]; +"features/3/0/attn/matmul/0" -> "features/3/0/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features.3.0.attn.logit_scale" -> "features/3/0/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 1, 1)"]; +"features/3/0/attn/clamp/0" -> "features/3/0/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 1, 1)"]; +"features/3/0/attn/exp/0" -> "features/3/0/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(8, 1, 1)"]; +"features/3/0/attn/mul/1" -> "features/3/0/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features/3/0/attn/add/0" -> "features/3/0/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features/3/0/attn/softmax/0" -> "features/3/0/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features/3/0/attn/dropout/0" -> "features/3/0/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features/3/0/attn/matmul/1" -> "features/3/0/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; +"features/3/0/attn/transpose/1" -> "features/3/0/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 8, 32)"]; +"features/3/0/attn/reshape/2" -> "features/3/0/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; +"features.3.0.attn.proj.weight" -> "features/3/0/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256)"]; +"features.3.0.attn.proj.bias" -> "features/3/0/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features/3/0/attn/linear/1" -> "features/3/0/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; +"features/3/0/attn/dropout/1" -> "features/3/0/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; +"features/3/0/attn/view/3" -> "features/3/0/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 256)"]; +"features/3/0/attn/permute/3" -> "features/3/0/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 256)"]; +"features/3/0/attn/reshape/3" -> "features/3/0/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/0/attn/__getitem__/5" -> "features/3/0/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/0/attn/contiguous/1" -> "features/3/0/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features.3.0.norm1.weight" -> "features/3/0/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features.3.0.norm1.bias" -> "features/3/0/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"features/3/0/norm1/layer_norm/0" -> "features/3/0/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/0/add/0" -> "features/3/0/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/0/add/0" -> "features/3/0/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features.3.0.mlp.0.weight" -> "features/3/0/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 256)"]; +"features.3.0.mlp.0.bias" -> "features/3/0/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"features/3/0/mlp/0/linear/0" -> "features/3/0/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; +"features/3/0/mlp/1/gelu/0" -> "features/3/0/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; +"features/3/0/mlp/2/dropout/0" -> "features/3/0/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; +"features.3.0.mlp.3.weight" -> "features/3/0/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 1024)"]; +"features.3.0.mlp.3.bias" -> "features/3/0/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features/3/0/mlp/3/linear/0" -> "features/3/0/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/0/mlp/4/dropout/0" -> "features/3/0/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features.3.0.norm2.weight" -> "features/3/0/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features.3.0.norm2.bias" -> "features/3/0/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"features/3/0/norm2/layer_norm/0" -> "features/3/0/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/0/add/1" -> "features/3/1/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/0/add/1" -> "features/3/1/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features.3.1.attn.relative_coords_table" -> "features/3/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.3.1.attn.cpb_mlp.0.weight" -> "features/3/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.3.1.attn.cpb_mlp.0.bias" -> "features/3/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/3/1/attn/cpb_mlp/0/linear/0" -> "features/3/1/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/3/1/attn/cpb_mlp/1/relu_/0" -> "features/3/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.3.1.attn.cpb_mlp.2.weight" -> "features/3/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(8, 512)"]; +"features/3/1/attn/cpb_mlp/2/linear/0" -> "features/3/1/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 8)"]; +"features/3/1/attn/view/0" -> "features/3/1/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 8)"]; +"features.3.1.attn.relative_position_index" -> "features/3/1/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/3/1/attn/__getitem__/0" -> "features/3/1/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 8)"]; +"features/3/1/attn/view/1" -> "features/3/1/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 8)"]; +"features/3/1/attn/permute/0" -> "features/3/1/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 64, 64)"]; +"features/3/1/attn/contiguous/0" -> "features/3/1/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 64, 64)"]; +"features/3/1/attn/unsqueeze/0" -> "features/3/1/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features/3/1/attn/sigmoid/0" -> "features/3/1/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features/3/1/attn/mul/0" -> "features/3/1/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features/3/1/attn/pad/0" -> "features/3/1/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/1/attn/view/2" -> "features/3/1/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 256)"]; +"features/3/1/attn/permute/1" -> "features/3/1/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 256)"]; +"features/3/1/attn/reshape/0" -> "features/3/1/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; +"features.3.1.attn.qkv.bias" -> "features/3/1/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(768,)"]; +"features/3/1/attn/clone/0" -> "features/3/1/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(768,)"]; +"features/3/1/attn/clone/0" -> "features/3/1/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(768,)"]; +"features/3/1/attn/clone/0" -> "features/3/1/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"features/3/1/attn/__getitem__/1" -> "features/3/1/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256,)"]; +"features.3.1.attn.qkv.weight" -> "features/3/1/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 256)"]; +"features/3/1/attn/linear/0" -> "features/3/1/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 768)"]; +"features/3/1/attn/reshape/1" -> "features/3/1/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 8, 32)"]; +"features/3/1/attn/permute/2" -> "features/3/1/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 8, 64, 32)"]; +"features/3/1/attn/permute/2" -> "features/3/1/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 8, 64, 32)"]; +"features/3/1/attn/permute/2" -> "features/3/1/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 8, 64, 32)"]; +"features/3/1/attn/__getitem__/2" -> "features/3/1/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; +"features/3/1/attn/__getitem__/3" -> "features/3/1/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; +"features/3/1/attn/__getitem__/4" -> "features/3/1/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 64, 32)"]; +"features/3/1/attn/normalize/0" -> "features/3/1/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; +"features/3/1/attn/normalize/1" -> "features/3/1/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; +"features/3/1/attn/transpose/0" -> "features/3/1/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 32, 64)"]; +"features/3/1/attn/matmul/0" -> "features/3/1/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features.3.1.attn.logit_scale" -> "features/3/1/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 1, 1)"]; +"features/3/1/attn/clamp/0" -> "features/3/1/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 1, 1)"]; +"features/3/1/attn/exp/0" -> "features/3/1/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(8, 1, 1)"]; +"features/3/1/attn/mul/1" -> "features/3/1/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features/3/1/attn/add/0" -> "features/3/1/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features/3/1/attn/softmax/0" -> "features/3/1/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features/3/1/attn/dropout/0" -> "features/3/1/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; +"features/3/1/attn/matmul/1" -> "features/3/1/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; +"features/3/1/attn/transpose/1" -> "features/3/1/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 8, 32)"]; +"features/3/1/attn/reshape/2" -> "features/3/1/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; +"features.3.1.attn.proj.weight" -> "features/3/1/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256)"]; +"features.3.1.attn.proj.bias" -> "features/3/1/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features/3/1/attn/linear/1" -> "features/3/1/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; +"features/3/1/attn/dropout/1" -> "features/3/1/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; +"features/3/1/attn/view/3" -> "features/3/1/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 256)"]; +"features/3/1/attn/permute/3" -> "features/3/1/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 256)"]; +"features/3/1/attn/reshape/3" -> "features/3/1/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/1/attn/__getitem__/5" -> "features/3/1/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/1/attn/contiguous/1" -> "features/3/1/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features.3.1.norm1.weight" -> "features/3/1/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features.3.1.norm1.bias" -> "features/3/1/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"features/3/1/norm1/layer_norm/0" -> "features/3/1/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/1/add/0" -> "features/3/1/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/1/add/0" -> "features/3/1/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features.3.1.mlp.0.weight" -> "features/3/1/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 256)"]; +"features.3.1.mlp.0.bias" -> "features/3/1/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"features/3/1/mlp/0/linear/0" -> "features/3/1/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; +"features/3/1/mlp/1/gelu/0" -> "features/3/1/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; +"features/3/1/mlp/2/dropout/0" -> "features/3/1/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; +"features.3.1.mlp.3.weight" -> "features/3/1/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 1024)"]; +"features.3.1.mlp.3.bias" -> "features/3/1/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features/3/1/mlp/3/linear/0" -> "features/3/1/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/1/mlp/4/dropout/0" -> "features/3/1/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features.3.1.norm2.weight" -> "features/3/1/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features.3.1.norm2.bias" -> "features/3/1/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"features/3/1/norm2/layer_norm/0" -> "features/3/1/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/3/1/add/1" -> "features/4/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/4/pad/0" -> "features/4/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/4/pad/0" -> "features/4/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/4/pad/0" -> "features/4/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/4/pad/0" -> "features/4/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; +"features/4/__getitem__/0" -> "features/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 256)"]; +"features/4/__getitem__/1" -> "features/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 256)"]; +"features/4/__getitem__/2" -> "features/4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 4, 4, 256)"]; +"features/4/__getitem__/3" -> "features/4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 4, 4, 256)"]; +"features/4/cat/0" -> "features/4/reduction/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1024)"]; +"features.4.reduction.weight" -> "features/4/reduction/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024)"]; +"features/4/reduction/linear/0" -> "features/4/norm/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.4.norm.weight" -> "features/4/norm/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.4.norm.bias" -> "features/4/norm/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/4/norm/layer_norm/0" -> "features/5/0/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/4/norm/layer_norm/0" -> "features/5/0/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.0.attn.relative_coords_table" -> "features/5/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.0.attn.cpb_mlp.0.weight" -> "features/5/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.0.attn.cpb_mlp.0.bias" -> "features/5/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/0/attn/cpb_mlp/0/linear/0" -> "features/5/0/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/0/attn/cpb_mlp/1/relu_/0" -> "features/5/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.0.attn.cpb_mlp.2.weight" -> "features/5/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/0/attn/cpb_mlp/2/linear/0" -> "features/5/0/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/0/attn/view/0" -> "features/5/0/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.0.attn.relative_position_index" -> "features/5/0/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/0/attn/__getitem__/0" -> "features/5/0/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/0/attn/view/1" -> "features/5/0/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/0/attn/permute/0" -> "features/5/0/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/0/attn/contiguous/0" -> "features/5/0/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/0/attn/unsqueeze/0" -> "features/5/0/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/0/attn/sigmoid/0" -> "features/5/0/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/0/attn/mul/0" -> "features/5/0/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/0/attn/pad/0" -> "features/5/0/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/0/attn/view/2" -> "features/5/0/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/0/attn/permute/1" -> "features/5/0/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/0/attn/reshape/0" -> "features/5/0/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.0.attn.qkv.bias" -> "features/5/0/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/0/attn/clone/0" -> "features/5/0/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/0/attn/clone/0" -> "features/5/0/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/0/attn/clone/0" -> "features/5/0/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/0/attn/__getitem__/1" -> "features/5/0/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.0.attn.qkv.weight" -> "features/5/0/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/0/attn/linear/0" -> "features/5/0/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/0/attn/reshape/1" -> "features/5/0/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/0/attn/permute/2" -> "features/5/0/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/0/attn/permute/2" -> "features/5/0/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/0/attn/permute/2" -> "features/5/0/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/0/attn/__getitem__/2" -> "features/5/0/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/0/attn/__getitem__/3" -> "features/5/0/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/0/attn/__getitem__/4" -> "features/5/0/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/0/attn/normalize/0" -> "features/5/0/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/0/attn/normalize/1" -> "features/5/0/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/0/attn/transpose/0" -> "features/5/0/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/0/attn/matmul/0" -> "features/5/0/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.0.attn.logit_scale" -> "features/5/0/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/0/attn/clamp/0" -> "features/5/0/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/0/attn/exp/0" -> "features/5/0/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/0/attn/mul/1" -> "features/5/0/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/0/attn/add/0" -> "features/5/0/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/0/attn/softmax/0" -> "features/5/0/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/0/attn/dropout/0" -> "features/5/0/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/0/attn/matmul/1" -> "features/5/0/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/0/attn/transpose/1" -> "features/5/0/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/0/attn/reshape/2" -> "features/5/0/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.0.attn.proj.weight" -> "features/5/0/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.0.attn.proj.bias" -> "features/5/0/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/0/attn/linear/1" -> "features/5/0/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/0/attn/dropout/1" -> "features/5/0/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/0/attn/view/3" -> "features/5/0/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/0/attn/permute/3" -> "features/5/0/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/0/attn/reshape/3" -> "features/5/0/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/0/attn/__getitem__/5" -> "features/5/0/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/0/attn/contiguous/1" -> "features/5/0/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.0.norm1.weight" -> "features/5/0/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.0.norm1.bias" -> "features/5/0/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/0/norm1/layer_norm/0" -> "features/5/0/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/0/add/0" -> "features/5/0/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/0/add/0" -> "features/5/0/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.0.mlp.0.weight" -> "features/5/0/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.0.mlp.0.bias" -> "features/5/0/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/0/mlp/0/linear/0" -> "features/5/0/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/0/mlp/1/gelu/0" -> "features/5/0/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/0/mlp/2/dropout/0" -> "features/5/0/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.0.mlp.3.weight" -> "features/5/0/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.0.mlp.3.bias" -> "features/5/0/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/0/mlp/3/linear/0" -> "features/5/0/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/0/mlp/4/dropout/0" -> "features/5/0/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.0.norm2.weight" -> "features/5/0/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.0.norm2.bias" -> "features/5/0/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/0/norm2/layer_norm/0" -> "features/5/0/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/0/add/1" -> "features/5/1/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/0/add/1" -> "features/5/1/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.1.attn.relative_coords_table" -> "features/5/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.1.attn.cpb_mlp.0.weight" -> "features/5/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.1.attn.cpb_mlp.0.bias" -> "features/5/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/1/attn/cpb_mlp/0/linear/0" -> "features/5/1/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/1/attn/cpb_mlp/1/relu_/0" -> "features/5/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.1.attn.cpb_mlp.2.weight" -> "features/5/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/1/attn/cpb_mlp/2/linear/0" -> "features/5/1/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/1/attn/view/0" -> "features/5/1/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.1.attn.relative_position_index" -> "features/5/1/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/1/attn/__getitem__/0" -> "features/5/1/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/1/attn/view/1" -> "features/5/1/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/1/attn/permute/0" -> "features/5/1/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/1/attn/contiguous/0" -> "features/5/1/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/1/attn/unsqueeze/0" -> "features/5/1/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/1/attn/sigmoid/0" -> "features/5/1/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/1/attn/mul/0" -> "features/5/1/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/1/attn/pad/0" -> "features/5/1/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/1/attn/view/2" -> "features/5/1/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/1/attn/permute/1" -> "features/5/1/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/1/attn/reshape/0" -> "features/5/1/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.1.attn.qkv.bias" -> "features/5/1/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/1/attn/clone/0" -> "features/5/1/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/1/attn/clone/0" -> "features/5/1/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/1/attn/clone/0" -> "features/5/1/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/1/attn/__getitem__/1" -> "features/5/1/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.1.attn.qkv.weight" -> "features/5/1/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/1/attn/linear/0" -> "features/5/1/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/1/attn/reshape/1" -> "features/5/1/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/1/attn/permute/2" -> "features/5/1/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/1/attn/permute/2" -> "features/5/1/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/1/attn/permute/2" -> "features/5/1/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/1/attn/__getitem__/2" -> "features/5/1/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/1/attn/__getitem__/3" -> "features/5/1/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/1/attn/__getitem__/4" -> "features/5/1/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/1/attn/normalize/0" -> "features/5/1/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/1/attn/normalize/1" -> "features/5/1/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/1/attn/transpose/0" -> "features/5/1/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/1/attn/matmul/0" -> "features/5/1/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.1.attn.logit_scale" -> "features/5/1/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/1/attn/clamp/0" -> "features/5/1/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/1/attn/exp/0" -> "features/5/1/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/1/attn/mul/1" -> "features/5/1/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/1/attn/add/0" -> "features/5/1/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/1/attn/softmax/0" -> "features/5/1/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/1/attn/dropout/0" -> "features/5/1/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/1/attn/matmul/1" -> "features/5/1/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/1/attn/transpose/1" -> "features/5/1/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/1/attn/reshape/2" -> "features/5/1/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.1.attn.proj.weight" -> "features/5/1/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.1.attn.proj.bias" -> "features/5/1/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/1/attn/linear/1" -> "features/5/1/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/1/attn/dropout/1" -> "features/5/1/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/1/attn/view/3" -> "features/5/1/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/1/attn/permute/3" -> "features/5/1/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/1/attn/reshape/3" -> "features/5/1/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/1/attn/__getitem__/5" -> "features/5/1/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/1/attn/contiguous/1" -> "features/5/1/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.1.norm1.weight" -> "features/5/1/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.1.norm1.bias" -> "features/5/1/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/1/norm1/layer_norm/0" -> "features/5/1/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/1/add/0" -> "features/5/1/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/1/add/0" -> "features/5/1/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.1.mlp.0.weight" -> "features/5/1/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.1.mlp.0.bias" -> "features/5/1/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/1/mlp/0/linear/0" -> "features/5/1/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/1/mlp/1/gelu/0" -> "features/5/1/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/1/mlp/2/dropout/0" -> "features/5/1/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.1.mlp.3.weight" -> "features/5/1/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.1.mlp.3.bias" -> "features/5/1/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/1/mlp/3/linear/0" -> "features/5/1/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/1/mlp/4/dropout/0" -> "features/5/1/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.1.norm2.weight" -> "features/5/1/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.1.norm2.bias" -> "features/5/1/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/1/norm2/layer_norm/0" -> "features/5/1/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/1/add/1" -> "features/5/2/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/1/add/1" -> "features/5/2/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.2.attn.relative_coords_table" -> "features/5/2/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.2.attn.cpb_mlp.0.weight" -> "features/5/2/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.2.attn.cpb_mlp.0.bias" -> "features/5/2/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/2/attn/cpb_mlp/0/linear/0" -> "features/5/2/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/2/attn/cpb_mlp/1/relu_/0" -> "features/5/2/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.2.attn.cpb_mlp.2.weight" -> "features/5/2/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/2/attn/cpb_mlp/2/linear/0" -> "features/5/2/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/2/attn/view/0" -> "features/5/2/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.2.attn.relative_position_index" -> "features/5/2/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/2/attn/__getitem__/0" -> "features/5/2/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/2/attn/view/1" -> "features/5/2/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/2/attn/permute/0" -> "features/5/2/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/2/attn/contiguous/0" -> "features/5/2/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/2/attn/unsqueeze/0" -> "features/5/2/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/2/attn/sigmoid/0" -> "features/5/2/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/2/attn/mul/0" -> "features/5/2/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/2/attn/pad/0" -> "features/5/2/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/2/attn/view/2" -> "features/5/2/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/2/attn/permute/1" -> "features/5/2/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/2/attn/reshape/0" -> "features/5/2/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.2.attn.qkv.bias" -> "features/5/2/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/2/attn/clone/0" -> "features/5/2/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/2/attn/clone/0" -> "features/5/2/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/2/attn/clone/0" -> "features/5/2/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/2/attn/__getitem__/1" -> "features/5/2/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.2.attn.qkv.weight" -> "features/5/2/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/2/attn/linear/0" -> "features/5/2/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/2/attn/reshape/1" -> "features/5/2/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/2/attn/permute/2" -> "features/5/2/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/2/attn/permute/2" -> "features/5/2/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/2/attn/permute/2" -> "features/5/2/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/2/attn/__getitem__/2" -> "features/5/2/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/2/attn/__getitem__/3" -> "features/5/2/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/2/attn/__getitem__/4" -> "features/5/2/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/2/attn/normalize/0" -> "features/5/2/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/2/attn/normalize/1" -> "features/5/2/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/2/attn/transpose/0" -> "features/5/2/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/2/attn/matmul/0" -> "features/5/2/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.2.attn.logit_scale" -> "features/5/2/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/2/attn/clamp/0" -> "features/5/2/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/2/attn/exp/0" -> "features/5/2/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/2/attn/mul/1" -> "features/5/2/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/2/attn/add/0" -> "features/5/2/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/2/attn/softmax/0" -> "features/5/2/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/2/attn/dropout/0" -> "features/5/2/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/2/attn/matmul/1" -> "features/5/2/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/2/attn/transpose/1" -> "features/5/2/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/2/attn/reshape/2" -> "features/5/2/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.2.attn.proj.weight" -> "features/5/2/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.2.attn.proj.bias" -> "features/5/2/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/2/attn/linear/1" -> "features/5/2/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/2/attn/dropout/1" -> "features/5/2/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/2/attn/view/3" -> "features/5/2/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/2/attn/permute/3" -> "features/5/2/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/2/attn/reshape/3" -> "features/5/2/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/2/attn/__getitem__/5" -> "features/5/2/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/2/attn/contiguous/1" -> "features/5/2/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.2.norm1.weight" -> "features/5/2/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.2.norm1.bias" -> "features/5/2/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/2/norm1/layer_norm/0" -> "features/5/2/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/2/add/0" -> "features/5/2/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/2/add/0" -> "features/5/2/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.2.mlp.0.weight" -> "features/5/2/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.2.mlp.0.bias" -> "features/5/2/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/2/mlp/0/linear/0" -> "features/5/2/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/2/mlp/1/gelu/0" -> "features/5/2/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/2/mlp/2/dropout/0" -> "features/5/2/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.2.mlp.3.weight" -> "features/5/2/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.2.mlp.3.bias" -> "features/5/2/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/2/mlp/3/linear/0" -> "features/5/2/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/2/mlp/4/dropout/0" -> "features/5/2/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.2.norm2.weight" -> "features/5/2/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.2.norm2.bias" -> "features/5/2/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/2/norm2/layer_norm/0" -> "features/5/2/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/2/add/1" -> "features/5/3/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/2/add/1" -> "features/5/3/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.3.attn.relative_coords_table" -> "features/5/3/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.3.attn.cpb_mlp.0.weight" -> "features/5/3/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.3.attn.cpb_mlp.0.bias" -> "features/5/3/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/3/attn/cpb_mlp/0/linear/0" -> "features/5/3/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/3/attn/cpb_mlp/1/relu_/0" -> "features/5/3/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.3.attn.cpb_mlp.2.weight" -> "features/5/3/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/3/attn/cpb_mlp/2/linear/0" -> "features/5/3/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/3/attn/view/0" -> "features/5/3/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.3.attn.relative_position_index" -> "features/5/3/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/3/attn/__getitem__/0" -> "features/5/3/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/3/attn/view/1" -> "features/5/3/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/3/attn/permute/0" -> "features/5/3/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/3/attn/contiguous/0" -> "features/5/3/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/3/attn/unsqueeze/0" -> "features/5/3/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/3/attn/sigmoid/0" -> "features/5/3/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/3/attn/mul/0" -> "features/5/3/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/3/attn/pad/0" -> "features/5/3/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/3/attn/view/2" -> "features/5/3/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/3/attn/permute/1" -> "features/5/3/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/3/attn/reshape/0" -> "features/5/3/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.3.attn.qkv.bias" -> "features/5/3/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/3/attn/clone/0" -> "features/5/3/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/3/attn/clone/0" -> "features/5/3/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/3/attn/clone/0" -> "features/5/3/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/3/attn/__getitem__/1" -> "features/5/3/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.3.attn.qkv.weight" -> "features/5/3/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/3/attn/linear/0" -> "features/5/3/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/3/attn/reshape/1" -> "features/5/3/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/3/attn/permute/2" -> "features/5/3/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/3/attn/permute/2" -> "features/5/3/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/3/attn/permute/2" -> "features/5/3/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/3/attn/__getitem__/2" -> "features/5/3/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/3/attn/__getitem__/3" -> "features/5/3/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/3/attn/__getitem__/4" -> "features/5/3/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/3/attn/normalize/0" -> "features/5/3/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/3/attn/normalize/1" -> "features/5/3/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/3/attn/transpose/0" -> "features/5/3/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/3/attn/matmul/0" -> "features/5/3/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.3.attn.logit_scale" -> "features/5/3/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/3/attn/clamp/0" -> "features/5/3/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/3/attn/exp/0" -> "features/5/3/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/3/attn/mul/1" -> "features/5/3/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/3/attn/add/0" -> "features/5/3/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/3/attn/softmax/0" -> "features/5/3/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/3/attn/dropout/0" -> "features/5/3/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/3/attn/matmul/1" -> "features/5/3/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/3/attn/transpose/1" -> "features/5/3/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/3/attn/reshape/2" -> "features/5/3/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.3.attn.proj.weight" -> "features/5/3/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.3.attn.proj.bias" -> "features/5/3/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/3/attn/linear/1" -> "features/5/3/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/3/attn/dropout/1" -> "features/5/3/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/3/attn/view/3" -> "features/5/3/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/3/attn/permute/3" -> "features/5/3/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/3/attn/reshape/3" -> "features/5/3/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/3/attn/__getitem__/5" -> "features/5/3/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/3/attn/contiguous/1" -> "features/5/3/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.3.norm1.weight" -> "features/5/3/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.3.norm1.bias" -> "features/5/3/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/3/norm1/layer_norm/0" -> "features/5/3/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/3/add/0" -> "features/5/3/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/3/add/0" -> "features/5/3/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.3.mlp.0.weight" -> "features/5/3/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.3.mlp.0.bias" -> "features/5/3/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/3/mlp/0/linear/0" -> "features/5/3/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/3/mlp/1/gelu/0" -> "features/5/3/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/3/mlp/2/dropout/0" -> "features/5/3/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.3.mlp.3.weight" -> "features/5/3/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.3.mlp.3.bias" -> "features/5/3/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/3/mlp/3/linear/0" -> "features/5/3/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/3/mlp/4/dropout/0" -> "features/5/3/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.3.norm2.weight" -> "features/5/3/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.3.norm2.bias" -> "features/5/3/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/3/norm2/layer_norm/0" -> "features/5/3/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/3/add/1" -> "features/5/4/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/3/add/1" -> "features/5/4/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.4.attn.relative_coords_table" -> "features/5/4/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.4.attn.cpb_mlp.0.weight" -> "features/5/4/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.4.attn.cpb_mlp.0.bias" -> "features/5/4/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/4/attn/cpb_mlp/0/linear/0" -> "features/5/4/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/4/attn/cpb_mlp/1/relu_/0" -> "features/5/4/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.4.attn.cpb_mlp.2.weight" -> "features/5/4/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/4/attn/cpb_mlp/2/linear/0" -> "features/5/4/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/4/attn/view/0" -> "features/5/4/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.4.attn.relative_position_index" -> "features/5/4/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/4/attn/__getitem__/0" -> "features/5/4/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/4/attn/view/1" -> "features/5/4/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/4/attn/permute/0" -> "features/5/4/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/4/attn/contiguous/0" -> "features/5/4/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/4/attn/unsqueeze/0" -> "features/5/4/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/4/attn/sigmoid/0" -> "features/5/4/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/4/attn/mul/0" -> "features/5/4/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/4/attn/pad/0" -> "features/5/4/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/4/attn/view/2" -> "features/5/4/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/4/attn/permute/1" -> "features/5/4/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/4/attn/reshape/0" -> "features/5/4/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.4.attn.qkv.bias" -> "features/5/4/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/4/attn/clone/0" -> "features/5/4/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/4/attn/clone/0" -> "features/5/4/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/4/attn/clone/0" -> "features/5/4/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/4/attn/__getitem__/1" -> "features/5/4/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.4.attn.qkv.weight" -> "features/5/4/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/4/attn/linear/0" -> "features/5/4/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/4/attn/reshape/1" -> "features/5/4/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/4/attn/permute/2" -> "features/5/4/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/4/attn/permute/2" -> "features/5/4/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/4/attn/permute/2" -> "features/5/4/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/4/attn/__getitem__/2" -> "features/5/4/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/4/attn/__getitem__/3" -> "features/5/4/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/4/attn/__getitem__/4" -> "features/5/4/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/4/attn/normalize/0" -> "features/5/4/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/4/attn/normalize/1" -> "features/5/4/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/4/attn/transpose/0" -> "features/5/4/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/4/attn/matmul/0" -> "features/5/4/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.4.attn.logit_scale" -> "features/5/4/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/4/attn/clamp/0" -> "features/5/4/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/4/attn/exp/0" -> "features/5/4/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/4/attn/mul/1" -> "features/5/4/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/4/attn/add/0" -> "features/5/4/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/4/attn/softmax/0" -> "features/5/4/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/4/attn/dropout/0" -> "features/5/4/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/4/attn/matmul/1" -> "features/5/4/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/4/attn/transpose/1" -> "features/5/4/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/4/attn/reshape/2" -> "features/5/4/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.4.attn.proj.weight" -> "features/5/4/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.4.attn.proj.bias" -> "features/5/4/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/4/attn/linear/1" -> "features/5/4/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/4/attn/dropout/1" -> "features/5/4/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/4/attn/view/3" -> "features/5/4/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/4/attn/permute/3" -> "features/5/4/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/4/attn/reshape/3" -> "features/5/4/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/4/attn/__getitem__/5" -> "features/5/4/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/4/attn/contiguous/1" -> "features/5/4/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.4.norm1.weight" -> "features/5/4/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.4.norm1.bias" -> "features/5/4/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/4/norm1/layer_norm/0" -> "features/5/4/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/4/add/0" -> "features/5/4/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/4/add/0" -> "features/5/4/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.4.mlp.0.weight" -> "features/5/4/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.4.mlp.0.bias" -> "features/5/4/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/4/mlp/0/linear/0" -> "features/5/4/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/4/mlp/1/gelu/0" -> "features/5/4/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/4/mlp/2/dropout/0" -> "features/5/4/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.4.mlp.3.weight" -> "features/5/4/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.4.mlp.3.bias" -> "features/5/4/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/4/mlp/3/linear/0" -> "features/5/4/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/4/mlp/4/dropout/0" -> "features/5/4/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.4.norm2.weight" -> "features/5/4/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.4.norm2.bias" -> "features/5/4/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/4/norm2/layer_norm/0" -> "features/5/4/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/4/add/1" -> "features/5/5/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/4/add/1" -> "features/5/5/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.5.attn.relative_coords_table" -> "features/5/5/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.5.attn.cpb_mlp.0.weight" -> "features/5/5/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.5.attn.cpb_mlp.0.bias" -> "features/5/5/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/5/attn/cpb_mlp/0/linear/0" -> "features/5/5/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/5/attn/cpb_mlp/1/relu_/0" -> "features/5/5/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.5.attn.cpb_mlp.2.weight" -> "features/5/5/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/5/attn/cpb_mlp/2/linear/0" -> "features/5/5/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/5/attn/view/0" -> "features/5/5/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.5.attn.relative_position_index" -> "features/5/5/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/5/attn/__getitem__/0" -> "features/5/5/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/5/attn/view/1" -> "features/5/5/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/5/attn/permute/0" -> "features/5/5/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/5/attn/contiguous/0" -> "features/5/5/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/5/attn/unsqueeze/0" -> "features/5/5/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/5/attn/sigmoid/0" -> "features/5/5/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/5/attn/mul/0" -> "features/5/5/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/5/attn/pad/0" -> "features/5/5/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/5/attn/view/2" -> "features/5/5/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/5/attn/permute/1" -> "features/5/5/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/5/attn/reshape/0" -> "features/5/5/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.5.attn.qkv.bias" -> "features/5/5/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/5/attn/clone/0" -> "features/5/5/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/5/attn/clone/0" -> "features/5/5/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/5/attn/clone/0" -> "features/5/5/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/5/attn/__getitem__/1" -> "features/5/5/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.5.attn.qkv.weight" -> "features/5/5/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/5/attn/linear/0" -> "features/5/5/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/5/attn/reshape/1" -> "features/5/5/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/5/attn/permute/2" -> "features/5/5/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/5/attn/permute/2" -> "features/5/5/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/5/attn/permute/2" -> "features/5/5/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/5/attn/__getitem__/2" -> "features/5/5/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/5/attn/__getitem__/3" -> "features/5/5/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/5/attn/__getitem__/4" -> "features/5/5/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/5/attn/normalize/0" -> "features/5/5/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/5/attn/normalize/1" -> "features/5/5/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/5/attn/transpose/0" -> "features/5/5/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/5/attn/matmul/0" -> "features/5/5/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.5.attn.logit_scale" -> "features/5/5/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/5/attn/clamp/0" -> "features/5/5/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/5/attn/exp/0" -> "features/5/5/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/5/attn/mul/1" -> "features/5/5/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/5/attn/add/0" -> "features/5/5/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/5/attn/softmax/0" -> "features/5/5/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/5/attn/dropout/0" -> "features/5/5/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/5/attn/matmul/1" -> "features/5/5/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/5/attn/transpose/1" -> "features/5/5/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/5/attn/reshape/2" -> "features/5/5/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.5.attn.proj.weight" -> "features/5/5/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.5.attn.proj.bias" -> "features/5/5/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/5/attn/linear/1" -> "features/5/5/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/5/attn/dropout/1" -> "features/5/5/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/5/attn/view/3" -> "features/5/5/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/5/attn/permute/3" -> "features/5/5/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/5/attn/reshape/3" -> "features/5/5/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/5/attn/__getitem__/5" -> "features/5/5/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/5/attn/contiguous/1" -> "features/5/5/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.5.norm1.weight" -> "features/5/5/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.5.norm1.bias" -> "features/5/5/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/5/norm1/layer_norm/0" -> "features/5/5/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/5/add/0" -> "features/5/5/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/5/add/0" -> "features/5/5/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.5.mlp.0.weight" -> "features/5/5/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.5.mlp.0.bias" -> "features/5/5/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/5/mlp/0/linear/0" -> "features/5/5/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/5/mlp/1/gelu/0" -> "features/5/5/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/5/mlp/2/dropout/0" -> "features/5/5/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.5.mlp.3.weight" -> "features/5/5/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.5.mlp.3.bias" -> "features/5/5/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/5/mlp/3/linear/0" -> "features/5/5/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/5/mlp/4/dropout/0" -> "features/5/5/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.5.norm2.weight" -> "features/5/5/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.5.norm2.bias" -> "features/5/5/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/5/norm2/layer_norm/0" -> "features/5/5/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/5/add/1" -> "features/5/6/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/5/add/1" -> "features/5/6/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.6.attn.relative_coords_table" -> "features/5/6/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.6.attn.cpb_mlp.0.weight" -> "features/5/6/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.6.attn.cpb_mlp.0.bias" -> "features/5/6/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/6/attn/cpb_mlp/0/linear/0" -> "features/5/6/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/6/attn/cpb_mlp/1/relu_/0" -> "features/5/6/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.6.attn.cpb_mlp.2.weight" -> "features/5/6/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/6/attn/cpb_mlp/2/linear/0" -> "features/5/6/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/6/attn/view/0" -> "features/5/6/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.6.attn.relative_position_index" -> "features/5/6/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/6/attn/__getitem__/0" -> "features/5/6/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/6/attn/view/1" -> "features/5/6/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/6/attn/permute/0" -> "features/5/6/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/6/attn/contiguous/0" -> "features/5/6/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/6/attn/unsqueeze/0" -> "features/5/6/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/6/attn/sigmoid/0" -> "features/5/6/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/6/attn/mul/0" -> "features/5/6/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/6/attn/pad/0" -> "features/5/6/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/6/attn/view/2" -> "features/5/6/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/6/attn/permute/1" -> "features/5/6/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/6/attn/reshape/0" -> "features/5/6/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.6.attn.qkv.bias" -> "features/5/6/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/6/attn/clone/0" -> "features/5/6/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/6/attn/clone/0" -> "features/5/6/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/6/attn/clone/0" -> "features/5/6/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/6/attn/__getitem__/1" -> "features/5/6/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.6.attn.qkv.weight" -> "features/5/6/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/6/attn/linear/0" -> "features/5/6/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/6/attn/reshape/1" -> "features/5/6/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/6/attn/permute/2" -> "features/5/6/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/6/attn/permute/2" -> "features/5/6/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/6/attn/permute/2" -> "features/5/6/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/6/attn/__getitem__/2" -> "features/5/6/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/6/attn/__getitem__/3" -> "features/5/6/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/6/attn/__getitem__/4" -> "features/5/6/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/6/attn/normalize/0" -> "features/5/6/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/6/attn/normalize/1" -> "features/5/6/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/6/attn/transpose/0" -> "features/5/6/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/6/attn/matmul/0" -> "features/5/6/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.6.attn.logit_scale" -> "features/5/6/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/6/attn/clamp/0" -> "features/5/6/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/6/attn/exp/0" -> "features/5/6/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/6/attn/mul/1" -> "features/5/6/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/6/attn/add/0" -> "features/5/6/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/6/attn/softmax/0" -> "features/5/6/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/6/attn/dropout/0" -> "features/5/6/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/6/attn/matmul/1" -> "features/5/6/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/6/attn/transpose/1" -> "features/5/6/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/6/attn/reshape/2" -> "features/5/6/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.6.attn.proj.weight" -> "features/5/6/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.6.attn.proj.bias" -> "features/5/6/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/6/attn/linear/1" -> "features/5/6/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/6/attn/dropout/1" -> "features/5/6/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/6/attn/view/3" -> "features/5/6/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/6/attn/permute/3" -> "features/5/6/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/6/attn/reshape/3" -> "features/5/6/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/6/attn/__getitem__/5" -> "features/5/6/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/6/attn/contiguous/1" -> "features/5/6/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.6.norm1.weight" -> "features/5/6/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.6.norm1.bias" -> "features/5/6/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/6/norm1/layer_norm/0" -> "features/5/6/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/6/add/0" -> "features/5/6/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/6/add/0" -> "features/5/6/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.6.mlp.0.weight" -> "features/5/6/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.6.mlp.0.bias" -> "features/5/6/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/6/mlp/0/linear/0" -> "features/5/6/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/6/mlp/1/gelu/0" -> "features/5/6/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/6/mlp/2/dropout/0" -> "features/5/6/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.6.mlp.3.weight" -> "features/5/6/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.6.mlp.3.bias" -> "features/5/6/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/6/mlp/3/linear/0" -> "features/5/6/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/6/mlp/4/dropout/0" -> "features/5/6/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.6.norm2.weight" -> "features/5/6/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.6.norm2.bias" -> "features/5/6/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/6/norm2/layer_norm/0" -> "features/5/6/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/6/add/1" -> "features/5/7/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/6/add/1" -> "features/5/7/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.7.attn.relative_coords_table" -> "features/5/7/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.7.attn.cpb_mlp.0.weight" -> "features/5/7/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.7.attn.cpb_mlp.0.bias" -> "features/5/7/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/7/attn/cpb_mlp/0/linear/0" -> "features/5/7/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/7/attn/cpb_mlp/1/relu_/0" -> "features/5/7/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.7.attn.cpb_mlp.2.weight" -> "features/5/7/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/7/attn/cpb_mlp/2/linear/0" -> "features/5/7/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/7/attn/view/0" -> "features/5/7/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.7.attn.relative_position_index" -> "features/5/7/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/7/attn/__getitem__/0" -> "features/5/7/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/7/attn/view/1" -> "features/5/7/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/7/attn/permute/0" -> "features/5/7/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/7/attn/contiguous/0" -> "features/5/7/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/7/attn/unsqueeze/0" -> "features/5/7/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/7/attn/sigmoid/0" -> "features/5/7/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/7/attn/mul/0" -> "features/5/7/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/7/attn/pad/0" -> "features/5/7/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/7/attn/view/2" -> "features/5/7/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/7/attn/permute/1" -> "features/5/7/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/7/attn/reshape/0" -> "features/5/7/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.7.attn.qkv.bias" -> "features/5/7/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/7/attn/clone/0" -> "features/5/7/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/7/attn/clone/0" -> "features/5/7/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/7/attn/clone/0" -> "features/5/7/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/7/attn/__getitem__/1" -> "features/5/7/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.7.attn.qkv.weight" -> "features/5/7/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/7/attn/linear/0" -> "features/5/7/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/7/attn/reshape/1" -> "features/5/7/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/7/attn/permute/2" -> "features/5/7/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/7/attn/permute/2" -> "features/5/7/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/7/attn/permute/2" -> "features/5/7/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/7/attn/__getitem__/2" -> "features/5/7/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/7/attn/__getitem__/3" -> "features/5/7/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/7/attn/__getitem__/4" -> "features/5/7/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/7/attn/normalize/0" -> "features/5/7/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/7/attn/normalize/1" -> "features/5/7/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/7/attn/transpose/0" -> "features/5/7/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/7/attn/matmul/0" -> "features/5/7/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.7.attn.logit_scale" -> "features/5/7/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/7/attn/clamp/0" -> "features/5/7/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/7/attn/exp/0" -> "features/5/7/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/7/attn/mul/1" -> "features/5/7/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/7/attn/add/0" -> "features/5/7/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/7/attn/softmax/0" -> "features/5/7/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/7/attn/dropout/0" -> "features/5/7/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/7/attn/matmul/1" -> "features/5/7/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/7/attn/transpose/1" -> "features/5/7/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/7/attn/reshape/2" -> "features/5/7/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.7.attn.proj.weight" -> "features/5/7/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.7.attn.proj.bias" -> "features/5/7/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/7/attn/linear/1" -> "features/5/7/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/7/attn/dropout/1" -> "features/5/7/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/7/attn/view/3" -> "features/5/7/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/7/attn/permute/3" -> "features/5/7/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/7/attn/reshape/3" -> "features/5/7/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/7/attn/__getitem__/5" -> "features/5/7/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/7/attn/contiguous/1" -> "features/5/7/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.7.norm1.weight" -> "features/5/7/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.7.norm1.bias" -> "features/5/7/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/7/norm1/layer_norm/0" -> "features/5/7/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/7/add/0" -> "features/5/7/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/7/add/0" -> "features/5/7/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.7.mlp.0.weight" -> "features/5/7/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.7.mlp.0.bias" -> "features/5/7/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/7/mlp/0/linear/0" -> "features/5/7/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/7/mlp/1/gelu/0" -> "features/5/7/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/7/mlp/2/dropout/0" -> "features/5/7/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.7.mlp.3.weight" -> "features/5/7/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.7.mlp.3.bias" -> "features/5/7/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/7/mlp/3/linear/0" -> "features/5/7/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/7/mlp/4/dropout/0" -> "features/5/7/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.7.norm2.weight" -> "features/5/7/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.7.norm2.bias" -> "features/5/7/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/7/norm2/layer_norm/0" -> "features/5/7/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/7/add/1" -> "features/5/8/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/7/add/1" -> "features/5/8/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.8.attn.relative_coords_table" -> "features/5/8/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.8.attn.cpb_mlp.0.weight" -> "features/5/8/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.8.attn.cpb_mlp.0.bias" -> "features/5/8/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/8/attn/cpb_mlp/0/linear/0" -> "features/5/8/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/8/attn/cpb_mlp/1/relu_/0" -> "features/5/8/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.8.attn.cpb_mlp.2.weight" -> "features/5/8/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/8/attn/cpb_mlp/2/linear/0" -> "features/5/8/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/8/attn/view/0" -> "features/5/8/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.8.attn.relative_position_index" -> "features/5/8/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/8/attn/__getitem__/0" -> "features/5/8/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/8/attn/view/1" -> "features/5/8/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/8/attn/permute/0" -> "features/5/8/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/8/attn/contiguous/0" -> "features/5/8/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/8/attn/unsqueeze/0" -> "features/5/8/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/8/attn/sigmoid/0" -> "features/5/8/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/8/attn/mul/0" -> "features/5/8/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/8/attn/pad/0" -> "features/5/8/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/8/attn/view/2" -> "features/5/8/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/8/attn/permute/1" -> "features/5/8/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/8/attn/reshape/0" -> "features/5/8/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.8.attn.qkv.bias" -> "features/5/8/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/8/attn/clone/0" -> "features/5/8/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/8/attn/clone/0" -> "features/5/8/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/8/attn/clone/0" -> "features/5/8/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/8/attn/__getitem__/1" -> "features/5/8/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.8.attn.qkv.weight" -> "features/5/8/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/8/attn/linear/0" -> "features/5/8/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/8/attn/reshape/1" -> "features/5/8/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/8/attn/permute/2" -> "features/5/8/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/8/attn/permute/2" -> "features/5/8/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/8/attn/permute/2" -> "features/5/8/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/8/attn/__getitem__/2" -> "features/5/8/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/8/attn/__getitem__/3" -> "features/5/8/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/8/attn/__getitem__/4" -> "features/5/8/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/8/attn/normalize/0" -> "features/5/8/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/8/attn/normalize/1" -> "features/5/8/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/8/attn/transpose/0" -> "features/5/8/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/8/attn/matmul/0" -> "features/5/8/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.8.attn.logit_scale" -> "features/5/8/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/8/attn/clamp/0" -> "features/5/8/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/8/attn/exp/0" -> "features/5/8/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/8/attn/mul/1" -> "features/5/8/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/8/attn/add/0" -> "features/5/8/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/8/attn/softmax/0" -> "features/5/8/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/8/attn/dropout/0" -> "features/5/8/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/8/attn/matmul/1" -> "features/5/8/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/8/attn/transpose/1" -> "features/5/8/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/8/attn/reshape/2" -> "features/5/8/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.8.attn.proj.weight" -> "features/5/8/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.8.attn.proj.bias" -> "features/5/8/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/8/attn/linear/1" -> "features/5/8/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/8/attn/dropout/1" -> "features/5/8/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/8/attn/view/3" -> "features/5/8/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/8/attn/permute/3" -> "features/5/8/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/8/attn/reshape/3" -> "features/5/8/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/8/attn/__getitem__/5" -> "features/5/8/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/8/attn/contiguous/1" -> "features/5/8/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.8.norm1.weight" -> "features/5/8/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.8.norm1.bias" -> "features/5/8/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/8/norm1/layer_norm/0" -> "features/5/8/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/8/add/0" -> "features/5/8/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/8/add/0" -> "features/5/8/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.8.mlp.0.weight" -> "features/5/8/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.8.mlp.0.bias" -> "features/5/8/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/8/mlp/0/linear/0" -> "features/5/8/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/8/mlp/1/gelu/0" -> "features/5/8/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/8/mlp/2/dropout/0" -> "features/5/8/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.8.mlp.3.weight" -> "features/5/8/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.8.mlp.3.bias" -> "features/5/8/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/8/mlp/3/linear/0" -> "features/5/8/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/8/mlp/4/dropout/0" -> "features/5/8/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.8.norm2.weight" -> "features/5/8/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.8.norm2.bias" -> "features/5/8/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/8/norm2/layer_norm/0" -> "features/5/8/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/8/add/1" -> "features/5/9/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/8/add/1" -> "features/5/9/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.9.attn.relative_coords_table" -> "features/5/9/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.9.attn.cpb_mlp.0.weight" -> "features/5/9/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.9.attn.cpb_mlp.0.bias" -> "features/5/9/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/9/attn/cpb_mlp/0/linear/0" -> "features/5/9/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/9/attn/cpb_mlp/1/relu_/0" -> "features/5/9/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.9.attn.cpb_mlp.2.weight" -> "features/5/9/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/9/attn/cpb_mlp/2/linear/0" -> "features/5/9/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/9/attn/view/0" -> "features/5/9/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.9.attn.relative_position_index" -> "features/5/9/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/9/attn/__getitem__/0" -> "features/5/9/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/9/attn/view/1" -> "features/5/9/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/9/attn/permute/0" -> "features/5/9/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/9/attn/contiguous/0" -> "features/5/9/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/9/attn/unsqueeze/0" -> "features/5/9/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/9/attn/sigmoid/0" -> "features/5/9/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/9/attn/mul/0" -> "features/5/9/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/9/attn/pad/0" -> "features/5/9/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/9/attn/view/2" -> "features/5/9/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/9/attn/permute/1" -> "features/5/9/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/9/attn/reshape/0" -> "features/5/9/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.9.attn.qkv.bias" -> "features/5/9/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/9/attn/clone/0" -> "features/5/9/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/9/attn/clone/0" -> "features/5/9/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/9/attn/clone/0" -> "features/5/9/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/9/attn/__getitem__/1" -> "features/5/9/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.9.attn.qkv.weight" -> "features/5/9/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/9/attn/linear/0" -> "features/5/9/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/9/attn/reshape/1" -> "features/5/9/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/9/attn/permute/2" -> "features/5/9/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/9/attn/permute/2" -> "features/5/9/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/9/attn/permute/2" -> "features/5/9/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/9/attn/__getitem__/2" -> "features/5/9/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/9/attn/__getitem__/3" -> "features/5/9/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/9/attn/__getitem__/4" -> "features/5/9/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/9/attn/normalize/0" -> "features/5/9/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/9/attn/normalize/1" -> "features/5/9/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/9/attn/transpose/0" -> "features/5/9/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/9/attn/matmul/0" -> "features/5/9/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.9.attn.logit_scale" -> "features/5/9/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/9/attn/clamp/0" -> "features/5/9/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/9/attn/exp/0" -> "features/5/9/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/9/attn/mul/1" -> "features/5/9/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/9/attn/add/0" -> "features/5/9/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/9/attn/softmax/0" -> "features/5/9/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/9/attn/dropout/0" -> "features/5/9/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/9/attn/matmul/1" -> "features/5/9/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/9/attn/transpose/1" -> "features/5/9/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/9/attn/reshape/2" -> "features/5/9/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.9.attn.proj.weight" -> "features/5/9/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.9.attn.proj.bias" -> "features/5/9/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/9/attn/linear/1" -> "features/5/9/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/9/attn/dropout/1" -> "features/5/9/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/9/attn/view/3" -> "features/5/9/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/9/attn/permute/3" -> "features/5/9/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/9/attn/reshape/3" -> "features/5/9/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/9/attn/__getitem__/5" -> "features/5/9/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/9/attn/contiguous/1" -> "features/5/9/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.9.norm1.weight" -> "features/5/9/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.9.norm1.bias" -> "features/5/9/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/9/norm1/layer_norm/0" -> "features/5/9/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/9/add/0" -> "features/5/9/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/9/add/0" -> "features/5/9/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.9.mlp.0.weight" -> "features/5/9/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.9.mlp.0.bias" -> "features/5/9/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/9/mlp/0/linear/0" -> "features/5/9/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/9/mlp/1/gelu/0" -> "features/5/9/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/9/mlp/2/dropout/0" -> "features/5/9/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.9.mlp.3.weight" -> "features/5/9/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.9.mlp.3.bias" -> "features/5/9/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/9/mlp/3/linear/0" -> "features/5/9/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/9/mlp/4/dropout/0" -> "features/5/9/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.9.norm2.weight" -> "features/5/9/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.9.norm2.bias" -> "features/5/9/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/9/norm2/layer_norm/0" -> "features/5/9/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/9/add/1" -> "features/5/10/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/9/add/1" -> "features/5/10/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.10.attn.relative_coords_table" -> "features/5/10/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.10.attn.cpb_mlp.0.weight" -> "features/5/10/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.10.attn.cpb_mlp.0.bias" -> "features/5/10/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/10/attn/cpb_mlp/0/linear/0" -> "features/5/10/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/10/attn/cpb_mlp/1/relu_/0" -> "features/5/10/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.10.attn.cpb_mlp.2.weight" -> "features/5/10/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/10/attn/cpb_mlp/2/linear/0" -> "features/5/10/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/10/attn/view/0" -> "features/5/10/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.10.attn.relative_position_index" -> "features/5/10/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/10/attn/__getitem__/0" -> "features/5/10/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/10/attn/view/1" -> "features/5/10/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/10/attn/permute/0" -> "features/5/10/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/10/attn/contiguous/0" -> "features/5/10/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/10/attn/unsqueeze/0" -> "features/5/10/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/10/attn/sigmoid/0" -> "features/5/10/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/10/attn/mul/0" -> "features/5/10/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/10/attn/pad/0" -> "features/5/10/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/10/attn/view/2" -> "features/5/10/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/10/attn/permute/1" -> "features/5/10/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/10/attn/reshape/0" -> "features/5/10/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.10.attn.qkv.bias" -> "features/5/10/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/10/attn/clone/0" -> "features/5/10/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/10/attn/clone/0" -> "features/5/10/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/10/attn/clone/0" -> "features/5/10/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/10/attn/__getitem__/1" -> "features/5/10/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.10.attn.qkv.weight" -> "features/5/10/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/10/attn/linear/0" -> "features/5/10/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/10/attn/reshape/1" -> "features/5/10/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/10/attn/permute/2" -> "features/5/10/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/10/attn/permute/2" -> "features/5/10/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/10/attn/permute/2" -> "features/5/10/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/10/attn/__getitem__/2" -> "features/5/10/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/10/attn/__getitem__/3" -> "features/5/10/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/10/attn/__getitem__/4" -> "features/5/10/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/10/attn/normalize/0" -> "features/5/10/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/10/attn/normalize/1" -> "features/5/10/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/10/attn/transpose/0" -> "features/5/10/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/10/attn/matmul/0" -> "features/5/10/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.10.attn.logit_scale" -> "features/5/10/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/10/attn/clamp/0" -> "features/5/10/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/10/attn/exp/0" -> "features/5/10/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/10/attn/mul/1" -> "features/5/10/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/10/attn/add/0" -> "features/5/10/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/10/attn/softmax/0" -> "features/5/10/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/10/attn/dropout/0" -> "features/5/10/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/10/attn/matmul/1" -> "features/5/10/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/10/attn/transpose/1" -> "features/5/10/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/10/attn/reshape/2" -> "features/5/10/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.10.attn.proj.weight" -> "features/5/10/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.10.attn.proj.bias" -> "features/5/10/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/10/attn/linear/1" -> "features/5/10/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/10/attn/dropout/1" -> "features/5/10/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/10/attn/view/3" -> "features/5/10/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/10/attn/permute/3" -> "features/5/10/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/10/attn/reshape/3" -> "features/5/10/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/10/attn/__getitem__/5" -> "features/5/10/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/10/attn/contiguous/1" -> "features/5/10/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.10.norm1.weight" -> "features/5/10/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.10.norm1.bias" -> "features/5/10/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/10/norm1/layer_norm/0" -> "features/5/10/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/10/add/0" -> "features/5/10/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/10/add/0" -> "features/5/10/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.10.mlp.0.weight" -> "features/5/10/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.10.mlp.0.bias" -> "features/5/10/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/10/mlp/0/linear/0" -> "features/5/10/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/10/mlp/1/gelu/0" -> "features/5/10/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/10/mlp/2/dropout/0" -> "features/5/10/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.10.mlp.3.weight" -> "features/5/10/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.10.mlp.3.bias" -> "features/5/10/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/10/mlp/3/linear/0" -> "features/5/10/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/10/mlp/4/dropout/0" -> "features/5/10/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.10.norm2.weight" -> "features/5/10/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.10.norm2.bias" -> "features/5/10/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/10/norm2/layer_norm/0" -> "features/5/10/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/10/add/1" -> "features/5/11/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/10/add/1" -> "features/5/11/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.11.attn.relative_coords_table" -> "features/5/11/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.11.attn.cpb_mlp.0.weight" -> "features/5/11/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.11.attn.cpb_mlp.0.bias" -> "features/5/11/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/11/attn/cpb_mlp/0/linear/0" -> "features/5/11/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/11/attn/cpb_mlp/1/relu_/0" -> "features/5/11/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.11.attn.cpb_mlp.2.weight" -> "features/5/11/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/11/attn/cpb_mlp/2/linear/0" -> "features/5/11/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/11/attn/view/0" -> "features/5/11/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.11.attn.relative_position_index" -> "features/5/11/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/11/attn/__getitem__/0" -> "features/5/11/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/11/attn/view/1" -> "features/5/11/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/11/attn/permute/0" -> "features/5/11/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/11/attn/contiguous/0" -> "features/5/11/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/11/attn/unsqueeze/0" -> "features/5/11/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/11/attn/sigmoid/0" -> "features/5/11/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/11/attn/mul/0" -> "features/5/11/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/11/attn/pad/0" -> "features/5/11/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/11/attn/view/2" -> "features/5/11/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/11/attn/permute/1" -> "features/5/11/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/11/attn/reshape/0" -> "features/5/11/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.11.attn.qkv.bias" -> "features/5/11/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/11/attn/clone/0" -> "features/5/11/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/11/attn/clone/0" -> "features/5/11/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/11/attn/clone/0" -> "features/5/11/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/11/attn/__getitem__/1" -> "features/5/11/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.11.attn.qkv.weight" -> "features/5/11/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/11/attn/linear/0" -> "features/5/11/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/11/attn/reshape/1" -> "features/5/11/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/11/attn/permute/2" -> "features/5/11/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/11/attn/permute/2" -> "features/5/11/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/11/attn/permute/2" -> "features/5/11/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/11/attn/__getitem__/2" -> "features/5/11/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/11/attn/__getitem__/3" -> "features/5/11/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/11/attn/__getitem__/4" -> "features/5/11/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/11/attn/normalize/0" -> "features/5/11/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/11/attn/normalize/1" -> "features/5/11/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/11/attn/transpose/0" -> "features/5/11/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/11/attn/matmul/0" -> "features/5/11/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.11.attn.logit_scale" -> "features/5/11/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/11/attn/clamp/0" -> "features/5/11/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/11/attn/exp/0" -> "features/5/11/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/11/attn/mul/1" -> "features/5/11/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/11/attn/add/0" -> "features/5/11/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/11/attn/softmax/0" -> "features/5/11/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/11/attn/dropout/0" -> "features/5/11/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/11/attn/matmul/1" -> "features/5/11/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/11/attn/transpose/1" -> "features/5/11/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/11/attn/reshape/2" -> "features/5/11/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.11.attn.proj.weight" -> "features/5/11/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.11.attn.proj.bias" -> "features/5/11/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/11/attn/linear/1" -> "features/5/11/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/11/attn/dropout/1" -> "features/5/11/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/11/attn/view/3" -> "features/5/11/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/11/attn/permute/3" -> "features/5/11/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/11/attn/reshape/3" -> "features/5/11/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/11/attn/__getitem__/5" -> "features/5/11/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/11/attn/contiguous/1" -> "features/5/11/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.11.norm1.weight" -> "features/5/11/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.11.norm1.bias" -> "features/5/11/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/11/norm1/layer_norm/0" -> "features/5/11/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/11/add/0" -> "features/5/11/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/11/add/0" -> "features/5/11/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.11.mlp.0.weight" -> "features/5/11/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.11.mlp.0.bias" -> "features/5/11/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/11/mlp/0/linear/0" -> "features/5/11/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/11/mlp/1/gelu/0" -> "features/5/11/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/11/mlp/2/dropout/0" -> "features/5/11/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.11.mlp.3.weight" -> "features/5/11/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.11.mlp.3.bias" -> "features/5/11/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/11/mlp/3/linear/0" -> "features/5/11/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/11/mlp/4/dropout/0" -> "features/5/11/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.11.norm2.weight" -> "features/5/11/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.11.norm2.bias" -> "features/5/11/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/11/norm2/layer_norm/0" -> "features/5/11/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/11/add/1" -> "features/5/12/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/11/add/1" -> "features/5/12/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.12.attn.relative_coords_table" -> "features/5/12/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.12.attn.cpb_mlp.0.weight" -> "features/5/12/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.12.attn.cpb_mlp.0.bias" -> "features/5/12/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/12/attn/cpb_mlp/0/linear/0" -> "features/5/12/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/12/attn/cpb_mlp/1/relu_/0" -> "features/5/12/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.12.attn.cpb_mlp.2.weight" -> "features/5/12/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/12/attn/cpb_mlp/2/linear/0" -> "features/5/12/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/12/attn/view/0" -> "features/5/12/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.12.attn.relative_position_index" -> "features/5/12/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/12/attn/__getitem__/0" -> "features/5/12/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/12/attn/view/1" -> "features/5/12/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/12/attn/permute/0" -> "features/5/12/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/12/attn/contiguous/0" -> "features/5/12/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/12/attn/unsqueeze/0" -> "features/5/12/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/12/attn/sigmoid/0" -> "features/5/12/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/12/attn/mul/0" -> "features/5/12/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/12/attn/pad/0" -> "features/5/12/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/12/attn/view/2" -> "features/5/12/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/12/attn/permute/1" -> "features/5/12/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/12/attn/reshape/0" -> "features/5/12/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.12.attn.qkv.bias" -> "features/5/12/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/12/attn/clone/0" -> "features/5/12/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/12/attn/clone/0" -> "features/5/12/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/12/attn/clone/0" -> "features/5/12/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/12/attn/__getitem__/1" -> "features/5/12/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.12.attn.qkv.weight" -> "features/5/12/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/12/attn/linear/0" -> "features/5/12/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/12/attn/reshape/1" -> "features/5/12/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/12/attn/permute/2" -> "features/5/12/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/12/attn/permute/2" -> "features/5/12/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/12/attn/permute/2" -> "features/5/12/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/12/attn/__getitem__/2" -> "features/5/12/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/12/attn/__getitem__/3" -> "features/5/12/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/12/attn/__getitem__/4" -> "features/5/12/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/12/attn/normalize/0" -> "features/5/12/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/12/attn/normalize/1" -> "features/5/12/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/12/attn/transpose/0" -> "features/5/12/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/12/attn/matmul/0" -> "features/5/12/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.12.attn.logit_scale" -> "features/5/12/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/12/attn/clamp/0" -> "features/5/12/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/12/attn/exp/0" -> "features/5/12/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/12/attn/mul/1" -> "features/5/12/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/12/attn/add/0" -> "features/5/12/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/12/attn/softmax/0" -> "features/5/12/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/12/attn/dropout/0" -> "features/5/12/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/12/attn/matmul/1" -> "features/5/12/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/12/attn/transpose/1" -> "features/5/12/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/12/attn/reshape/2" -> "features/5/12/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.12.attn.proj.weight" -> "features/5/12/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.12.attn.proj.bias" -> "features/5/12/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/12/attn/linear/1" -> "features/5/12/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/12/attn/dropout/1" -> "features/5/12/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/12/attn/view/3" -> "features/5/12/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/12/attn/permute/3" -> "features/5/12/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/12/attn/reshape/3" -> "features/5/12/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/12/attn/__getitem__/5" -> "features/5/12/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/12/attn/contiguous/1" -> "features/5/12/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.12.norm1.weight" -> "features/5/12/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.12.norm1.bias" -> "features/5/12/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/12/norm1/layer_norm/0" -> "features/5/12/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/12/add/0" -> "features/5/12/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/12/add/0" -> "features/5/12/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.12.mlp.0.weight" -> "features/5/12/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.12.mlp.0.bias" -> "features/5/12/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/12/mlp/0/linear/0" -> "features/5/12/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/12/mlp/1/gelu/0" -> "features/5/12/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/12/mlp/2/dropout/0" -> "features/5/12/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.12.mlp.3.weight" -> "features/5/12/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.12.mlp.3.bias" -> "features/5/12/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/12/mlp/3/linear/0" -> "features/5/12/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/12/mlp/4/dropout/0" -> "features/5/12/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.12.norm2.weight" -> "features/5/12/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.12.norm2.bias" -> "features/5/12/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/12/norm2/layer_norm/0" -> "features/5/12/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/12/add/1" -> "features/5/13/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/12/add/1" -> "features/5/13/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.13.attn.relative_coords_table" -> "features/5/13/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.13.attn.cpb_mlp.0.weight" -> "features/5/13/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.13.attn.cpb_mlp.0.bias" -> "features/5/13/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/13/attn/cpb_mlp/0/linear/0" -> "features/5/13/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/13/attn/cpb_mlp/1/relu_/0" -> "features/5/13/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.13.attn.cpb_mlp.2.weight" -> "features/5/13/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/13/attn/cpb_mlp/2/linear/0" -> "features/5/13/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/13/attn/view/0" -> "features/5/13/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.13.attn.relative_position_index" -> "features/5/13/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/13/attn/__getitem__/0" -> "features/5/13/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/13/attn/view/1" -> "features/5/13/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/13/attn/permute/0" -> "features/5/13/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/13/attn/contiguous/0" -> "features/5/13/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/13/attn/unsqueeze/0" -> "features/5/13/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/13/attn/sigmoid/0" -> "features/5/13/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/13/attn/mul/0" -> "features/5/13/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/13/attn/pad/0" -> "features/5/13/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/13/attn/view/2" -> "features/5/13/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/13/attn/permute/1" -> "features/5/13/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/13/attn/reshape/0" -> "features/5/13/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.13.attn.qkv.bias" -> "features/5/13/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/13/attn/clone/0" -> "features/5/13/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/13/attn/clone/0" -> "features/5/13/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/13/attn/clone/0" -> "features/5/13/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/13/attn/__getitem__/1" -> "features/5/13/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.13.attn.qkv.weight" -> "features/5/13/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/13/attn/linear/0" -> "features/5/13/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/13/attn/reshape/1" -> "features/5/13/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/13/attn/permute/2" -> "features/5/13/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/13/attn/permute/2" -> "features/5/13/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/13/attn/permute/2" -> "features/5/13/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/13/attn/__getitem__/2" -> "features/5/13/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/13/attn/__getitem__/3" -> "features/5/13/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/13/attn/__getitem__/4" -> "features/5/13/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/13/attn/normalize/0" -> "features/5/13/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/13/attn/normalize/1" -> "features/5/13/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/13/attn/transpose/0" -> "features/5/13/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/13/attn/matmul/0" -> "features/5/13/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.13.attn.logit_scale" -> "features/5/13/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/13/attn/clamp/0" -> "features/5/13/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/13/attn/exp/0" -> "features/5/13/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/13/attn/mul/1" -> "features/5/13/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/13/attn/add/0" -> "features/5/13/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/13/attn/softmax/0" -> "features/5/13/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/13/attn/dropout/0" -> "features/5/13/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/13/attn/matmul/1" -> "features/5/13/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/13/attn/transpose/1" -> "features/5/13/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/13/attn/reshape/2" -> "features/5/13/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.13.attn.proj.weight" -> "features/5/13/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.13.attn.proj.bias" -> "features/5/13/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/13/attn/linear/1" -> "features/5/13/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/13/attn/dropout/1" -> "features/5/13/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/13/attn/view/3" -> "features/5/13/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/13/attn/permute/3" -> "features/5/13/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/13/attn/reshape/3" -> "features/5/13/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/13/attn/__getitem__/5" -> "features/5/13/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/13/attn/contiguous/1" -> "features/5/13/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.13.norm1.weight" -> "features/5/13/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.13.norm1.bias" -> "features/5/13/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/13/norm1/layer_norm/0" -> "features/5/13/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/13/add/0" -> "features/5/13/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/13/add/0" -> "features/5/13/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.13.mlp.0.weight" -> "features/5/13/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.13.mlp.0.bias" -> "features/5/13/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/13/mlp/0/linear/0" -> "features/5/13/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/13/mlp/1/gelu/0" -> "features/5/13/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/13/mlp/2/dropout/0" -> "features/5/13/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.13.mlp.3.weight" -> "features/5/13/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.13.mlp.3.bias" -> "features/5/13/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/13/mlp/3/linear/0" -> "features/5/13/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/13/mlp/4/dropout/0" -> "features/5/13/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.13.norm2.weight" -> "features/5/13/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.13.norm2.bias" -> "features/5/13/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/13/norm2/layer_norm/0" -> "features/5/13/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/13/add/1" -> "features/5/14/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/13/add/1" -> "features/5/14/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.14.attn.relative_coords_table" -> "features/5/14/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.14.attn.cpb_mlp.0.weight" -> "features/5/14/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.14.attn.cpb_mlp.0.bias" -> "features/5/14/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/14/attn/cpb_mlp/0/linear/0" -> "features/5/14/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/14/attn/cpb_mlp/1/relu_/0" -> "features/5/14/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.14.attn.cpb_mlp.2.weight" -> "features/5/14/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/14/attn/cpb_mlp/2/linear/0" -> "features/5/14/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/14/attn/view/0" -> "features/5/14/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.14.attn.relative_position_index" -> "features/5/14/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/14/attn/__getitem__/0" -> "features/5/14/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/14/attn/view/1" -> "features/5/14/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/14/attn/permute/0" -> "features/5/14/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/14/attn/contiguous/0" -> "features/5/14/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/14/attn/unsqueeze/0" -> "features/5/14/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/14/attn/sigmoid/0" -> "features/5/14/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/14/attn/mul/0" -> "features/5/14/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/14/attn/pad/0" -> "features/5/14/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/14/attn/view/2" -> "features/5/14/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/14/attn/permute/1" -> "features/5/14/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/14/attn/reshape/0" -> "features/5/14/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.14.attn.qkv.bias" -> "features/5/14/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/14/attn/clone/0" -> "features/5/14/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/14/attn/clone/0" -> "features/5/14/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/14/attn/clone/0" -> "features/5/14/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/14/attn/__getitem__/1" -> "features/5/14/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.14.attn.qkv.weight" -> "features/5/14/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/14/attn/linear/0" -> "features/5/14/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/14/attn/reshape/1" -> "features/5/14/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/14/attn/permute/2" -> "features/5/14/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/14/attn/permute/2" -> "features/5/14/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/14/attn/permute/2" -> "features/5/14/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/14/attn/__getitem__/2" -> "features/5/14/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/14/attn/__getitem__/3" -> "features/5/14/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/14/attn/__getitem__/4" -> "features/5/14/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/14/attn/normalize/0" -> "features/5/14/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/14/attn/normalize/1" -> "features/5/14/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/14/attn/transpose/0" -> "features/5/14/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/14/attn/matmul/0" -> "features/5/14/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.14.attn.logit_scale" -> "features/5/14/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/14/attn/clamp/0" -> "features/5/14/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/14/attn/exp/0" -> "features/5/14/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/14/attn/mul/1" -> "features/5/14/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/14/attn/add/0" -> "features/5/14/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/14/attn/softmax/0" -> "features/5/14/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/14/attn/dropout/0" -> "features/5/14/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/14/attn/matmul/1" -> "features/5/14/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/14/attn/transpose/1" -> "features/5/14/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/14/attn/reshape/2" -> "features/5/14/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.14.attn.proj.weight" -> "features/5/14/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.14.attn.proj.bias" -> "features/5/14/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/14/attn/linear/1" -> "features/5/14/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/14/attn/dropout/1" -> "features/5/14/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/14/attn/view/3" -> "features/5/14/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/14/attn/permute/3" -> "features/5/14/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/14/attn/reshape/3" -> "features/5/14/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/14/attn/__getitem__/5" -> "features/5/14/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/14/attn/contiguous/1" -> "features/5/14/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.14.norm1.weight" -> "features/5/14/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.14.norm1.bias" -> "features/5/14/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/14/norm1/layer_norm/0" -> "features/5/14/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/14/add/0" -> "features/5/14/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/14/add/0" -> "features/5/14/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.14.mlp.0.weight" -> "features/5/14/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.14.mlp.0.bias" -> "features/5/14/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/14/mlp/0/linear/0" -> "features/5/14/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/14/mlp/1/gelu/0" -> "features/5/14/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/14/mlp/2/dropout/0" -> "features/5/14/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.14.mlp.3.weight" -> "features/5/14/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.14.mlp.3.bias" -> "features/5/14/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/14/mlp/3/linear/0" -> "features/5/14/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/14/mlp/4/dropout/0" -> "features/5/14/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.14.norm2.weight" -> "features/5/14/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.14.norm2.bias" -> "features/5/14/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/14/norm2/layer_norm/0" -> "features/5/14/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/14/add/1" -> "features/5/15/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/14/add/1" -> "features/5/15/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.15.attn.relative_coords_table" -> "features/5/15/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.15.attn.cpb_mlp.0.weight" -> "features/5/15/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.15.attn.cpb_mlp.0.bias" -> "features/5/15/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/15/attn/cpb_mlp/0/linear/0" -> "features/5/15/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/15/attn/cpb_mlp/1/relu_/0" -> "features/5/15/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.15.attn.cpb_mlp.2.weight" -> "features/5/15/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/15/attn/cpb_mlp/2/linear/0" -> "features/5/15/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/15/attn/view/0" -> "features/5/15/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.15.attn.relative_position_index" -> "features/5/15/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/15/attn/__getitem__/0" -> "features/5/15/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/15/attn/view/1" -> "features/5/15/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/15/attn/permute/0" -> "features/5/15/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/15/attn/contiguous/0" -> "features/5/15/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/15/attn/unsqueeze/0" -> "features/5/15/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/15/attn/sigmoid/0" -> "features/5/15/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/15/attn/mul/0" -> "features/5/15/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/15/attn/pad/0" -> "features/5/15/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/15/attn/view/2" -> "features/5/15/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/15/attn/permute/1" -> "features/5/15/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/15/attn/reshape/0" -> "features/5/15/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.15.attn.qkv.bias" -> "features/5/15/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/15/attn/clone/0" -> "features/5/15/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/15/attn/clone/0" -> "features/5/15/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/15/attn/clone/0" -> "features/5/15/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/15/attn/__getitem__/1" -> "features/5/15/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.15.attn.qkv.weight" -> "features/5/15/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/15/attn/linear/0" -> "features/5/15/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/15/attn/reshape/1" -> "features/5/15/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/15/attn/permute/2" -> "features/5/15/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/15/attn/permute/2" -> "features/5/15/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/15/attn/permute/2" -> "features/5/15/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/15/attn/__getitem__/2" -> "features/5/15/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/15/attn/__getitem__/3" -> "features/5/15/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/15/attn/__getitem__/4" -> "features/5/15/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/15/attn/normalize/0" -> "features/5/15/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/15/attn/normalize/1" -> "features/5/15/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/15/attn/transpose/0" -> "features/5/15/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/15/attn/matmul/0" -> "features/5/15/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.15.attn.logit_scale" -> "features/5/15/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/15/attn/clamp/0" -> "features/5/15/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/15/attn/exp/0" -> "features/5/15/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/15/attn/mul/1" -> "features/5/15/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/15/attn/add/0" -> "features/5/15/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/15/attn/softmax/0" -> "features/5/15/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/15/attn/dropout/0" -> "features/5/15/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/15/attn/matmul/1" -> "features/5/15/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/15/attn/transpose/1" -> "features/5/15/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/15/attn/reshape/2" -> "features/5/15/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.15.attn.proj.weight" -> "features/5/15/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.15.attn.proj.bias" -> "features/5/15/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/15/attn/linear/1" -> "features/5/15/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/15/attn/dropout/1" -> "features/5/15/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/15/attn/view/3" -> "features/5/15/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/15/attn/permute/3" -> "features/5/15/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/15/attn/reshape/3" -> "features/5/15/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/15/attn/__getitem__/5" -> "features/5/15/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/15/attn/contiguous/1" -> "features/5/15/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.15.norm1.weight" -> "features/5/15/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.15.norm1.bias" -> "features/5/15/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/15/norm1/layer_norm/0" -> "features/5/15/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/15/add/0" -> "features/5/15/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/15/add/0" -> "features/5/15/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.15.mlp.0.weight" -> "features/5/15/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.15.mlp.0.bias" -> "features/5/15/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/15/mlp/0/linear/0" -> "features/5/15/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/15/mlp/1/gelu/0" -> "features/5/15/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/15/mlp/2/dropout/0" -> "features/5/15/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.15.mlp.3.weight" -> "features/5/15/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.15.mlp.3.bias" -> "features/5/15/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/15/mlp/3/linear/0" -> "features/5/15/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/15/mlp/4/dropout/0" -> "features/5/15/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.15.norm2.weight" -> "features/5/15/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.15.norm2.bias" -> "features/5/15/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/15/norm2/layer_norm/0" -> "features/5/15/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/15/add/1" -> "features/5/16/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/15/add/1" -> "features/5/16/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.16.attn.relative_coords_table" -> "features/5/16/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.16.attn.cpb_mlp.0.weight" -> "features/5/16/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.16.attn.cpb_mlp.0.bias" -> "features/5/16/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/16/attn/cpb_mlp/0/linear/0" -> "features/5/16/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/16/attn/cpb_mlp/1/relu_/0" -> "features/5/16/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.16.attn.cpb_mlp.2.weight" -> "features/5/16/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/16/attn/cpb_mlp/2/linear/0" -> "features/5/16/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/16/attn/view/0" -> "features/5/16/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.16.attn.relative_position_index" -> "features/5/16/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/16/attn/__getitem__/0" -> "features/5/16/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/16/attn/view/1" -> "features/5/16/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/16/attn/permute/0" -> "features/5/16/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/16/attn/contiguous/0" -> "features/5/16/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/16/attn/unsqueeze/0" -> "features/5/16/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/16/attn/sigmoid/0" -> "features/5/16/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/16/attn/mul/0" -> "features/5/16/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/16/attn/pad/0" -> "features/5/16/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/16/attn/view/2" -> "features/5/16/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/16/attn/permute/1" -> "features/5/16/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/16/attn/reshape/0" -> "features/5/16/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.16.attn.qkv.bias" -> "features/5/16/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/16/attn/clone/0" -> "features/5/16/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/16/attn/clone/0" -> "features/5/16/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/16/attn/clone/0" -> "features/5/16/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/16/attn/__getitem__/1" -> "features/5/16/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.16.attn.qkv.weight" -> "features/5/16/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/16/attn/linear/0" -> "features/5/16/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/16/attn/reshape/1" -> "features/5/16/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/16/attn/permute/2" -> "features/5/16/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/16/attn/permute/2" -> "features/5/16/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/16/attn/permute/2" -> "features/5/16/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/16/attn/__getitem__/2" -> "features/5/16/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/16/attn/__getitem__/3" -> "features/5/16/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/16/attn/__getitem__/4" -> "features/5/16/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/16/attn/normalize/0" -> "features/5/16/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/16/attn/normalize/1" -> "features/5/16/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/16/attn/transpose/0" -> "features/5/16/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/16/attn/matmul/0" -> "features/5/16/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.16.attn.logit_scale" -> "features/5/16/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/16/attn/clamp/0" -> "features/5/16/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/16/attn/exp/0" -> "features/5/16/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/16/attn/mul/1" -> "features/5/16/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/16/attn/add/0" -> "features/5/16/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/16/attn/softmax/0" -> "features/5/16/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/16/attn/dropout/0" -> "features/5/16/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/16/attn/matmul/1" -> "features/5/16/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/16/attn/transpose/1" -> "features/5/16/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/16/attn/reshape/2" -> "features/5/16/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.16.attn.proj.weight" -> "features/5/16/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.16.attn.proj.bias" -> "features/5/16/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/16/attn/linear/1" -> "features/5/16/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/16/attn/dropout/1" -> "features/5/16/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/16/attn/view/3" -> "features/5/16/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/16/attn/permute/3" -> "features/5/16/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/16/attn/reshape/3" -> "features/5/16/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/16/attn/__getitem__/5" -> "features/5/16/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/16/attn/contiguous/1" -> "features/5/16/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.16.norm1.weight" -> "features/5/16/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.16.norm1.bias" -> "features/5/16/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/16/norm1/layer_norm/0" -> "features/5/16/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/16/add/0" -> "features/5/16/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/16/add/0" -> "features/5/16/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.16.mlp.0.weight" -> "features/5/16/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.16.mlp.0.bias" -> "features/5/16/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/16/mlp/0/linear/0" -> "features/5/16/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/16/mlp/1/gelu/0" -> "features/5/16/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/16/mlp/2/dropout/0" -> "features/5/16/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.16.mlp.3.weight" -> "features/5/16/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.16.mlp.3.bias" -> "features/5/16/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/16/mlp/3/linear/0" -> "features/5/16/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/16/mlp/4/dropout/0" -> "features/5/16/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.16.norm2.weight" -> "features/5/16/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.16.norm2.bias" -> "features/5/16/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/16/norm2/layer_norm/0" -> "features/5/16/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/16/add/1" -> "features/5/17/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/16/add/1" -> "features/5/17/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.17.attn.relative_coords_table" -> "features/5/17/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.5.17.attn.cpb_mlp.0.weight" -> "features/5/17/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.5.17.attn.cpb_mlp.0.bias" -> "features/5/17/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/17/attn/cpb_mlp/0/linear/0" -> "features/5/17/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/5/17/attn/cpb_mlp/1/relu_/0" -> "features/5/17/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.5.17.attn.cpb_mlp.2.weight" -> "features/5/17/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; +"features/5/17/attn/cpb_mlp/2/linear/0" -> "features/5/17/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; +"features/5/17/attn/view/0" -> "features/5/17/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; +"features.5.17.attn.relative_position_index" -> "features/5/17/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/5/17/attn/__getitem__/0" -> "features/5/17/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; +"features/5/17/attn/view/1" -> "features/5/17/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; +"features/5/17/attn/permute/0" -> "features/5/17/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/17/attn/contiguous/0" -> "features/5/17/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; +"features/5/17/attn/unsqueeze/0" -> "features/5/17/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/17/attn/sigmoid/0" -> "features/5/17/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/17/attn/mul/0" -> "features/5/17/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/17/attn/pad/0" -> "features/5/17/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/17/attn/view/2" -> "features/5/17/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/17/attn/permute/1" -> "features/5/17/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/17/attn/reshape/0" -> "features/5/17/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.17.attn.qkv.bias" -> "features/5/17/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/17/attn/clone/0" -> "features/5/17/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/17/attn/clone/0" -> "features/5/17/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; +"features/5/17/attn/clone/0" -> "features/5/17/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; +"features/5/17/attn/__getitem__/1" -> "features/5/17/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; +"features.5.17.attn.qkv.weight" -> "features/5/17/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; +"features/5/17/attn/linear/0" -> "features/5/17/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; +"features/5/17/attn/reshape/1" -> "features/5/17/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; +"features/5/17/attn/permute/2" -> "features/5/17/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/17/attn/permute/2" -> "features/5/17/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/17/attn/permute/2" -> "features/5/17/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; +"features/5/17/attn/__getitem__/2" -> "features/5/17/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/17/attn/__getitem__/3" -> "features/5/17/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/17/attn/__getitem__/4" -> "features/5/17/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/17/attn/normalize/0" -> "features/5/17/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/17/attn/normalize/1" -> "features/5/17/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/17/attn/transpose/0" -> "features/5/17/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; +"features/5/17/attn/matmul/0" -> "features/5/17/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features.5.17.attn.logit_scale" -> "features/5/17/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/17/attn/clamp/0" -> "features/5/17/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/17/attn/exp/0" -> "features/5/17/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; +"features/5/17/attn/mul/1" -> "features/5/17/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/17/attn/add/0" -> "features/5/17/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/17/attn/softmax/0" -> "features/5/17/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/17/attn/dropout/0" -> "features/5/17/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; +"features/5/17/attn/matmul/1" -> "features/5/17/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; +"features/5/17/attn/transpose/1" -> "features/5/17/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; +"features/5/17/attn/reshape/2" -> "features/5/17/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features.5.17.attn.proj.weight" -> "features/5/17/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; +"features.5.17.attn.proj.bias" -> "features/5/17/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/17/attn/linear/1" -> "features/5/17/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/17/attn/dropout/1" -> "features/5/17/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; +"features/5/17/attn/view/3" -> "features/5/17/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; +"features/5/17/attn/permute/3" -> "features/5/17/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; +"features/5/17/attn/reshape/3" -> "features/5/17/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; +"features/5/17/attn/__getitem__/5" -> "features/5/17/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/17/attn/contiguous/1" -> "features/5/17/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.17.norm1.weight" -> "features/5/17/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.17.norm1.bias" -> "features/5/17/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/17/norm1/layer_norm/0" -> "features/5/17/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/17/add/0" -> "features/5/17/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/17/add/0" -> "features/5/17/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.17.mlp.0.weight" -> "features/5/17/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; +"features.5.17.mlp.0.bias" -> "features/5/17/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; +"features/5/17/mlp/0/linear/0" -> "features/5/17/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/17/mlp/1/gelu/0" -> "features/5/17/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features/5/17/mlp/2/dropout/0" -> "features/5/17/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; +"features.5.17.mlp.3.weight" -> "features/5/17/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; +"features.5.17.mlp.3.bias" -> "features/5/17/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/5/17/mlp/3/linear/0" -> "features/5/17/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/17/mlp/4/dropout/0" -> "features/5/17/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features.5.17.norm2.weight" -> "features/5/17/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.5.17.norm2.bias" -> "features/5/17/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features/5/17/norm2/layer_norm/0" -> "features/5/17/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/5/17/add/1" -> "features/6/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/6/pad/0" -> "features/6/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/6/pad/0" -> "features/6/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/6/pad/0" -> "features/6/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/6/pad/0" -> "features/6/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; +"features/6/__getitem__/0" -> "features/6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 512)"]; +"features/6/__getitem__/1" -> "features/6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2, 2, 512)"]; +"features/6/__getitem__/2" -> "features/6/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 2, 2, 512)"]; +"features/6/__getitem__/3" -> "features/6/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 2, 2, 512)"]; +"features/6/cat/0" -> "features/6/reduction/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 2048)"]; +"features.6.reduction.weight" -> "features/6/reduction/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 2048)"]; +"features/6/reduction/linear/0" -> "features/6/norm/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features.6.norm.weight" -> "features/6/norm/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"features.6.norm.bias" -> "features/6/norm/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"features/6/norm/layer_norm/0" -> "features/7/0/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features/6/norm/layer_norm/0" -> "features/7/0/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features.7.0.attn.relative_coords_table" -> "features/7/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.7.0.attn.cpb_mlp.0.weight" -> "features/7/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.7.0.attn.cpb_mlp.0.bias" -> "features/7/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/7/0/attn/cpb_mlp/0/linear/0" -> "features/7/0/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/7/0/attn/cpb_mlp/1/relu_/0" -> "features/7/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.7.0.attn.cpb_mlp.2.weight" -> "features/7/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 512)"]; +"features/7/0/attn/cpb_mlp/2/linear/0" -> "features/7/0/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 32)"]; +"features/7/0/attn/view/0" -> "features/7/0/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 32)"]; +"features.7.0.attn.relative_position_index" -> "features/7/0/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/7/0/attn/__getitem__/0" -> "features/7/0/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 32)"]; +"features/7/0/attn/view/1" -> "features/7/0/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 32)"]; +"features/7/0/attn/permute/0" -> "features/7/0/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 64, 64)"]; +"features/7/0/attn/contiguous/0" -> "features/7/0/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 64, 64)"]; +"features/7/0/attn/unsqueeze/0" -> "features/7/0/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features/7/0/attn/sigmoid/0" -> "features/7/0/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features/7/0/attn/mul/0" -> "features/7/0/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features/7/0/attn/pad/0" -> "features/7/0/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; +"features/7/0/attn/view/2" -> "features/7/0/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 1024)"]; +"features/7/0/attn/permute/1" -> "features/7/0/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 1024)"]; +"features/7/0/attn/reshape/0" -> "features/7/0/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; +"features.7.0.attn.qkv.bias" -> "features/7/0/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(3072,)"]; +"features/7/0/attn/clone/0" -> "features/7/0/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(3072,)"]; +"features/7/0/attn/clone/0" -> "features/7/0/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(3072,)"]; +"features/7/0/attn/clone/0" -> "features/7/0/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(3072,)"]; +"features/7/0/attn/__getitem__/1" -> "features/7/0/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1024,)"]; +"features.7.0.attn.qkv.weight" -> "features/7/0/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(3072, 1024)"]; +"features/7/0/attn/linear/0" -> "features/7/0/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3072)"]; +"features/7/0/attn/reshape/1" -> "features/7/0/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 32, 32)"]; +"features/7/0/attn/permute/2" -> "features/7/0/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 32, 64, 32)"]; +"features/7/0/attn/permute/2" -> "features/7/0/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 32, 64, 32)"]; +"features/7/0/attn/permute/2" -> "features/7/0/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 32, 64, 32)"]; +"features/7/0/attn/__getitem__/2" -> "features/7/0/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; +"features/7/0/attn/__getitem__/3" -> "features/7/0/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; +"features/7/0/attn/__getitem__/4" -> "features/7/0/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 64, 32)"]; +"features/7/0/attn/normalize/0" -> "features/7/0/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; +"features/7/0/attn/normalize/1" -> "features/7/0/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; +"features/7/0/attn/transpose/0" -> "features/7/0/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 32, 64)"]; +"features/7/0/attn/matmul/0" -> "features/7/0/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features.7.0.attn.logit_scale" -> "features/7/0/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 1, 1)"]; +"features/7/0/attn/clamp/0" -> "features/7/0/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 1, 1)"]; +"features/7/0/attn/exp/0" -> "features/7/0/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 1, 1)"]; +"features/7/0/attn/mul/1" -> "features/7/0/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features/7/0/attn/add/0" -> "features/7/0/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features/7/0/attn/softmax/0" -> "features/7/0/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features/7/0/attn/dropout/0" -> "features/7/0/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features/7/0/attn/matmul/1" -> "features/7/0/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; +"features/7/0/attn/transpose/1" -> "features/7/0/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features/7/0/attn/reshape/2" -> "features/7/0/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; +"features.7.0.attn.proj.weight" -> "features/7/0/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 1024)"]; +"features.7.0.attn.proj.bias" -> "features/7/0/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"features/7/0/attn/linear/1" -> "features/7/0/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; +"features/7/0/attn/dropout/1" -> "features/7/0/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; +"features/7/0/attn/view/3" -> "features/7/0/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 1024)"]; +"features/7/0/attn/permute/3" -> "features/7/0/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 1024)"]; +"features/7/0/attn/reshape/3" -> "features/7/0/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; +"features/7/0/attn/__getitem__/5" -> "features/7/0/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features/7/0/attn/contiguous/1" -> "features/7/0/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features.7.0.norm1.weight" -> "features/7/0/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"features.7.0.norm1.bias" -> "features/7/0/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"features/7/0/norm1/layer_norm/0" -> "features/7/0/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features/7/0/add/0" -> "features/7/0/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features/7/0/add/0" -> "features/7/0/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features.7.0.mlp.0.weight" -> "features/7/0/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4096, 1024)"]; +"features.7.0.mlp.0.bias" -> "features/7/0/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(4096,)"]; +"features/7/0/mlp/0/linear/0" -> "features/7/0/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 4096)"]; +"features/7/0/mlp/1/gelu/0" -> "features/7/0/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 4096)"]; +"features/7/0/mlp/2/dropout/0" -> "features/7/0/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 4096)"]; +"features.7.0.mlp.3.weight" -> "features/7/0/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 4096)"]; +"features.7.0.mlp.3.bias" -> "features/7/0/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"features/7/0/mlp/3/linear/0" -> "features/7/0/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features/7/0/mlp/4/dropout/0" -> "features/7/0/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features.7.0.norm2.weight" -> "features/7/0/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"features.7.0.norm2.bias" -> "features/7/0/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"features/7/0/norm2/layer_norm/0" -> "features/7/0/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features/7/0/add/1" -> "features/7/1/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features/7/0/add/1" -> "features/7/1/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features.7.1.attn.relative_coords_table" -> "features/7/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; +"features.7.1.attn.cpb_mlp.0.weight" -> "features/7/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; +"features.7.1.attn.cpb_mlp.0.bias" -> "features/7/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/7/1/attn/cpb_mlp/0/linear/0" -> "features/7/1/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features/7/1/attn/cpb_mlp/1/relu_/0" -> "features/7/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; +"features.7.1.attn.cpb_mlp.2.weight" -> "features/7/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 512)"]; +"features/7/1/attn/cpb_mlp/2/linear/0" -> "features/7/1/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 32)"]; +"features/7/1/attn/view/0" -> "features/7/1/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 32)"]; +"features.7.1.attn.relative_position_index" -> "features/7/1/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; +"features/7/1/attn/__getitem__/0" -> "features/7/1/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 32)"]; +"features/7/1/attn/view/1" -> "features/7/1/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 32)"]; +"features/7/1/attn/permute/0" -> "features/7/1/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 64, 64)"]; +"features/7/1/attn/contiguous/0" -> "features/7/1/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 64, 64)"]; +"features/7/1/attn/unsqueeze/0" -> "features/7/1/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features/7/1/attn/sigmoid/0" -> "features/7/1/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features/7/1/attn/mul/0" -> "features/7/1/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features/7/1/attn/pad/0" -> "features/7/1/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; +"features/7/1/attn/view/2" -> "features/7/1/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 1024)"]; +"features/7/1/attn/permute/1" -> "features/7/1/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 1024)"]; +"features/7/1/attn/reshape/0" -> "features/7/1/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; +"features.7.1.attn.qkv.bias" -> "features/7/1/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(3072,)"]; +"features/7/1/attn/clone/0" -> "features/7/1/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(3072,)"]; +"features/7/1/attn/clone/0" -> "features/7/1/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(3072,)"]; +"features/7/1/attn/clone/0" -> "features/7/1/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(3072,)"]; +"features/7/1/attn/__getitem__/1" -> "features/7/1/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1024,)"]; +"features.7.1.attn.qkv.weight" -> "features/7/1/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(3072, 1024)"]; +"features/7/1/attn/linear/0" -> "features/7/1/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3072)"]; +"features/7/1/attn/reshape/1" -> "features/7/1/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 32, 32)"]; +"features/7/1/attn/permute/2" -> "features/7/1/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 32, 64, 32)"]; +"features/7/1/attn/permute/2" -> "features/7/1/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 32, 64, 32)"]; +"features/7/1/attn/permute/2" -> "features/7/1/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 32, 64, 32)"]; +"features/7/1/attn/__getitem__/2" -> "features/7/1/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; +"features/7/1/attn/__getitem__/3" -> "features/7/1/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; +"features/7/1/attn/__getitem__/4" -> "features/7/1/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 64, 32)"]; +"features/7/1/attn/normalize/0" -> "features/7/1/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; +"features/7/1/attn/normalize/1" -> "features/7/1/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; +"features/7/1/attn/transpose/0" -> "features/7/1/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 32, 64)"]; +"features/7/1/attn/matmul/0" -> "features/7/1/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features.7.1.attn.logit_scale" -> "features/7/1/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 1, 1)"]; +"features/7/1/attn/clamp/0" -> "features/7/1/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 1, 1)"]; +"features/7/1/attn/exp/0" -> "features/7/1/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 1, 1)"]; +"features/7/1/attn/mul/1" -> "features/7/1/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features/7/1/attn/add/0" -> "features/7/1/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features/7/1/attn/softmax/0" -> "features/7/1/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features/7/1/attn/dropout/0" -> "features/7/1/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; +"features/7/1/attn/matmul/1" -> "features/7/1/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; +"features/7/1/attn/transpose/1" -> "features/7/1/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features/7/1/attn/reshape/2" -> "features/7/1/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; +"features.7.1.attn.proj.weight" -> "features/7/1/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 1024)"]; +"features.7.1.attn.proj.bias" -> "features/7/1/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"features/7/1/attn/linear/1" -> "features/7/1/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; +"features/7/1/attn/dropout/1" -> "features/7/1/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; +"features/7/1/attn/view/3" -> "features/7/1/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 1024)"]; +"features/7/1/attn/permute/3" -> "features/7/1/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 1024)"]; +"features/7/1/attn/reshape/3" -> "features/7/1/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; +"features/7/1/attn/__getitem__/5" -> "features/7/1/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features/7/1/attn/contiguous/1" -> "features/7/1/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features.7.1.norm1.weight" -> "features/7/1/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"features.7.1.norm1.bias" -> "features/7/1/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"features/7/1/norm1/layer_norm/0" -> "features/7/1/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features/7/1/add/0" -> "features/7/1/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features/7/1/add/0" -> "features/7/1/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features.7.1.mlp.0.weight" -> "features/7/1/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4096, 1024)"]; +"features.7.1.mlp.0.bias" -> "features/7/1/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(4096,)"]; +"features/7/1/mlp/0/linear/0" -> "features/7/1/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 4096)"]; +"features/7/1/mlp/1/gelu/0" -> "features/7/1/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 4096)"]; +"features/7/1/mlp/2/dropout/0" -> "features/7/1/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 4096)"]; +"features.7.1.mlp.3.weight" -> "features/7/1/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 4096)"]; +"features.7.1.mlp.3.bias" -> "features/7/1/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"features/7/1/mlp/3/linear/0" -> "features/7/1/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features/7/1/mlp/4/dropout/0" -> "features/7/1/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features.7.1.norm2.weight" -> "features/7/1/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"features.7.1.norm2.bias" -> "features/7/1/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"features/7/1/norm2/layer_norm/0" -> "features/7/1/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"features/7/1/add/1" -> "norm/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"norm.weight" -> "norm/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"norm.bias" -> "norm/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"norm/layer_norm/0" -> "permute/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; +"permute/permute/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; +"avgpool/adaptive_avg_pool2d/0" -> "flatten/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; +"flatten/flatten/0" -> "head/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"head.weight" -> "head/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1024)"]; +"head.bias" -> "head/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"head/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_vgg16.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_vgg16.dot index a1b30374795..004ba373010 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_vgg16.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_vgg16.dot @@ -1,149 +1,149 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"features.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.bias" [id=2, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/conv2d/0" [id=3, type=conv2d, metatype=PTConv2dMetatype]; -"features/1/relu_/0" [id=4, type="relu_", metatype=PTRELUMetatype]; -"features.2.weight" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.bias" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; -"features/3/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; -"features/4/max_pool2d/0" [id=9, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.5.weight" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.bias" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv2d/0" [id=12, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/relu_/0" [id=13, type="relu_", metatype=PTRELUMetatype]; -"features.7.weight" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.bias" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv2d/0" [id=16, type=conv2d, metatype=PTConv2dMetatype]; -"features/8/relu_/0" [id=17, type="relu_", metatype=PTRELUMetatype]; -"features/9/max_pool2d/0" [id=18, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.10.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv2d/0" [id=21, type=conv2d, metatype=PTConv2dMetatype]; -"features/11/relu_/0" [id=22, type="relu_", metatype=PTRELUMetatype]; -"features.12.weight" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.bias" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv2d/0" [id=25, type=conv2d, metatype=PTConv2dMetatype]; -"features/13/relu_/0" [id=26, type="relu_", metatype=PTRELUMetatype]; -"features.14.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.bias" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv2d/0" [id=29, type=conv2d, metatype=PTConv2dMetatype]; -"features/15/relu_/0" [id=30, type="relu_", metatype=PTRELUMetatype]; -"features/16/max_pool2d/0" [id=31, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.17.weight" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.bias" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv2d/0" [id=34, type=conv2d, metatype=PTConv2dMetatype]; -"features/18/relu_/0" [id=35, type="relu_", metatype=PTRELUMetatype]; -"features.19.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.19.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/19/conv2d/0" [id=38, type=conv2d, metatype=PTConv2dMetatype]; -"features/20/relu_/0" [id=39, type="relu_", metatype=PTRELUMetatype]; -"features.21.weight" [id=40, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.21.bias" [id=41, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/21/conv2d/0" [id=42, type=conv2d, metatype=PTConv2dMetatype]; -"features/22/relu_/0" [id=43, type="relu_", metatype=PTRELUMetatype]; -"features/23/max_pool2d/0" [id=44, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.24.weight" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.24.bias" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/24/conv2d/0" [id=47, type=conv2d, metatype=PTConv2dMetatype]; -"features/25/relu_/0" [id=48, type="relu_", metatype=PTRELUMetatype]; -"features.26.weight" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.26.bias" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/26/conv2d/0" [id=51, type=conv2d, metatype=PTConv2dMetatype]; -"features/27/relu_/0" [id=52, type="relu_", metatype=PTRELUMetatype]; -"features.28.weight" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.28.bias" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/28/conv2d/0" [id=55, type=conv2d, metatype=PTConv2dMetatype]; -"features/29/relu_/0" [id=56, type="relu_", metatype=PTRELUMetatype]; -"features/30/max_pool2d/0" [id=57, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"avgpool/adaptive_avg_pool2d/0" [id=58, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"/flatten/0" [id=59, type=flatten, metatype=PTReshapeMetatype]; -"classifier.0.weight" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.0.bias" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/0/linear/0" [id=62, type=linear, metatype=PTLinearMetatype]; -"classifier/1/relu_/0" [id=63, type="relu_", metatype=PTRELUMetatype]; -"classifier/2/dropout/0" [id=64, type=dropout, metatype=PTDropoutMetatype]; -"classifier.3.weight" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.3.bias" [id=66, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/3/linear/0" [id=67, type=linear, metatype=PTLinearMetatype]; -"classifier/4/relu_/0" [id=68, type="relu_", metatype=PTRELUMetatype]; -"classifier/5/dropout/0" [id=69, type=dropout, metatype=PTDropoutMetatype]; -"classifier.6.weight" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.6.bias" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/6/linear/0" [id=72, type=linear, metatype=PTLinearMetatype]; -output [id=73, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "features/0/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"features.0.weight" -> "features/0/conv2d/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"features.0.bias" -> "features/0/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features/1/relu_/0" -> "features/2/conv2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features.2.weight" -> "features/2/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"features.2.bias" -> "features/2/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features/2/conv2d/0" -> "features/3/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features/3/relu_/0" -> "features/4/max_pool2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features/4/max_pool2d/0" -> "features/5/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"features.5.weight" -> "features/5/conv2d/0" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"features.5.bias" -> "features/5/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features/5/conv2d/0" -> "features/6/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/6/relu_/0" -> "features/7/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.7.weight" -> "features/7/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features.7.bias" -> "features/7/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features/7/conv2d/0" -> "features/8/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/8/relu_/0" -> "features/9/max_pool2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/9/max_pool2d/0" -> "features/10/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.10.weight" -> "features/10/conv2d/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features.10.bias" -> "features/10/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features/10/conv2d/0" -> "features/11/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features/11/relu_/0" -> "features/12/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features.12.weight" -> "features/12/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"features.12.bias" -> "features/12/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features/12/conv2d/0" -> "features/13/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features/13/relu_/0" -> "features/14/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features.14.weight" -> "features/14/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"features.14.bias" -> "features/14/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features/14/conv2d/0" -> "features/15/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features/15/relu_/0" -> "features/16/max_pool2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features/16/max_pool2d/0" -> "features/17/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features.17.weight" -> "features/17/conv2d/0" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"features.17.bias" -> "features/17/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/17/conv2d/0" -> "features/18/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features/18/relu_/0" -> "features/19/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features.19.weight" -> "features/19/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"features.19.bias" -> "features/19/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/19/conv2d/0" -> "features/20/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features/20/relu_/0" -> "features/21/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features.21.weight" -> "features/21/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"features.21.bias" -> "features/21/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/21/conv2d/0" -> "features/22/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features/22/relu_/0" -> "features/23/max_pool2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features/23/max_pool2d/0" -> "features/24/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features.24.weight" -> "features/24/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"features.24.bias" -> "features/24/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/24/conv2d/0" -> "features/25/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/25/relu_/0" -> "features/26/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features.26.weight" -> "features/26/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"features.26.bias" -> "features/26/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/26/conv2d/0" -> "features/27/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/27/relu_/0" -> "features/28/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features.28.weight" -> "features/28/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"features.28.bias" -> "features/28/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features/28/conv2d/0" -> "features/29/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/29/relu_/0" -> "features/30/max_pool2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/30/max_pool2d/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 512, 7, 7)", out_port_id=0, in_port_id=0]; -"/flatten/0" -> "classifier/0/linear/0" [dtype=float, shape="(1, 25088)", out_port_id=0, in_port_id=0]; -"classifier.0.weight" -> "classifier/0/linear/0" [dtype=float, shape="(4096, 25088)", out_port_id=0, in_port_id=1]; -"classifier.0.bias" -> "classifier/0/linear/0" [dtype=float, shape="(4096,)", out_port_id=0, in_port_id=2]; -"classifier/0/linear/0" -> "classifier/1/relu_/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; -"classifier/1/relu_/0" -> "classifier/2/dropout/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; -"classifier/2/dropout/0" -> "classifier/3/linear/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; -"classifier.3.weight" -> "classifier/3/linear/0" [dtype=float, shape="(4096, 4096)", out_port_id=0, in_port_id=1]; -"classifier.3.bias" -> "classifier/3/linear/0" [dtype=float, shape="(4096,)", out_port_id=0, in_port_id=2]; -"classifier/3/linear/0" -> "classifier/4/relu_/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; -"classifier/4/relu_/0" -> "classifier/5/dropout/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; -"classifier/5/dropout/0" -> "classifier/6/linear/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; -"classifier.6.weight" -> "classifier/6/linear/0" [dtype=float, shape="(1000, 4096)", out_port_id=0, in_port_id=1]; -"classifier.6.bias" -> "classifier/6/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"classifier/6/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"features.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.bias" [id=2, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/conv2d/0" [id=3, metatype=PTConv2dMetatype, type=conv2d]; +"features/1/relu_/0" [id=4, metatype=PTRELUMetatype, type=relu_]; +"features.2.weight" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.bias" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; +"features/3/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; +"features/4/max_pool2d/0" [id=9, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.5.weight" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.bias" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv2d/0" [id=12, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/relu_/0" [id=13, metatype=PTRELUMetatype, type=relu_]; +"features.7.weight" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.bias" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv2d/0" [id=16, metatype=PTConv2dMetatype, type=conv2d]; +"features/8/relu_/0" [id=17, metatype=PTRELUMetatype, type=relu_]; +"features/9/max_pool2d/0" [id=18, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.10.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv2d/0" [id=21, metatype=PTConv2dMetatype, type=conv2d]; +"features/11/relu_/0" [id=22, metatype=PTRELUMetatype, type=relu_]; +"features.12.weight" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.bias" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv2d/0" [id=25, metatype=PTConv2dMetatype, type=conv2d]; +"features/13/relu_/0" [id=26, metatype=PTRELUMetatype, type=relu_]; +"features.14.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.bias" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv2d/0" [id=29, metatype=PTConv2dMetatype, type=conv2d]; +"features/15/relu_/0" [id=30, metatype=PTRELUMetatype, type=relu_]; +"features/16/max_pool2d/0" [id=31, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.17.weight" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.bias" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv2d/0" [id=34, metatype=PTConv2dMetatype, type=conv2d]; +"features/18/relu_/0" [id=35, metatype=PTRELUMetatype, type=relu_]; +"features.19.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.19.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/19/conv2d/0" [id=38, metatype=PTConv2dMetatype, type=conv2d]; +"features/20/relu_/0" [id=39, metatype=PTRELUMetatype, type=relu_]; +"features.21.weight" [id=40, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.21.bias" [id=41, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/21/conv2d/0" [id=42, metatype=PTConv2dMetatype, type=conv2d]; +"features/22/relu_/0" [id=43, metatype=PTRELUMetatype, type=relu_]; +"features/23/max_pool2d/0" [id=44, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.24.weight" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.24.bias" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/24/conv2d/0" [id=47, metatype=PTConv2dMetatype, type=conv2d]; +"features/25/relu_/0" [id=48, metatype=PTRELUMetatype, type=relu_]; +"features.26.weight" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.26.bias" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/26/conv2d/0" [id=51, metatype=PTConv2dMetatype, type=conv2d]; +"features/27/relu_/0" [id=52, metatype=PTRELUMetatype, type=relu_]; +"features.28.weight" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.28.bias" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/28/conv2d/0" [id=55, metatype=PTConv2dMetatype, type=conv2d]; +"features/29/relu_/0" [id=56, metatype=PTRELUMetatype, type=relu_]; +"features/30/max_pool2d/0" [id=57, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"avgpool/adaptive_avg_pool2d/0" [id=58, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"/flatten/0" [id=59, metatype=PTReshapeMetatype, type=flatten]; +"classifier.0.weight" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.0.bias" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/0/linear/0" [id=62, metatype=PTLinearMetatype, type=linear]; +"classifier/1/relu_/0" [id=63, metatype=PTRELUMetatype, type=relu_]; +"classifier/2/dropout/0" [id=64, metatype=PTDropoutMetatype, type=dropout]; +"classifier.3.weight" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.3.bias" [id=66, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/3/linear/0" [id=67, metatype=PTLinearMetatype, type=linear]; +"classifier/4/relu_/0" [id=68, metatype=PTRELUMetatype, type=relu_]; +"classifier/5/dropout/0" [id=69, metatype=PTDropoutMetatype, type=dropout]; +"classifier.6.weight" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.6.bias" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/6/linear/0" [id=72, metatype=PTLinearMetatype, type=linear]; +output [id=73, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "features/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"features.0.weight" -> "features/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 3, 3)"]; +"features.0.bias" -> "features/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features/1/relu_/0" -> "features/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features.2.weight" -> "features/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"features.2.bias" -> "features/2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features/2/conv2d/0" -> "features/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features/3/relu_/0" -> "features/4/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features/4/max_pool2d/0" -> "features/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"features.5.weight" -> "features/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 3, 3)"]; +"features.5.bias" -> "features/5/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features/5/conv2d/0" -> "features/6/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/6/relu_/0" -> "features/7/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.7.weight" -> "features/7/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; +"features.7.bias" -> "features/7/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features/7/conv2d/0" -> "features/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/8/relu_/0" -> "features/9/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/9/max_pool2d/0" -> "features/10/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.10.weight" -> "features/10/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 3, 3)"]; +"features.10.bias" -> "features/10/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features/10/conv2d/0" -> "features/11/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features/11/relu_/0" -> "features/12/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features.12.weight" -> "features/12/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; +"features.12.bias" -> "features/12/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features/12/conv2d/0" -> "features/13/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features/13/relu_/0" -> "features/14/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features.14.weight" -> "features/14/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; +"features.14.bias" -> "features/14/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features/14/conv2d/0" -> "features/15/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features/15/relu_/0" -> "features/16/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features/16/max_pool2d/0" -> "features/17/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features.17.weight" -> "features/17/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 3, 3)"]; +"features.17.bias" -> "features/17/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/17/conv2d/0" -> "features/18/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features/18/relu_/0" -> "features/19/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features.19.weight" -> "features/19/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features.19.bias" -> "features/19/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/19/conv2d/0" -> "features/20/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features/20/relu_/0" -> "features/21/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features.21.weight" -> "features/21/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features.21.bias" -> "features/21/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/21/conv2d/0" -> "features/22/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features/22/relu_/0" -> "features/23/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features/23/max_pool2d/0" -> "features/24/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features.24.weight" -> "features/24/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features.24.bias" -> "features/24/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/24/conv2d/0" -> "features/25/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/25/relu_/0" -> "features/26/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features.26.weight" -> "features/26/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features.26.bias" -> "features/26/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/26/conv2d/0" -> "features/27/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/27/relu_/0" -> "features/28/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features.28.weight" -> "features/28/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features.28.bias" -> "features/28/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features/28/conv2d/0" -> "features/29/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/29/relu_/0" -> "features/30/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/30/max_pool2d/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; +"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 7, 7)"]; +"/flatten/0" -> "classifier/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 25088)"]; +"classifier.0.weight" -> "classifier/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4096, 25088)"]; +"classifier.0.bias" -> "classifier/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(4096,)"]; +"classifier/0/linear/0" -> "classifier/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; +"classifier/1/relu_/0" -> "classifier/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; +"classifier/2/dropout/0" -> "classifier/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; +"classifier.3.weight" -> "classifier/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4096, 4096)"]; +"classifier.3.bias" -> "classifier/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(4096,)"]; +"classifier/3/linear/0" -> "classifier/4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; +"classifier/4/relu_/0" -> "classifier/5/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; +"classifier/5/dropout/0" -> "classifier/6/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; +"classifier.6.weight" -> "classifier/6/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 4096)"]; +"classifier.6.bias" -> "classifier/6/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"classifier/6/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_with_shared_parameters.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_with_shared_parameters.dot index 345c11a56f0..58bae24383b 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_with_shared_parameters.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_with_shared_parameters.dot @@ -1,17 +1,17 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"module1.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"module1/0/post_hook__module1:0:weight__0[0]/add/0" [id=2, type=add, metatype=PTAddMetatype]; -"module1/0/linear/0" [id=3, type=linear, metatype=PTLinearMetatype]; -"module2/0/linear/0" [id=4, type=linear, metatype=PTLinearMetatype]; -"/add/0" [id=5, type=add, metatype=PTAddMetatype]; -output [id=6, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "module1/0/linear/0" [dtype=float, shape="(1, 3)", out_port_id=0, in_port_id=0]; -x -> "module2/0/linear/0" [dtype=float, shape="(1, 3)", out_port_id=0, in_port_id=0]; -"module1.0.weight" -> "module1/0/post_hook__module1:0:weight__0[0]/add/0" [dtype=float, shape="(1, 3)", out_port_id=0, in_port_id=0]; -"module1/0/post_hook__module1:0:weight__0[0]/add/0" -> "module1/0/linear/0" [dtype=float, shape="(1, 3)", out_port_id=0, in_port_id=1]; -"module1/0/post_hook__module1:0:weight__0[0]/add/0" -> "module2/0/linear/0" [dtype=float, shape="(1, 3)", out_port_id=0, in_port_id=1]; -"module1/0/linear/0" -> "/add/0" [dtype=float, shape="(1, 1)", out_port_id=0, in_port_id=0]; -"module2/0/linear/0" -> "/add/0" [dtype=float, shape="(1, 1)", out_port_id=0, in_port_id=1]; -"/add/0" -> output [dtype=float, shape="(1, 1)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"module1.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"module1/0/post_hook__module1:0:weight__0[0]/add/0" [id=2, metatype=PTAddMetatype, type=add]; +"module1/0/linear/0" [id=3, metatype=PTLinearMetatype, type=linear]; +"module2/0/linear/0" [id=4, metatype=PTLinearMetatype, type=linear]; +"/add/0" [id=5, metatype=PTAddMetatype, type=add]; +output [id=6, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "module1/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3)"]; +x -> "module2/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3)"]; +"module1.0.weight" -> "module1/0/post_hook__module1:0:weight__0[0]/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3)"]; +"module1/0/post_hook__module1:0:weight__0[0]/add/0" -> "module1/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 3)"]; +"module1/0/post_hook__module1:0:weight__0[0]/add/0" -> "module2/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 3)"]; +"module1/0/linear/0" -> "/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1)"]; +"module2/0/linear/0" -> "/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1)"]; +"/add/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/alexnet.dot b/tests/torch2/data/quantization/test_quantized_graphs/alexnet.dot index 7a86c2a7ecc..3a0e61a925d 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/alexnet.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/alexnet.dot @@ -1,143 +1,143 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/0/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; -"features/1/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [id=10, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/2/max_pool2d/0" [id=11, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.3.weight" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.bias" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [id=15, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/3/conv2d/0" [id=16, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/relu_/0" [id=17, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/4/relu_/0__0.0._scale_param_storage" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" [id=19, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/5/max_pool2d/0" [id=20, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.6.weight" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.bias" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/6/conv2d/0__1.0._scale_param_storage" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" [id=24, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/conv2d/0" [id=25, type=conv2d, metatype=PTConv2dMetatype]; -"features/7/relu_/0" [id=26, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/7/relu_/0__0.0._scale_param_storage" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" [id=28, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.8.weight" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.bias" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/8/conv2d/0__1.0._scale_param_storage" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" [id=32, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/8/conv2d/0" [id=33, type=conv2d, metatype=PTConv2dMetatype]; -"features/9/relu_/0" [id=34, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [id=36, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.10.weight" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.bias" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [id=40, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/conv2d/0" [id=41, type=conv2d, metatype=PTConv2dMetatype]; -"features/11/relu_/0" [id=42, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/11/relu_/0__0.0._scale_param_storage" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" [id=44, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/12/max_pool2d/0" [id=45, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"/view/0" [id=46, type=view, metatype=PTReshapeMetatype]; -"classifier/0/dropout/0" [id=47, type=dropout, metatype=PTDropoutMetatype]; -"classifier.1.weight" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.1.bias" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [id=51, type="symmetric_quantize", metatype=UnknownMetatype]; -"classifier/1/linear/0" [id=52, type=linear, metatype=PTLinearMetatype]; -"classifier/2/relu_/0" [id=53, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [id=55, type="symmetric_quantize", metatype=UnknownMetatype]; -"classifier/3/dropout/0" [id=56, type=dropout, metatype=PTDropoutMetatype]; -"classifier.4.weight" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.4.bias" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.classifier/4/linear/0__1.0._scale_param_storage" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" [id=60, type="symmetric_quantize", metatype=UnknownMetatype]; -"classifier/4/linear/0" [id=61, type=linear, metatype=PTLinearMetatype]; -"classifier/5/relu_/0" [id=62, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.classifier/5/relu_/0__0.0._scale_param_storage" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" [id=64, type="symmetric_quantize", metatype=UnknownMetatype]; -"classifier.6.weight" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.6.bias" [id=66, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.classifier/6/linear/0__1.0._scale_param_storage" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" [id=68, type="symmetric_quantize", metatype=UnknownMetatype]; -"classifier/6/linear/0" [id=69, type=linear, metatype=PTLinearMetatype]; -output [id=70, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"features.0.weight" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=0]; -"features.0.bias" -> "features/0/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"features/1/relu_/0" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/max_pool2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"features/2/max_pool2d/0" -> "features/3/conv2d/0" [dtype=float, shape="(1, 64, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.weight" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"features.3.bias" -> "features/3/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv2d/0" [dtype=float, shape="(192, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"features/3/conv2d/0" -> "features/4/relu_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/4/relu_/0" -> "features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/4/relu_/0__0.0._scale_param_storage" -> "features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" -> "features/5/max_pool2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"features/5/max_pool2d/0" -> "features/6/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.weight" -> "features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 192, 3, 3)", out_port_id=0, in_port_id=0]; -"features.6.bias" -> "features/6/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/6/conv2d/0__1.0._scale_param_storage" -> "features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv2d/0" [dtype=float, shape="(384, 192, 3, 3)", out_port_id=0, in_port_id=1]; -"features/6/conv2d/0" -> "features/7/relu_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features/7/relu_/0" -> "features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/7/relu_/0__0.0._scale_param_storage" -> "features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" -> "features/8/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; -"features.8.weight" -> "features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 384, 3, 3)", out_port_id=0, in_port_id=0]; -"features.8.bias" -> "features/8/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/8/conv2d/0__1.0._scale_param_storage" -> "features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv2d/0" [dtype=float, shape="(256, 384, 3, 3)", out_port_id=0, in_port_id=1]; -"features/8/conv2d/0" -> "features/9/relu_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/9/relu_/0" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features.10.weight" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"features.10.bias" -> "features/10/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"features/10/conv2d/0" -> "features/11/relu_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/11/relu_/0" -> "features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/11/relu_/0__0.0._scale_param_storage" -> "features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/max_pool2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features/12/max_pool2d/0" -> "/view/0" [dtype=float, shape="(1, 256, 2, 2)", out_port_id=0, in_port_id=0]; -"/view/0" -> "classifier/0/dropout/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"classifier.1.weight" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(4096, 1024)", out_port_id=0, in_port_id=0]; -"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, shape="(4096,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(4096, 1)", out_port_id=0, in_port_id=4]; -"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" -> "classifier/1/linear/0" [dtype=float, shape="(4096, 1024)", out_port_id=0, in_port_id=1]; -"classifier/1/linear/0" -> "classifier/2/relu_/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; -"classifier/2/relu_/0" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" -> "classifier/3/dropout/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; -"classifier/3/dropout/0" -> "classifier/4/linear/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; -"classifier.4.weight" -> "classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(4096, 4096)", out_port_id=0, in_port_id=0]; -"classifier.4.bias" -> "classifier/4/linear/0" [dtype=float, shape="(4096,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.classifier/4/linear/0__1.0._scale_param_storage" -> "classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(4096, 1)", out_port_id=0, in_port_id=4]; -"classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" -> "classifier/4/linear/0" [dtype=float, shape="(4096, 4096)", out_port_id=0, in_port_id=1]; -"classifier/4/linear/0" -> "classifier/5/relu_/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; -"classifier/5/relu_/0" -> "classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.classifier/5/relu_/0__0.0._scale_param_storage" -> "classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" -> "classifier/6/linear/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; -"classifier.6.weight" -> "classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 4096)", out_port_id=0, in_port_id=0]; -"classifier.6.bias" -> "classifier/6/linear/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.classifier/6/linear/0__1.0._scale_param_storage" -> "classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1)", out_port_id=0, in_port_id=4]; -"classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" -> "classifier/6/linear/0" [dtype=float, shape="(10, 4096)", out_port_id=0, in_port_id=1]; -"classifier/6/linear/0" -> output [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/0/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; +"features/1/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [id=10, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/2/max_pool2d/0" [id=11, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.3.weight" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.bias" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [id=15, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/3/conv2d/0" [id=16, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/relu_/0" [id=17, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/4/relu_/0__0.0._scale_param_storage" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" [id=19, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/5/max_pool2d/0" [id=20, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.6.weight" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.bias" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/6/conv2d/0__1.0._scale_param_storage" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" [id=24, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/conv2d/0" [id=25, metatype=PTConv2dMetatype, type=conv2d]; +"features/7/relu_/0" [id=26, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/7/relu_/0__0.0._scale_param_storage" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" [id=28, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.8.weight" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.bias" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/8/conv2d/0__1.0._scale_param_storage" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" [id=32, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/8/conv2d/0" [id=33, metatype=PTConv2dMetatype, type=conv2d]; +"features/9/relu_/0" [id=34, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [id=36, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.10.weight" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.bias" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [id=40, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/conv2d/0" [id=41, metatype=PTConv2dMetatype, type=conv2d]; +"features/11/relu_/0" [id=42, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/11/relu_/0__0.0._scale_param_storage" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" [id=44, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/12/max_pool2d/0" [id=45, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"/view/0" [id=46, metatype=PTReshapeMetatype, type=view]; +"classifier/0/dropout/0" [id=47, metatype=PTDropoutMetatype, type=dropout]; +"classifier.1.weight" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.1.bias" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [id=51, metatype=UnknownMetatype, type=symmetric_quantize]; +"classifier/1/linear/0" [id=52, metatype=PTLinearMetatype, type=linear]; +"classifier/2/relu_/0" [id=53, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [id=55, metatype=UnknownMetatype, type=symmetric_quantize]; +"classifier/3/dropout/0" [id=56, metatype=PTDropoutMetatype, type=dropout]; +"classifier.4.weight" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.4.bias" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.classifier/4/linear/0__1.0._scale_param_storage" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" [id=60, metatype=UnknownMetatype, type=symmetric_quantize]; +"classifier/4/linear/0" [id=61, metatype=PTLinearMetatype, type=linear]; +"classifier/5/relu_/0" [id=62, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.classifier/5/relu_/0__0.0._scale_param_storage" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" [id=64, metatype=UnknownMetatype, type=symmetric_quantize]; +"classifier.6.weight" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.6.bias" [id=66, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.classifier/6/linear/0__1.0._scale_param_storage" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" [id=68, metatype=UnknownMetatype, type=symmetric_quantize]; +"classifier/6/linear/0" [id=69, metatype=PTLinearMetatype, type=linear]; +output [id=70, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"features.0.weight" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 3, 3, 3)"]; +"features.0.bias" -> "features/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 3, 3)"]; +"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"features/1/relu_/0" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"features/2/max_pool2d/0" -> "features/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 8, 8)"]; +"features.3.weight" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 64, 3, 3)"]; +"features.3.bias" -> "features/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 64, 3, 3)"]; +"features/3/conv2d/0" -> "features/4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/4/relu_/0" -> "features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"__nncf_hooks.post_hooks.features/4/relu_/0__0.0._scale_param_storage" -> "features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" -> "features/5/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"features/5/max_pool2d/0" -> "features/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features.6.weight" -> "features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 192, 3, 3)"]; +"features.6.bias" -> "features/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"__nncf_hooks.pre_hooks.features/6/conv2d/0__1.0._scale_param_storage" -> "features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 192, 3, 3)"]; +"features/6/conv2d/0" -> "features/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features/7/relu_/0" -> "features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"__nncf_hooks.post_hooks.features/7/relu_/0__0.0._scale_param_storage" -> "features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" -> "features/8/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; +"features.8.weight" -> "features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 384, 3, 3)"]; +"features.8.bias" -> "features/8/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.features/8/conv2d/0__1.0._scale_param_storage" -> "features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 384, 3, 3)"]; +"features/8/conv2d/0" -> "features/9/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/9/relu_/0" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features.10.weight" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; +"features.10.bias" -> "features/10/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; +"features/10/conv2d/0" -> "features/11/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/11/relu_/0" -> "features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"__nncf_hooks.post_hooks.features/11/relu_/0__0.0._scale_param_storage" -> "features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features/12/max_pool2d/0" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 2, 2)"]; +"/view/0" -> "classifier/0/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"classifier.1.weight" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 1024)"]; +"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(4096,)"]; +"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(4096, 1)"]; +"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" -> "classifier/1/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4096, 1024)"]; +"classifier/1/linear/0" -> "classifier/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; +"classifier/2/relu_/0" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; +"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" -> "classifier/3/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; +"classifier/3/dropout/0" -> "classifier/4/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; +"classifier.4.weight" -> "classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 4096)"]; +"classifier.4.bias" -> "classifier/4/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(4096,)"]; +"__nncf_hooks.pre_hooks.classifier/4/linear/0__1.0._scale_param_storage" -> "classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(4096, 1)"]; +"classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" -> "classifier/4/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4096, 4096)"]; +"classifier/4/linear/0" -> "classifier/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; +"classifier/5/relu_/0" -> "classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; +"__nncf_hooks.post_hooks.classifier/5/relu_/0__0.0._scale_param_storage" -> "classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" -> "classifier/6/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; +"classifier.6.weight" -> "classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 4096)"]; +"classifier.6.bias" -> "classifier/6/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; +"__nncf_hooks.pre_hooks.classifier/6/linear/0__1.0._scale_param_storage" -> "classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(10, 1)"]; +"classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" -> "classifier/6/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 4096)"]; +"classifier/6/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/densenet121.dot b/tests/torch2/data/quantization/test_quantized_graphs/densenet121.dot index 15231753384..6fd312f665b 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/densenet121.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/densenet121.dot @@ -1,3347 +1,3347 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=5, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv1/conv2d/0" [id=6, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.conv1/conv2d/0__0.0._scale_param_storage" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" [id=8, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1.0.bn1.weight" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.0.bn1.bias" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.0.bn1.running_mean" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.0.bn1.running_var" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/0/bn1/batch_norm/0" [id=13, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense1/0/relu/0" [id=14, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense1/0/relu/0__0.0._scale_param_storage" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" [id=16, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1.0.conv1.weight" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense1/0/conv1/conv2d/0__1.0._scale_param_storage" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=19, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/0/conv1/conv2d/0" [id=20, type=conv2d, metatype=PTConv2dMetatype]; -"dense1.0.bn2.weight" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.0.bn2.bias" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.0.bn2.running_mean" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.0.bn2.running_var" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/0/bn2/batch_norm/0" [id=25, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense1/0/relu/1" [id=26, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense1/0/relu/1__0.0._scale_param_storage" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" [id=28, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1.0.conv2.weight" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense1/0/conv2/conv2d/0__1.0._scale_param_storage" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=31, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/0/conv2/conv2d/0" [id=32, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense1/0/conv2/conv2d/0__0.0._scale_param_storage" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=34, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/0/cat/0" [id=35, type=cat, metatype=PTCatMetatype]; -"dense1.1.bn1.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.1.bn1.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.1.bn1.running_mean" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.1.bn1.running_var" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/1/bn1/batch_norm/0" [id=40, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense1/1/relu/0" [id=41, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense1/1/relu/0__0.0._scale_param_storage" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" [id=43, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1.1.conv1.weight" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense1/1/conv1/conv2d/0__1.0._scale_param_storage" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=46, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/1/conv1/conv2d/0" [id=47, type=conv2d, metatype=PTConv2dMetatype]; -"dense1.1.bn2.weight" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.1.bn2.bias" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.1.bn2.running_mean" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.1.bn2.running_var" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/1/bn2/batch_norm/0" [id=52, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense1/1/relu/1" [id=53, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense1/1/relu/1__0.0._scale_param_storage" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" [id=55, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1.1.conv2.weight" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense1/1/conv2/conv2d/0__1.0._scale_param_storage" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=58, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/1/conv2/conv2d/0" [id=59, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense1/1/conv2/conv2d/0__0.0._scale_param_storage" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=61, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/1/cat/0" [id=62, type=cat, metatype=PTCatMetatype]; -"dense1.2.bn1.weight" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.2.bn1.bias" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.2.bn1.running_mean" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.2.bn1.running_var" [id=66, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/2/bn1/batch_norm/0" [id=67, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense1/2/relu/0" [id=68, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense1/2/relu/0__0.0._scale_param_storage" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" [id=70, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1.2.conv1.weight" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense1/2/conv1/conv2d/0__1.0._scale_param_storage" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=73, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/2/conv1/conv2d/0" [id=74, type=conv2d, metatype=PTConv2dMetatype]; -"dense1.2.bn2.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.2.bn2.bias" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.2.bn2.running_mean" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.2.bn2.running_var" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/2/bn2/batch_norm/0" [id=79, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense1/2/relu/1" [id=80, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense1/2/relu/1__0.0._scale_param_storage" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" [id=82, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1.2.conv2.weight" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense1/2/conv2/conv2d/0__1.0._scale_param_storage" [id=84, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=85, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/2/conv2/conv2d/0" [id=86, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense1/2/conv2/conv2d/0__0.0._scale_param_storage" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=88, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/2/cat/0" [id=89, type=cat, metatype=PTCatMetatype]; -"dense1.3.bn1.weight" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.3.bn1.bias" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.3.bn1.running_mean" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.3.bn1.running_var" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/3/bn1/batch_norm/0" [id=94, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense1/3/relu/0" [id=95, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense1/3/relu/0__0.0._scale_param_storage" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" [id=97, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1.3.conv1.weight" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense1/3/conv1/conv2d/0__1.0._scale_param_storage" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=100, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/3/conv1/conv2d/0" [id=101, type=conv2d, metatype=PTConv2dMetatype]; -"dense1.3.bn2.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.3.bn2.bias" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.3.bn2.running_mean" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.3.bn2.running_var" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/3/bn2/batch_norm/0" [id=106, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense1/3/relu/1" [id=107, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense1/3/relu/1__0.0._scale_param_storage" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" [id=109, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1.3.conv2.weight" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense1/3/conv2/conv2d/0__1.0._scale_param_storage" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=112, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/3/conv2/conv2d/0" [id=113, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense1/3/conv2/conv2d/0__0.0._scale_param_storage" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=115, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/3/cat/0" [id=116, type=cat, metatype=PTCatMetatype]; -"dense1.4.bn1.weight" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.4.bn1.bias" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.4.bn1.running_mean" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.4.bn1.running_var" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/4/bn1/batch_norm/0" [id=121, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense1/4/relu/0" [id=122, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense1/4/relu/0__0.0._scale_param_storage" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" [id=124, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1.4.conv1.weight" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense1/4/conv1/conv2d/0__1.0._scale_param_storage" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=127, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/4/conv1/conv2d/0" [id=128, type=conv2d, metatype=PTConv2dMetatype]; -"dense1.4.bn2.weight" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.4.bn2.bias" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.4.bn2.running_mean" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.4.bn2.running_var" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/4/bn2/batch_norm/0" [id=133, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense1/4/relu/1" [id=134, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense1/4/relu/1__0.0._scale_param_storage" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" [id=136, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1.4.conv2.weight" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense1/4/conv2/conv2d/0__1.0._scale_param_storage" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=139, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/4/conv2/conv2d/0" [id=140, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense1/4/conv2/conv2d/0__0.0._scale_param_storage" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=142, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/4/cat/0" [id=143, type=cat, metatype=PTCatMetatype]; -"dense1.5.bn1.weight" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.5.bn1.bias" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.5.bn1.running_mean" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.5.bn1.running_var" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/5/bn1/batch_norm/0" [id=148, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense1/5/relu/0" [id=149, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense1/5/relu/0__0.0._scale_param_storage" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" [id=151, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1.5.conv1.weight" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense1/5/conv1/conv2d/0__1.0._scale_param_storage" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=154, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/5/conv1/conv2d/0" [id=155, type=conv2d, metatype=PTConv2dMetatype]; -"dense1.5.bn2.weight" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.5.bn2.bias" [id=157, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.5.bn2.running_mean" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1.5.bn2.running_var" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/5/bn2/batch_norm/0" [id=160, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense1/5/relu/1" [id=161, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense1/5/relu/1__0.0._scale_param_storage" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" [id=163, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1.5.conv2.weight" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense1/5/conv2/conv2d/0__1.0._scale_param_storage" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=166, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/5/conv2/conv2d/0" [id=167, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense1/5/conv2/conv2d/0__0.0._scale_param_storage" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=169, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense1/5/cat/0" [id=170, type=cat, metatype=PTCatMetatype]; -"trans1.bn.weight" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans1.bn.bias" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans1.bn.running_mean" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans1.bn.running_var" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans1/bn/batch_norm/0" [id=175, type="batch_norm", metatype=PTBatchNormMetatype]; -"trans1/relu/0" [id=176, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.trans1/relu/0__0.0._scale_param_storage" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" [id=178, type="symmetric_quantize", metatype=UnknownMetatype]; -"trans1.conv.weight" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.trans1/conv/conv2d/0__1.0._scale_param_storage" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=181, type="symmetric_quantize", metatype=UnknownMetatype]; -"trans1/conv/conv2d/0" [id=182, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.trans1/conv/conv2d/0__0.0._scale_param_storage" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" [id=184, type="symmetric_quantize", metatype=UnknownMetatype]; -"trans1/avg_pool2d/0" [id=185, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.trans1/avg_pool2d/0__0.0._scale_param_storage" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=187, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.0.bn1.weight" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.0.bn1.bias" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.0.bn1.running_mean" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.0.bn1.running_var" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/0/bn1/batch_norm/0" [id=192, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/0/relu/0" [id=193, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/0/relu/0__0.0._scale_param_storage" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" [id=195, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.0.conv1.weight" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/0/conv1/conv2d/0__1.0._scale_param_storage" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=198, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/0/conv1/conv2d/0" [id=199, type=conv2d, metatype=PTConv2dMetatype]; -"dense2.0.bn2.weight" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.0.bn2.bias" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.0.bn2.running_mean" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.0.bn2.running_var" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/0/bn2/batch_norm/0" [id=204, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/0/relu/1" [id=205, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/0/relu/1__0.0._scale_param_storage" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" [id=207, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.0.conv2.weight" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/0/conv2/conv2d/0__1.0._scale_param_storage" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=210, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/0/conv2/conv2d/0" [id=211, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense2/0/conv2/conv2d/0__0.0._scale_param_storage" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=213, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/0/cat/0" [id=214, type=cat, metatype=PTCatMetatype]; -"dense2.1.bn1.weight" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.1.bn1.bias" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.1.bn1.running_mean" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.1.bn1.running_var" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/1/bn1/batch_norm/0" [id=219, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/1/relu/0" [id=220, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/1/relu/0__0.0._scale_param_storage" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" [id=222, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.1.conv1.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/1/conv1/conv2d/0__1.0._scale_param_storage" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=225, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/1/conv1/conv2d/0" [id=226, type=conv2d, metatype=PTConv2dMetatype]; -"dense2.1.bn2.weight" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.1.bn2.bias" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.1.bn2.running_mean" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.1.bn2.running_var" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/1/bn2/batch_norm/0" [id=231, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/1/relu/1" [id=232, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/1/relu/1__0.0._scale_param_storage" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" [id=234, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.1.conv2.weight" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/1/conv2/conv2d/0__1.0._scale_param_storage" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=237, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/1/conv2/conv2d/0" [id=238, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense2/1/conv2/conv2d/0__0.0._scale_param_storage" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=240, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/1/cat/0" [id=241, type=cat, metatype=PTCatMetatype]; -"dense2.2.bn1.weight" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.2.bn1.bias" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.2.bn1.running_mean" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.2.bn1.running_var" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/2/bn1/batch_norm/0" [id=246, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/2/relu/0" [id=247, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/2/relu/0__0.0._scale_param_storage" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" [id=249, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.2.conv1.weight" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/2/conv1/conv2d/0__1.0._scale_param_storage" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=252, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/2/conv1/conv2d/0" [id=253, type=conv2d, metatype=PTConv2dMetatype]; -"dense2.2.bn2.weight" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.2.bn2.bias" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.2.bn2.running_mean" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.2.bn2.running_var" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/2/bn2/batch_norm/0" [id=258, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/2/relu/1" [id=259, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/2/relu/1__0.0._scale_param_storage" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" [id=261, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.2.conv2.weight" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/2/conv2/conv2d/0__1.0._scale_param_storage" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=264, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/2/conv2/conv2d/0" [id=265, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense2/2/conv2/conv2d/0__0.0._scale_param_storage" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=267, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/2/cat/0" [id=268, type=cat, metatype=PTCatMetatype]; -"dense2.3.bn1.weight" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.3.bn1.bias" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.3.bn1.running_mean" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.3.bn1.running_var" [id=272, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/3/bn1/batch_norm/0" [id=273, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/3/relu/0" [id=274, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/3/relu/0__0.0._scale_param_storage" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" [id=276, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.3.conv1.weight" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/3/conv1/conv2d/0__1.0._scale_param_storage" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=279, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/3/conv1/conv2d/0" [id=280, type=conv2d, metatype=PTConv2dMetatype]; -"dense2.3.bn2.weight" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.3.bn2.bias" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.3.bn2.running_mean" [id=283, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.3.bn2.running_var" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/3/bn2/batch_norm/0" [id=285, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/3/relu/1" [id=286, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/3/relu/1__0.0._scale_param_storage" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" [id=288, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.3.conv2.weight" [id=289, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/3/conv2/conv2d/0__1.0._scale_param_storage" [id=290, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=291, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/3/conv2/conv2d/0" [id=292, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense2/3/conv2/conv2d/0__0.0._scale_param_storage" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=294, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/3/cat/0" [id=295, type=cat, metatype=PTCatMetatype]; -"dense2.4.bn1.weight" [id=296, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.4.bn1.bias" [id=297, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.4.bn1.running_mean" [id=298, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.4.bn1.running_var" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/4/bn1/batch_norm/0" [id=300, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/4/relu/0" [id=301, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/4/relu/0__0.0._scale_param_storage" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" [id=303, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.4.conv1.weight" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/4/conv1/conv2d/0__1.0._scale_param_storage" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=306, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/4/conv1/conv2d/0" [id=307, type=conv2d, metatype=PTConv2dMetatype]; -"dense2.4.bn2.weight" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.4.bn2.bias" [id=309, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.4.bn2.running_mean" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.4.bn2.running_var" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/4/bn2/batch_norm/0" [id=312, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/4/relu/1" [id=313, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/4/relu/1__0.0._scale_param_storage" [id=314, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" [id=315, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.4.conv2.weight" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/4/conv2/conv2d/0__1.0._scale_param_storage" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=318, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/4/conv2/conv2d/0" [id=319, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense2/4/conv2/conv2d/0__0.0._scale_param_storage" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=321, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/4/cat/0" [id=322, type=cat, metatype=PTCatMetatype]; -"dense2.5.bn1.weight" [id=323, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.5.bn1.bias" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.5.bn1.running_mean" [id=325, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.5.bn1.running_var" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/5/bn1/batch_norm/0" [id=327, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/5/relu/0" [id=328, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/5/relu/0__0.0._scale_param_storage" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" [id=330, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.5.conv1.weight" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/5/conv1/conv2d/0__1.0._scale_param_storage" [id=332, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=333, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/5/conv1/conv2d/0" [id=334, type=conv2d, metatype=PTConv2dMetatype]; -"dense2.5.bn2.weight" [id=335, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.5.bn2.bias" [id=336, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.5.bn2.running_mean" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.5.bn2.running_var" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/5/bn2/batch_norm/0" [id=339, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/5/relu/1" [id=340, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/5/relu/1__0.0._scale_param_storage" [id=341, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" [id=342, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.5.conv2.weight" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/5/conv2/conv2d/0__1.0._scale_param_storage" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=345, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/5/conv2/conv2d/0" [id=346, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense2/5/conv2/conv2d/0__0.0._scale_param_storage" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=348, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/5/cat/0" [id=349, type=cat, metatype=PTCatMetatype]; -"dense2.6.bn1.weight" [id=350, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.6.bn1.bias" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.6.bn1.running_mean" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.6.bn1.running_var" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/6/bn1/batch_norm/0" [id=354, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/6/relu/0" [id=355, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/6/relu/0__0.0._scale_param_storage" [id=356, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" [id=357, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.6.conv1.weight" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/6/conv1/conv2d/0__1.0._scale_param_storage" [id=359, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=360, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/6/conv1/conv2d/0" [id=361, type=conv2d, metatype=PTConv2dMetatype]; -"dense2.6.bn2.weight" [id=362, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.6.bn2.bias" [id=363, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.6.bn2.running_mean" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.6.bn2.running_var" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/6/bn2/batch_norm/0" [id=366, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/6/relu/1" [id=367, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/6/relu/1__0.0._scale_param_storage" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" [id=369, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.6.conv2.weight" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/6/conv2/conv2d/0__1.0._scale_param_storage" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=372, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/6/conv2/conv2d/0" [id=373, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense2/6/conv2/conv2d/0__0.0._scale_param_storage" [id=374, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=375, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/6/cat/0" [id=376, type=cat, metatype=PTCatMetatype]; -"dense2.7.bn1.weight" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.7.bn1.bias" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.7.bn1.running_mean" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.7.bn1.running_var" [id=380, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/7/bn1/batch_norm/0" [id=381, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/7/relu/0" [id=382, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/7/relu/0__0.0._scale_param_storage" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" [id=384, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.7.conv1.weight" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/7/conv1/conv2d/0__1.0._scale_param_storage" [id=386, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=387, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/7/conv1/conv2d/0" [id=388, type=conv2d, metatype=PTConv2dMetatype]; -"dense2.7.bn2.weight" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.7.bn2.bias" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.7.bn2.running_mean" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.7.bn2.running_var" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/7/bn2/batch_norm/0" [id=393, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/7/relu/1" [id=394, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/7/relu/1__0.0._scale_param_storage" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" [id=396, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.7.conv2.weight" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/7/conv2/conv2d/0__1.0._scale_param_storage" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=399, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/7/conv2/conv2d/0" [id=400, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense2/7/conv2/conv2d/0__0.0._scale_param_storage" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=402, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/7/cat/0" [id=403, type=cat, metatype=PTCatMetatype]; -"dense2.8.bn1.weight" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.8.bn1.bias" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.8.bn1.running_mean" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.8.bn1.running_var" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/8/bn1/batch_norm/0" [id=408, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/8/relu/0" [id=409, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/8/relu/0__0.0._scale_param_storage" [id=410, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" [id=411, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.8.conv1.weight" [id=412, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/8/conv1/conv2d/0__1.0._scale_param_storage" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=414, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/8/conv1/conv2d/0" [id=415, type=conv2d, metatype=PTConv2dMetatype]; -"dense2.8.bn2.weight" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.8.bn2.bias" [id=417, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.8.bn2.running_mean" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.8.bn2.running_var" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/8/bn2/batch_norm/0" [id=420, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/8/relu/1" [id=421, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/8/relu/1__0.0._scale_param_storage" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" [id=423, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.8.conv2.weight" [id=424, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/8/conv2/conv2d/0__1.0._scale_param_storage" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=426, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/8/conv2/conv2d/0" [id=427, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense2/8/conv2/conv2d/0__0.0._scale_param_storage" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=429, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/8/cat/0" [id=430, type=cat, metatype=PTCatMetatype]; -"dense2.9.bn1.weight" [id=431, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.9.bn1.bias" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.9.bn1.running_mean" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.9.bn1.running_var" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/9/bn1/batch_norm/0" [id=435, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/9/relu/0" [id=436, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/9/relu/0__0.0._scale_param_storage" [id=437, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" [id=438, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.9.conv1.weight" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/9/conv1/conv2d/0__1.0._scale_param_storage" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=441, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/9/conv1/conv2d/0" [id=442, type=conv2d, metatype=PTConv2dMetatype]; -"dense2.9.bn2.weight" [id=443, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.9.bn2.bias" [id=444, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.9.bn2.running_mean" [id=445, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.9.bn2.running_var" [id=446, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/9/bn2/batch_norm/0" [id=447, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/9/relu/1" [id=448, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/9/relu/1__0.0._scale_param_storage" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" [id=450, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.9.conv2.weight" [id=451, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/9/conv2/conv2d/0__1.0._scale_param_storage" [id=452, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=453, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/9/conv2/conv2d/0" [id=454, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense2/9/conv2/conv2d/0__0.0._scale_param_storage" [id=455, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=456, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/9/cat/0" [id=457, type=cat, metatype=PTCatMetatype]; -"dense2.10.bn1.weight" [id=458, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.10.bn1.bias" [id=459, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.10.bn1.running_mean" [id=460, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.10.bn1.running_var" [id=461, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/10/bn1/batch_norm/0" [id=462, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/10/relu/0" [id=463, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/10/relu/0__0.0._scale_param_storage" [id=464, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" [id=465, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.10.conv1.weight" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/10/conv1/conv2d/0__1.0._scale_param_storage" [id=467, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=468, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/10/conv1/conv2d/0" [id=469, type=conv2d, metatype=PTConv2dMetatype]; -"dense2.10.bn2.weight" [id=470, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.10.bn2.bias" [id=471, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.10.bn2.running_mean" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.10.bn2.running_var" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/10/bn2/batch_norm/0" [id=474, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/10/relu/1" [id=475, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/10/relu/1__0.0._scale_param_storage" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" [id=477, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.10.conv2.weight" [id=478, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/10/conv2/conv2d/0__1.0._scale_param_storage" [id=479, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=480, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/10/conv2/conv2d/0" [id=481, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense2/10/conv2/conv2d/0__0.0._scale_param_storage" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=483, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/10/cat/0" [id=484, type=cat, metatype=PTCatMetatype]; -"dense2.11.bn1.weight" [id=485, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.11.bn1.bias" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.11.bn1.running_mean" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.11.bn1.running_var" [id=488, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/11/bn1/batch_norm/0" [id=489, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/11/relu/0" [id=490, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/11/relu/0__0.0._scale_param_storage" [id=491, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" [id=492, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.11.conv1.weight" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/11/conv1/conv2d/0__1.0._scale_param_storage" [id=494, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=495, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/11/conv1/conv2d/0" [id=496, type=conv2d, metatype=PTConv2dMetatype]; -"dense2.11.bn2.weight" [id=497, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.11.bn2.bias" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.11.bn2.running_mean" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2.11.bn2.running_var" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/11/bn2/batch_norm/0" [id=501, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense2/11/relu/1" [id=502, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense2/11/relu/1__0.0._scale_param_storage" [id=503, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" [id=504, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2.11.conv2.weight" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense2/11/conv2/conv2d/0__1.0._scale_param_storage" [id=506, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=507, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/11/conv2/conv2d/0" [id=508, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense2/11/conv2/conv2d/0__0.0._scale_param_storage" [id=509, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=510, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense2/11/cat/0" [id=511, type=cat, metatype=PTCatMetatype]; -"trans2.bn.weight" [id=512, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans2.bn.bias" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans2.bn.running_mean" [id=514, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans2.bn.running_var" [id=515, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans2/bn/batch_norm/0" [id=516, type="batch_norm", metatype=PTBatchNormMetatype]; -"trans2/relu/0" [id=517, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.trans2/relu/0__0.0._scale_param_storage" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" [id=519, type="symmetric_quantize", metatype=UnknownMetatype]; -"trans2.conv.weight" [id=520, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.trans2/conv/conv2d/0__1.0._scale_param_storage" [id=521, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=522, type="symmetric_quantize", metatype=UnknownMetatype]; -"trans2/conv/conv2d/0" [id=523, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.trans2/conv/conv2d/0__0.0._scale_param_storage" [id=524, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" [id=525, type="symmetric_quantize", metatype=UnknownMetatype]; -"trans2/avg_pool2d/0" [id=526, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.trans2/avg_pool2d/0__0.0._scale_param_storage" [id=527, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=528, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.0.bn1.weight" [id=529, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.0.bn1.bias" [id=530, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.0.bn1.running_mean" [id=531, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.0.bn1.running_var" [id=532, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/0/bn1/batch_norm/0" [id=533, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/0/relu/0" [id=534, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/0/relu/0__0.0._scale_param_storage" [id=535, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" [id=536, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.0.conv1.weight" [id=537, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/0/conv1/conv2d/0__1.0._scale_param_storage" [id=538, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=539, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/0/conv1/conv2d/0" [id=540, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.0.bn2.weight" [id=541, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.0.bn2.bias" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.0.bn2.running_mean" [id=543, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.0.bn2.running_var" [id=544, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/0/bn2/batch_norm/0" [id=545, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/0/relu/1" [id=546, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/0/relu/1__0.0._scale_param_storage" [id=547, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" [id=548, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.0.conv2.weight" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/0/conv2/conv2d/0__1.0._scale_param_storage" [id=550, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=551, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/0/conv2/conv2d/0" [id=552, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/0/conv2/conv2d/0__0.0._scale_param_storage" [id=553, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=554, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/0/cat/0" [id=555, type=cat, metatype=PTCatMetatype]; -"dense3.1.bn1.weight" [id=556, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.1.bn1.bias" [id=557, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.1.bn1.running_mean" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.1.bn1.running_var" [id=559, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/1/bn1/batch_norm/0" [id=560, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/1/relu/0" [id=561, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/1/relu/0__0.0._scale_param_storage" [id=562, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" [id=563, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.1.conv1.weight" [id=564, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/1/conv1/conv2d/0__1.0._scale_param_storage" [id=565, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=566, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/1/conv1/conv2d/0" [id=567, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.1.bn2.weight" [id=568, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.1.bn2.bias" [id=569, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.1.bn2.running_mean" [id=570, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.1.bn2.running_var" [id=571, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/1/bn2/batch_norm/0" [id=572, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/1/relu/1" [id=573, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/1/relu/1__0.0._scale_param_storage" [id=574, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" [id=575, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.1.conv2.weight" [id=576, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/1/conv2/conv2d/0__1.0._scale_param_storage" [id=577, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=578, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/1/conv2/conv2d/0" [id=579, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/1/conv2/conv2d/0__0.0._scale_param_storage" [id=580, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=581, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/1/cat/0" [id=582, type=cat, metatype=PTCatMetatype]; -"dense3.2.bn1.weight" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.2.bn1.bias" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.2.bn1.running_mean" [id=585, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.2.bn1.running_var" [id=586, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/2/bn1/batch_norm/0" [id=587, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/2/relu/0" [id=588, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/2/relu/0__0.0._scale_param_storage" [id=589, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" [id=590, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.2.conv1.weight" [id=591, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/2/conv1/conv2d/0__1.0._scale_param_storage" [id=592, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=593, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/2/conv1/conv2d/0" [id=594, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.2.bn2.weight" [id=595, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.2.bn2.bias" [id=596, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.2.bn2.running_mean" [id=597, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.2.bn2.running_var" [id=598, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/2/bn2/batch_norm/0" [id=599, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/2/relu/1" [id=600, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/2/relu/1__0.0._scale_param_storage" [id=601, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" [id=602, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.2.conv2.weight" [id=603, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/2/conv2/conv2d/0__1.0._scale_param_storage" [id=604, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=605, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/2/conv2/conv2d/0" [id=606, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/2/conv2/conv2d/0__0.0._scale_param_storage" [id=607, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=608, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/2/cat/0" [id=609, type=cat, metatype=PTCatMetatype]; -"dense3.3.bn1.weight" [id=610, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.3.bn1.bias" [id=611, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.3.bn1.running_mean" [id=612, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.3.bn1.running_var" [id=613, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/3/bn1/batch_norm/0" [id=614, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/3/relu/0" [id=615, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/3/relu/0__0.0._scale_param_storage" [id=616, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" [id=617, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.3.conv1.weight" [id=618, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/3/conv1/conv2d/0__1.0._scale_param_storage" [id=619, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=620, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/3/conv1/conv2d/0" [id=621, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.3.bn2.weight" [id=622, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.3.bn2.bias" [id=623, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.3.bn2.running_mean" [id=624, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.3.bn2.running_var" [id=625, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/3/bn2/batch_norm/0" [id=626, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/3/relu/1" [id=627, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/3/relu/1__0.0._scale_param_storage" [id=628, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" [id=629, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.3.conv2.weight" [id=630, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/3/conv2/conv2d/0__1.0._scale_param_storage" [id=631, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=632, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/3/conv2/conv2d/0" [id=633, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/3/conv2/conv2d/0__0.0._scale_param_storage" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=635, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/3/cat/0" [id=636, type=cat, metatype=PTCatMetatype]; -"dense3.4.bn1.weight" [id=637, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.4.bn1.bias" [id=638, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.4.bn1.running_mean" [id=639, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.4.bn1.running_var" [id=640, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/4/bn1/batch_norm/0" [id=641, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/4/relu/0" [id=642, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/4/relu/0__0.0._scale_param_storage" [id=643, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" [id=644, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.4.conv1.weight" [id=645, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/4/conv1/conv2d/0__1.0._scale_param_storage" [id=646, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=647, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/4/conv1/conv2d/0" [id=648, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.4.bn2.weight" [id=649, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.4.bn2.bias" [id=650, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.4.bn2.running_mean" [id=651, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.4.bn2.running_var" [id=652, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/4/bn2/batch_norm/0" [id=653, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/4/relu/1" [id=654, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/4/relu/1__0.0._scale_param_storage" [id=655, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" [id=656, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.4.conv2.weight" [id=657, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/4/conv2/conv2d/0__1.0._scale_param_storage" [id=658, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=659, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/4/conv2/conv2d/0" [id=660, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/4/conv2/conv2d/0__0.0._scale_param_storage" [id=661, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=662, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/4/cat/0" [id=663, type=cat, metatype=PTCatMetatype]; -"dense3.5.bn1.weight" [id=664, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.5.bn1.bias" [id=665, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.5.bn1.running_mean" [id=666, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.5.bn1.running_var" [id=667, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/5/bn1/batch_norm/0" [id=668, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/5/relu/0" [id=669, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/5/relu/0__0.0._scale_param_storage" [id=670, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" [id=671, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.5.conv1.weight" [id=672, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/5/conv1/conv2d/0__1.0._scale_param_storage" [id=673, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=674, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/5/conv1/conv2d/0" [id=675, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.5.bn2.weight" [id=676, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.5.bn2.bias" [id=677, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.5.bn2.running_mean" [id=678, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.5.bn2.running_var" [id=679, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/5/bn2/batch_norm/0" [id=680, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/5/relu/1" [id=681, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/5/relu/1__0.0._scale_param_storage" [id=682, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" [id=683, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.5.conv2.weight" [id=684, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/5/conv2/conv2d/0__1.0._scale_param_storage" [id=685, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=686, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/5/conv2/conv2d/0" [id=687, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/5/conv2/conv2d/0__0.0._scale_param_storage" [id=688, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=689, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/5/cat/0" [id=690, type=cat, metatype=PTCatMetatype]; -"dense3.6.bn1.weight" [id=691, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.6.bn1.bias" [id=692, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.6.bn1.running_mean" [id=693, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.6.bn1.running_var" [id=694, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/6/bn1/batch_norm/0" [id=695, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/6/relu/0" [id=696, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/6/relu/0__0.0._scale_param_storage" [id=697, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" [id=698, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.6.conv1.weight" [id=699, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/6/conv1/conv2d/0__1.0._scale_param_storage" [id=700, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=701, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/6/conv1/conv2d/0" [id=702, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.6.bn2.weight" [id=703, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.6.bn2.bias" [id=704, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.6.bn2.running_mean" [id=705, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.6.bn2.running_var" [id=706, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/6/bn2/batch_norm/0" [id=707, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/6/relu/1" [id=708, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/6/relu/1__0.0._scale_param_storage" [id=709, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" [id=710, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.6.conv2.weight" [id=711, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/6/conv2/conv2d/0__1.0._scale_param_storage" [id=712, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=713, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/6/conv2/conv2d/0" [id=714, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/6/conv2/conv2d/0__0.0._scale_param_storage" [id=715, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=716, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/6/cat/0" [id=717, type=cat, metatype=PTCatMetatype]; -"dense3.7.bn1.weight" [id=718, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.7.bn1.bias" [id=719, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.7.bn1.running_mean" [id=720, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.7.bn1.running_var" [id=721, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/7/bn1/batch_norm/0" [id=722, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/7/relu/0" [id=723, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/7/relu/0__0.0._scale_param_storage" [id=724, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" [id=725, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.7.conv1.weight" [id=726, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/7/conv1/conv2d/0__1.0._scale_param_storage" [id=727, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=728, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/7/conv1/conv2d/0" [id=729, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.7.bn2.weight" [id=730, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.7.bn2.bias" [id=731, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.7.bn2.running_mean" [id=732, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.7.bn2.running_var" [id=733, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/7/bn2/batch_norm/0" [id=734, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/7/relu/1" [id=735, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/7/relu/1__0.0._scale_param_storage" [id=736, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" [id=737, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.7.conv2.weight" [id=738, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/7/conv2/conv2d/0__1.0._scale_param_storage" [id=739, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=740, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/7/conv2/conv2d/0" [id=741, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/7/conv2/conv2d/0__0.0._scale_param_storage" [id=742, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=743, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/7/cat/0" [id=744, type=cat, metatype=PTCatMetatype]; -"dense3.8.bn1.weight" [id=745, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.8.bn1.bias" [id=746, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.8.bn1.running_mean" [id=747, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.8.bn1.running_var" [id=748, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/8/bn1/batch_norm/0" [id=749, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/8/relu/0" [id=750, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/8/relu/0__0.0._scale_param_storage" [id=751, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" [id=752, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.8.conv1.weight" [id=753, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/8/conv1/conv2d/0__1.0._scale_param_storage" [id=754, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=755, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/8/conv1/conv2d/0" [id=756, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.8.bn2.weight" [id=757, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.8.bn2.bias" [id=758, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.8.bn2.running_mean" [id=759, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.8.bn2.running_var" [id=760, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/8/bn2/batch_norm/0" [id=761, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/8/relu/1" [id=762, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/8/relu/1__0.0._scale_param_storage" [id=763, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" [id=764, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.8.conv2.weight" [id=765, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/8/conv2/conv2d/0__1.0._scale_param_storage" [id=766, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=767, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/8/conv2/conv2d/0" [id=768, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/8/conv2/conv2d/0__0.0._scale_param_storage" [id=769, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=770, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/8/cat/0" [id=771, type=cat, metatype=PTCatMetatype]; -"dense3.9.bn1.weight" [id=772, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.9.bn1.bias" [id=773, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.9.bn1.running_mean" [id=774, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.9.bn1.running_var" [id=775, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/9/bn1/batch_norm/0" [id=776, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/9/relu/0" [id=777, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/9/relu/0__0.0._scale_param_storage" [id=778, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" [id=779, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.9.conv1.weight" [id=780, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/9/conv1/conv2d/0__1.0._scale_param_storage" [id=781, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=782, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/9/conv1/conv2d/0" [id=783, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.9.bn2.weight" [id=784, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.9.bn2.bias" [id=785, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.9.bn2.running_mean" [id=786, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.9.bn2.running_var" [id=787, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/9/bn2/batch_norm/0" [id=788, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/9/relu/1" [id=789, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/9/relu/1__0.0._scale_param_storage" [id=790, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" [id=791, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.9.conv2.weight" [id=792, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/9/conv2/conv2d/0__1.0._scale_param_storage" [id=793, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=794, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/9/conv2/conv2d/0" [id=795, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/9/conv2/conv2d/0__0.0._scale_param_storage" [id=796, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=797, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/9/cat/0" [id=798, type=cat, metatype=PTCatMetatype]; -"dense3.10.bn1.weight" [id=799, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.10.bn1.bias" [id=800, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.10.bn1.running_mean" [id=801, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.10.bn1.running_var" [id=802, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/10/bn1/batch_norm/0" [id=803, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/10/relu/0" [id=804, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/10/relu/0__0.0._scale_param_storage" [id=805, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" [id=806, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.10.conv1.weight" [id=807, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/10/conv1/conv2d/0__1.0._scale_param_storage" [id=808, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=809, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/10/conv1/conv2d/0" [id=810, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.10.bn2.weight" [id=811, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.10.bn2.bias" [id=812, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.10.bn2.running_mean" [id=813, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.10.bn2.running_var" [id=814, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/10/bn2/batch_norm/0" [id=815, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/10/relu/1" [id=816, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/10/relu/1__0.0._scale_param_storage" [id=817, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" [id=818, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.10.conv2.weight" [id=819, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/10/conv2/conv2d/0__1.0._scale_param_storage" [id=820, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=821, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/10/conv2/conv2d/0" [id=822, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/10/conv2/conv2d/0__0.0._scale_param_storage" [id=823, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=824, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/10/cat/0" [id=825, type=cat, metatype=PTCatMetatype]; -"dense3.11.bn1.weight" [id=826, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.11.bn1.bias" [id=827, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.11.bn1.running_mean" [id=828, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.11.bn1.running_var" [id=829, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/11/bn1/batch_norm/0" [id=830, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/11/relu/0" [id=831, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/11/relu/0__0.0._scale_param_storage" [id=832, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" [id=833, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.11.conv1.weight" [id=834, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/11/conv1/conv2d/0__1.0._scale_param_storage" [id=835, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=836, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/11/conv1/conv2d/0" [id=837, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.11.bn2.weight" [id=838, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.11.bn2.bias" [id=839, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.11.bn2.running_mean" [id=840, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.11.bn2.running_var" [id=841, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/11/bn2/batch_norm/0" [id=842, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/11/relu/1" [id=843, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/11/relu/1__0.0._scale_param_storage" [id=844, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" [id=845, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.11.conv2.weight" [id=846, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/11/conv2/conv2d/0__1.0._scale_param_storage" [id=847, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=848, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/11/conv2/conv2d/0" [id=849, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/11/conv2/conv2d/0__0.0._scale_param_storage" [id=850, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=851, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/11/cat/0" [id=852, type=cat, metatype=PTCatMetatype]; -"dense3.12.bn1.weight" [id=853, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.12.bn1.bias" [id=854, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.12.bn1.running_mean" [id=855, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.12.bn1.running_var" [id=856, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/12/bn1/batch_norm/0" [id=857, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/12/relu/0" [id=858, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/12/relu/0__0.0._scale_param_storage" [id=859, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" [id=860, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.12.conv1.weight" [id=861, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/12/conv1/conv2d/0__1.0._scale_param_storage" [id=862, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=863, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/12/conv1/conv2d/0" [id=864, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.12.bn2.weight" [id=865, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.12.bn2.bias" [id=866, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.12.bn2.running_mean" [id=867, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.12.bn2.running_var" [id=868, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/12/bn2/batch_norm/0" [id=869, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/12/relu/1" [id=870, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/12/relu/1__0.0._scale_param_storage" [id=871, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" [id=872, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.12.conv2.weight" [id=873, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/12/conv2/conv2d/0__1.0._scale_param_storage" [id=874, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=875, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/12/conv2/conv2d/0" [id=876, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/12/conv2/conv2d/0__0.0._scale_param_storage" [id=877, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=878, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/12/cat/0" [id=879, type=cat, metatype=PTCatMetatype]; -"dense3.13.bn1.weight" [id=880, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.13.bn1.bias" [id=881, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.13.bn1.running_mean" [id=882, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.13.bn1.running_var" [id=883, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/13/bn1/batch_norm/0" [id=884, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/13/relu/0" [id=885, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/13/relu/0__0.0._scale_param_storage" [id=886, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" [id=887, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.13.conv1.weight" [id=888, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/13/conv1/conv2d/0__1.0._scale_param_storage" [id=889, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=890, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/13/conv1/conv2d/0" [id=891, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.13.bn2.weight" [id=892, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.13.bn2.bias" [id=893, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.13.bn2.running_mean" [id=894, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.13.bn2.running_var" [id=895, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/13/bn2/batch_norm/0" [id=896, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/13/relu/1" [id=897, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/13/relu/1__0.0._scale_param_storage" [id=898, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" [id=899, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.13.conv2.weight" [id=900, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/13/conv2/conv2d/0__1.0._scale_param_storage" [id=901, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=902, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/13/conv2/conv2d/0" [id=903, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/13/conv2/conv2d/0__0.0._scale_param_storage" [id=904, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=905, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/13/cat/0" [id=906, type=cat, metatype=PTCatMetatype]; -"dense3.14.bn1.weight" [id=907, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.14.bn1.bias" [id=908, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.14.bn1.running_mean" [id=909, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.14.bn1.running_var" [id=910, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/14/bn1/batch_norm/0" [id=911, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/14/relu/0" [id=912, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/14/relu/0__0.0._scale_param_storage" [id=913, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" [id=914, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.14.conv1.weight" [id=915, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/14/conv1/conv2d/0__1.0._scale_param_storage" [id=916, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=917, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/14/conv1/conv2d/0" [id=918, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.14.bn2.weight" [id=919, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.14.bn2.bias" [id=920, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.14.bn2.running_mean" [id=921, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.14.bn2.running_var" [id=922, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/14/bn2/batch_norm/0" [id=923, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/14/relu/1" [id=924, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/14/relu/1__0.0._scale_param_storage" [id=925, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" [id=926, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.14.conv2.weight" [id=927, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/14/conv2/conv2d/0__1.0._scale_param_storage" [id=928, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=929, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/14/conv2/conv2d/0" [id=930, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/14/conv2/conv2d/0__0.0._scale_param_storage" [id=931, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=932, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/14/cat/0" [id=933, type=cat, metatype=PTCatMetatype]; -"dense3.15.bn1.weight" [id=934, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.15.bn1.bias" [id=935, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.15.bn1.running_mean" [id=936, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.15.bn1.running_var" [id=937, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/15/bn1/batch_norm/0" [id=938, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/15/relu/0" [id=939, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/15/relu/0__0.0._scale_param_storage" [id=940, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" [id=941, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.15.conv1.weight" [id=942, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/15/conv1/conv2d/0__1.0._scale_param_storage" [id=943, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=944, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/15/conv1/conv2d/0" [id=945, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.15.bn2.weight" [id=946, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.15.bn2.bias" [id=947, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.15.bn2.running_mean" [id=948, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.15.bn2.running_var" [id=949, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/15/bn2/batch_norm/0" [id=950, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/15/relu/1" [id=951, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/15/relu/1__0.0._scale_param_storage" [id=952, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" [id=953, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.15.conv2.weight" [id=954, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/15/conv2/conv2d/0__1.0._scale_param_storage" [id=955, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=956, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/15/conv2/conv2d/0" [id=957, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/15/conv2/conv2d/0__0.0._scale_param_storage" [id=958, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=959, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/15/cat/0" [id=960, type=cat, metatype=PTCatMetatype]; -"dense3.16.bn1.weight" [id=961, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.16.bn1.bias" [id=962, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.16.bn1.running_mean" [id=963, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.16.bn1.running_var" [id=964, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/16/bn1/batch_norm/0" [id=965, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/16/relu/0" [id=966, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/16/relu/0__0.0._scale_param_storage" [id=967, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" [id=968, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.16.conv1.weight" [id=969, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/16/conv1/conv2d/0__1.0._scale_param_storage" [id=970, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=971, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/16/conv1/conv2d/0" [id=972, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.16.bn2.weight" [id=973, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.16.bn2.bias" [id=974, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.16.bn2.running_mean" [id=975, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.16.bn2.running_var" [id=976, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/16/bn2/batch_norm/0" [id=977, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/16/relu/1" [id=978, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/16/relu/1__0.0._scale_param_storage" [id=979, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" [id=980, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.16.conv2.weight" [id=981, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/16/conv2/conv2d/0__1.0._scale_param_storage" [id=982, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=983, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/16/conv2/conv2d/0" [id=984, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/16/conv2/conv2d/0__0.0._scale_param_storage" [id=985, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=986, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/16/cat/0" [id=987, type=cat, metatype=PTCatMetatype]; -"dense3.17.bn1.weight" [id=988, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.17.bn1.bias" [id=989, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.17.bn1.running_mean" [id=990, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.17.bn1.running_var" [id=991, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/17/bn1/batch_norm/0" [id=992, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/17/relu/0" [id=993, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/17/relu/0__0.0._scale_param_storage" [id=994, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" [id=995, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.17.conv1.weight" [id=996, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/17/conv1/conv2d/0__1.0._scale_param_storage" [id=997, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=998, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/17/conv1/conv2d/0" [id=999, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.17.bn2.weight" [id=1000, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.17.bn2.bias" [id=1001, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.17.bn2.running_mean" [id=1002, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.17.bn2.running_var" [id=1003, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/17/bn2/batch_norm/0" [id=1004, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/17/relu/1" [id=1005, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/17/relu/1__0.0._scale_param_storage" [id=1006, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" [id=1007, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.17.conv2.weight" [id=1008, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/17/conv2/conv2d/0__1.0._scale_param_storage" [id=1009, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1010, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/17/conv2/conv2d/0" [id=1011, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/17/conv2/conv2d/0__0.0._scale_param_storage" [id=1012, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1013, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/17/cat/0" [id=1014, type=cat, metatype=PTCatMetatype]; -"dense3.18.bn1.weight" [id=1015, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.18.bn1.bias" [id=1016, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.18.bn1.running_mean" [id=1017, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.18.bn1.running_var" [id=1018, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/18/bn1/batch_norm/0" [id=1019, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/18/relu/0" [id=1020, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/18/relu/0__0.0._scale_param_storage" [id=1021, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" [id=1022, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.18.conv1.weight" [id=1023, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/18/conv1/conv2d/0__1.0._scale_param_storage" [id=1024, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1025, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/18/conv1/conv2d/0" [id=1026, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.18.bn2.weight" [id=1027, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.18.bn2.bias" [id=1028, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.18.bn2.running_mean" [id=1029, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.18.bn2.running_var" [id=1030, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/18/bn2/batch_norm/0" [id=1031, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/18/relu/1" [id=1032, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/18/relu/1__0.0._scale_param_storage" [id=1033, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" [id=1034, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.18.conv2.weight" [id=1035, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/18/conv2/conv2d/0__1.0._scale_param_storage" [id=1036, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1037, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/18/conv2/conv2d/0" [id=1038, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/18/conv2/conv2d/0__0.0._scale_param_storage" [id=1039, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1040, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/18/cat/0" [id=1041, type=cat, metatype=PTCatMetatype]; -"dense3.19.bn1.weight" [id=1042, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.19.bn1.bias" [id=1043, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.19.bn1.running_mean" [id=1044, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.19.bn1.running_var" [id=1045, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/19/bn1/batch_norm/0" [id=1046, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/19/relu/0" [id=1047, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/19/relu/0__0.0._scale_param_storage" [id=1048, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" [id=1049, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.19.conv1.weight" [id=1050, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/19/conv1/conv2d/0__1.0._scale_param_storage" [id=1051, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1052, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/19/conv1/conv2d/0" [id=1053, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.19.bn2.weight" [id=1054, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.19.bn2.bias" [id=1055, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.19.bn2.running_mean" [id=1056, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.19.bn2.running_var" [id=1057, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/19/bn2/batch_norm/0" [id=1058, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/19/relu/1" [id=1059, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/19/relu/1__0.0._scale_param_storage" [id=1060, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" [id=1061, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.19.conv2.weight" [id=1062, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/19/conv2/conv2d/0__1.0._scale_param_storage" [id=1063, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1064, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/19/conv2/conv2d/0" [id=1065, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/19/conv2/conv2d/0__0.0._scale_param_storage" [id=1066, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1067, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/19/cat/0" [id=1068, type=cat, metatype=PTCatMetatype]; -"dense3.20.bn1.weight" [id=1069, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.20.bn1.bias" [id=1070, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.20.bn1.running_mean" [id=1071, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.20.bn1.running_var" [id=1072, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/20/bn1/batch_norm/0" [id=1073, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/20/relu/0" [id=1074, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/20/relu/0__0.0._scale_param_storage" [id=1075, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" [id=1076, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.20.conv1.weight" [id=1077, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/20/conv1/conv2d/0__1.0._scale_param_storage" [id=1078, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1079, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/20/conv1/conv2d/0" [id=1080, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.20.bn2.weight" [id=1081, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.20.bn2.bias" [id=1082, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.20.bn2.running_mean" [id=1083, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.20.bn2.running_var" [id=1084, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/20/bn2/batch_norm/0" [id=1085, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/20/relu/1" [id=1086, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/20/relu/1__0.0._scale_param_storage" [id=1087, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" [id=1088, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.20.conv2.weight" [id=1089, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/20/conv2/conv2d/0__1.0._scale_param_storage" [id=1090, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1091, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/20/conv2/conv2d/0" [id=1092, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/20/conv2/conv2d/0__0.0._scale_param_storage" [id=1093, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1094, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/20/cat/0" [id=1095, type=cat, metatype=PTCatMetatype]; -"dense3.21.bn1.weight" [id=1096, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.21.bn1.bias" [id=1097, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.21.bn1.running_mean" [id=1098, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.21.bn1.running_var" [id=1099, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/21/bn1/batch_norm/0" [id=1100, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/21/relu/0" [id=1101, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/21/relu/0__0.0._scale_param_storage" [id=1102, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" [id=1103, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.21.conv1.weight" [id=1104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/21/conv1/conv2d/0__1.0._scale_param_storage" [id=1105, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1106, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/21/conv1/conv2d/0" [id=1107, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.21.bn2.weight" [id=1108, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.21.bn2.bias" [id=1109, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.21.bn2.running_mean" [id=1110, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.21.bn2.running_var" [id=1111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/21/bn2/batch_norm/0" [id=1112, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/21/relu/1" [id=1113, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/21/relu/1__0.0._scale_param_storage" [id=1114, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" [id=1115, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.21.conv2.weight" [id=1116, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/21/conv2/conv2d/0__1.0._scale_param_storage" [id=1117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1118, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/21/conv2/conv2d/0" [id=1119, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/21/conv2/conv2d/0__0.0._scale_param_storage" [id=1120, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1121, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/21/cat/0" [id=1122, type=cat, metatype=PTCatMetatype]; -"dense3.22.bn1.weight" [id=1123, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.22.bn1.bias" [id=1124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.22.bn1.running_mean" [id=1125, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.22.bn1.running_var" [id=1126, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/22/bn1/batch_norm/0" [id=1127, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/22/relu/0" [id=1128, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/22/relu/0__0.0._scale_param_storage" [id=1129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" [id=1130, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.22.conv1.weight" [id=1131, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/22/conv1/conv2d/0__1.0._scale_param_storage" [id=1132, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1133, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/22/conv1/conv2d/0" [id=1134, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.22.bn2.weight" [id=1135, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.22.bn2.bias" [id=1136, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.22.bn2.running_mean" [id=1137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.22.bn2.running_var" [id=1138, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/22/bn2/batch_norm/0" [id=1139, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/22/relu/1" [id=1140, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/22/relu/1__0.0._scale_param_storage" [id=1141, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" [id=1142, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.22.conv2.weight" [id=1143, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/22/conv2/conv2d/0__1.0._scale_param_storage" [id=1144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1145, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/22/conv2/conv2d/0" [id=1146, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/22/conv2/conv2d/0__0.0._scale_param_storage" [id=1147, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1148, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/22/cat/0" [id=1149, type=cat, metatype=PTCatMetatype]; -"dense3.23.bn1.weight" [id=1150, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.23.bn1.bias" [id=1151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.23.bn1.running_mean" [id=1152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.23.bn1.running_var" [id=1153, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/23/bn1/batch_norm/0" [id=1154, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/23/relu/0" [id=1155, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/23/relu/0__0.0._scale_param_storage" [id=1156, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" [id=1157, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.23.conv1.weight" [id=1158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/23/conv1/conv2d/0__1.0._scale_param_storage" [id=1159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1160, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/23/conv1/conv2d/0" [id=1161, type=conv2d, metatype=PTConv2dMetatype]; -"dense3.23.bn2.weight" [id=1162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.23.bn2.bias" [id=1163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.23.bn2.running_mean" [id=1164, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3.23.bn2.running_var" [id=1165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/23/bn2/batch_norm/0" [id=1166, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense3/23/relu/1" [id=1167, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense3/23/relu/1__0.0._scale_param_storage" [id=1168, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" [id=1169, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3.23.conv2.weight" [id=1170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense3/23/conv2/conv2d/0__1.0._scale_param_storage" [id=1171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1172, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/23/conv2/conv2d/0" [id=1173, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense3/23/conv2/conv2d/0__0.0._scale_param_storage" [id=1174, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1175, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense3/23/cat/0" [id=1176, type=cat, metatype=PTCatMetatype]; -"trans3.bn.weight" [id=1177, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans3.bn.bias" [id=1178, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans3.bn.running_mean" [id=1179, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans3.bn.running_var" [id=1180, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans3/bn/batch_norm/0" [id=1181, type="batch_norm", metatype=PTBatchNormMetatype]; -"trans3/relu/0" [id=1182, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.trans3/relu/0__0.0._scale_param_storage" [id=1183, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" [id=1184, type="symmetric_quantize", metatype=UnknownMetatype]; -"trans3.conv.weight" [id=1185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.trans3/conv/conv2d/0__1.0._scale_param_storage" [id=1186, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1187, type="symmetric_quantize", metatype=UnknownMetatype]; -"trans3/conv/conv2d/0" [id=1188, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.trans3/conv/conv2d/0__0.0._scale_param_storage" [id=1189, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" [id=1190, type="symmetric_quantize", metatype=UnknownMetatype]; -"trans3/avg_pool2d/0" [id=1191, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.trans3/avg_pool2d/0__0.0._scale_param_storage" [id=1192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1193, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.0.bn1.weight" [id=1194, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.0.bn1.bias" [id=1195, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.0.bn1.running_mean" [id=1196, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.0.bn1.running_var" [id=1197, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/0/bn1/batch_norm/0" [id=1198, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/0/relu/0" [id=1199, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/0/relu/0__0.0._scale_param_storage" [id=1200, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" [id=1201, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.0.conv1.weight" [id=1202, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/0/conv1/conv2d/0__1.0._scale_param_storage" [id=1203, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1204, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/0/conv1/conv2d/0" [id=1205, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.0.bn2.weight" [id=1206, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.0.bn2.bias" [id=1207, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.0.bn2.running_mean" [id=1208, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.0.bn2.running_var" [id=1209, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/0/bn2/batch_norm/0" [id=1210, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/0/relu/1" [id=1211, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/0/relu/1__0.0._scale_param_storage" [id=1212, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" [id=1213, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.0.conv2.weight" [id=1214, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/0/conv2/conv2d/0__1.0._scale_param_storage" [id=1215, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1216, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/0/conv2/conv2d/0" [id=1217, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/0/conv2/conv2d/0__0.0._scale_param_storage" [id=1218, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1219, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/0/cat/0" [id=1220, type=cat, metatype=PTCatMetatype]; -"dense4.1.bn1.weight" [id=1221, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.1.bn1.bias" [id=1222, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.1.bn1.running_mean" [id=1223, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.1.bn1.running_var" [id=1224, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/1/bn1/batch_norm/0" [id=1225, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/1/relu/0" [id=1226, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/1/relu/0__0.0._scale_param_storage" [id=1227, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" [id=1228, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.1.conv1.weight" [id=1229, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/1/conv1/conv2d/0__1.0._scale_param_storage" [id=1230, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1231, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/1/conv1/conv2d/0" [id=1232, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.1.bn2.weight" [id=1233, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.1.bn2.bias" [id=1234, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.1.bn2.running_mean" [id=1235, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.1.bn2.running_var" [id=1236, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/1/bn2/batch_norm/0" [id=1237, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/1/relu/1" [id=1238, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/1/relu/1__0.0._scale_param_storage" [id=1239, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" [id=1240, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.1.conv2.weight" [id=1241, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/1/conv2/conv2d/0__1.0._scale_param_storage" [id=1242, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1243, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/1/conv2/conv2d/0" [id=1244, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/1/conv2/conv2d/0__0.0._scale_param_storage" [id=1245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1246, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/1/cat/0" [id=1247, type=cat, metatype=PTCatMetatype]; -"dense4.2.bn1.weight" [id=1248, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.2.bn1.bias" [id=1249, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.2.bn1.running_mean" [id=1250, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.2.bn1.running_var" [id=1251, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/2/bn1/batch_norm/0" [id=1252, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/2/relu/0" [id=1253, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/2/relu/0__0.0._scale_param_storage" [id=1254, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" [id=1255, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.2.conv1.weight" [id=1256, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/2/conv1/conv2d/0__1.0._scale_param_storage" [id=1257, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1258, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/2/conv1/conv2d/0" [id=1259, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.2.bn2.weight" [id=1260, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.2.bn2.bias" [id=1261, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.2.bn2.running_mean" [id=1262, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.2.bn2.running_var" [id=1263, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/2/bn2/batch_norm/0" [id=1264, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/2/relu/1" [id=1265, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/2/relu/1__0.0._scale_param_storage" [id=1266, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" [id=1267, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.2.conv2.weight" [id=1268, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/2/conv2/conv2d/0__1.0._scale_param_storage" [id=1269, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1270, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/2/conv2/conv2d/0" [id=1271, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/2/conv2/conv2d/0__0.0._scale_param_storage" [id=1272, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1273, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/2/cat/0" [id=1274, type=cat, metatype=PTCatMetatype]; -"dense4.3.bn1.weight" [id=1275, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.3.bn1.bias" [id=1276, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.3.bn1.running_mean" [id=1277, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.3.bn1.running_var" [id=1278, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/3/bn1/batch_norm/0" [id=1279, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/3/relu/0" [id=1280, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/3/relu/0__0.0._scale_param_storage" [id=1281, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" [id=1282, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.3.conv1.weight" [id=1283, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/3/conv1/conv2d/0__1.0._scale_param_storage" [id=1284, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1285, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/3/conv1/conv2d/0" [id=1286, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.3.bn2.weight" [id=1287, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.3.bn2.bias" [id=1288, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.3.bn2.running_mean" [id=1289, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.3.bn2.running_var" [id=1290, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/3/bn2/batch_norm/0" [id=1291, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/3/relu/1" [id=1292, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/3/relu/1__0.0._scale_param_storage" [id=1293, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" [id=1294, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.3.conv2.weight" [id=1295, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/3/conv2/conv2d/0__1.0._scale_param_storage" [id=1296, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1297, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/3/conv2/conv2d/0" [id=1298, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/3/conv2/conv2d/0__0.0._scale_param_storage" [id=1299, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1300, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/3/cat/0" [id=1301, type=cat, metatype=PTCatMetatype]; -"dense4.4.bn1.weight" [id=1302, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.4.bn1.bias" [id=1303, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.4.bn1.running_mean" [id=1304, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.4.bn1.running_var" [id=1305, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/4/bn1/batch_norm/0" [id=1306, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/4/relu/0" [id=1307, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/4/relu/0__0.0._scale_param_storage" [id=1308, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" [id=1309, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.4.conv1.weight" [id=1310, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/4/conv1/conv2d/0__1.0._scale_param_storage" [id=1311, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1312, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/4/conv1/conv2d/0" [id=1313, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.4.bn2.weight" [id=1314, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.4.bn2.bias" [id=1315, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.4.bn2.running_mean" [id=1316, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.4.bn2.running_var" [id=1317, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/4/bn2/batch_norm/0" [id=1318, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/4/relu/1" [id=1319, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/4/relu/1__0.0._scale_param_storage" [id=1320, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" [id=1321, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.4.conv2.weight" [id=1322, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/4/conv2/conv2d/0__1.0._scale_param_storage" [id=1323, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1324, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/4/conv2/conv2d/0" [id=1325, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/4/conv2/conv2d/0__0.0._scale_param_storage" [id=1326, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1327, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/4/cat/0" [id=1328, type=cat, metatype=PTCatMetatype]; -"dense4.5.bn1.weight" [id=1329, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.5.bn1.bias" [id=1330, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.5.bn1.running_mean" [id=1331, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.5.bn1.running_var" [id=1332, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/5/bn1/batch_norm/0" [id=1333, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/5/relu/0" [id=1334, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/5/relu/0__0.0._scale_param_storage" [id=1335, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" [id=1336, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.5.conv1.weight" [id=1337, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/5/conv1/conv2d/0__1.0._scale_param_storage" [id=1338, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1339, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/5/conv1/conv2d/0" [id=1340, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.5.bn2.weight" [id=1341, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.5.bn2.bias" [id=1342, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.5.bn2.running_mean" [id=1343, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.5.bn2.running_var" [id=1344, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/5/bn2/batch_norm/0" [id=1345, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/5/relu/1" [id=1346, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/5/relu/1__0.0._scale_param_storage" [id=1347, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" [id=1348, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.5.conv2.weight" [id=1349, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/5/conv2/conv2d/0__1.0._scale_param_storage" [id=1350, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1351, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/5/conv2/conv2d/0" [id=1352, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/5/conv2/conv2d/0__0.0._scale_param_storage" [id=1353, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1354, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/5/cat/0" [id=1355, type=cat, metatype=PTCatMetatype]; -"dense4.6.bn1.weight" [id=1356, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.6.bn1.bias" [id=1357, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.6.bn1.running_mean" [id=1358, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.6.bn1.running_var" [id=1359, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/6/bn1/batch_norm/0" [id=1360, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/6/relu/0" [id=1361, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/6/relu/0__0.0._scale_param_storage" [id=1362, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" [id=1363, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.6.conv1.weight" [id=1364, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/6/conv1/conv2d/0__1.0._scale_param_storage" [id=1365, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1366, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/6/conv1/conv2d/0" [id=1367, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.6.bn2.weight" [id=1368, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.6.bn2.bias" [id=1369, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.6.bn2.running_mean" [id=1370, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.6.bn2.running_var" [id=1371, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/6/bn2/batch_norm/0" [id=1372, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/6/relu/1" [id=1373, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/6/relu/1__0.0._scale_param_storage" [id=1374, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" [id=1375, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.6.conv2.weight" [id=1376, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/6/conv2/conv2d/0__1.0._scale_param_storage" [id=1377, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1378, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/6/conv2/conv2d/0" [id=1379, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/6/conv2/conv2d/0__0.0._scale_param_storage" [id=1380, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1381, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/6/cat/0" [id=1382, type=cat, metatype=PTCatMetatype]; -"dense4.7.bn1.weight" [id=1383, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.7.bn1.bias" [id=1384, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.7.bn1.running_mean" [id=1385, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.7.bn1.running_var" [id=1386, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/7/bn1/batch_norm/0" [id=1387, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/7/relu/0" [id=1388, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/7/relu/0__0.0._scale_param_storage" [id=1389, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" [id=1390, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.7.conv1.weight" [id=1391, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/7/conv1/conv2d/0__1.0._scale_param_storage" [id=1392, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1393, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/7/conv1/conv2d/0" [id=1394, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.7.bn2.weight" [id=1395, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.7.bn2.bias" [id=1396, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.7.bn2.running_mean" [id=1397, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.7.bn2.running_var" [id=1398, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/7/bn2/batch_norm/0" [id=1399, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/7/relu/1" [id=1400, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/7/relu/1__0.0._scale_param_storage" [id=1401, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" [id=1402, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.7.conv2.weight" [id=1403, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/7/conv2/conv2d/0__1.0._scale_param_storage" [id=1404, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1405, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/7/conv2/conv2d/0" [id=1406, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/7/conv2/conv2d/0__0.0._scale_param_storage" [id=1407, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1408, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/7/cat/0" [id=1409, type=cat, metatype=PTCatMetatype]; -"dense4.8.bn1.weight" [id=1410, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.8.bn1.bias" [id=1411, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.8.bn1.running_mean" [id=1412, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.8.bn1.running_var" [id=1413, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/8/bn1/batch_norm/0" [id=1414, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/8/relu/0" [id=1415, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/8/relu/0__0.0._scale_param_storage" [id=1416, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" [id=1417, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.8.conv1.weight" [id=1418, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/8/conv1/conv2d/0__1.0._scale_param_storage" [id=1419, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1420, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/8/conv1/conv2d/0" [id=1421, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.8.bn2.weight" [id=1422, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.8.bn2.bias" [id=1423, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.8.bn2.running_mean" [id=1424, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.8.bn2.running_var" [id=1425, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/8/bn2/batch_norm/0" [id=1426, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/8/relu/1" [id=1427, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/8/relu/1__0.0._scale_param_storage" [id=1428, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" [id=1429, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.8.conv2.weight" [id=1430, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/8/conv2/conv2d/0__1.0._scale_param_storage" [id=1431, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1432, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/8/conv2/conv2d/0" [id=1433, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/8/conv2/conv2d/0__0.0._scale_param_storage" [id=1434, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1435, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/8/cat/0" [id=1436, type=cat, metatype=PTCatMetatype]; -"dense4.9.bn1.weight" [id=1437, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.9.bn1.bias" [id=1438, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.9.bn1.running_mean" [id=1439, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.9.bn1.running_var" [id=1440, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/9/bn1/batch_norm/0" [id=1441, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/9/relu/0" [id=1442, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/9/relu/0__0.0._scale_param_storage" [id=1443, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" [id=1444, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.9.conv1.weight" [id=1445, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/9/conv1/conv2d/0__1.0._scale_param_storage" [id=1446, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1447, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/9/conv1/conv2d/0" [id=1448, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.9.bn2.weight" [id=1449, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.9.bn2.bias" [id=1450, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.9.bn2.running_mean" [id=1451, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.9.bn2.running_var" [id=1452, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/9/bn2/batch_norm/0" [id=1453, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/9/relu/1" [id=1454, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/9/relu/1__0.0._scale_param_storage" [id=1455, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" [id=1456, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.9.conv2.weight" [id=1457, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/9/conv2/conv2d/0__1.0._scale_param_storage" [id=1458, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1459, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/9/conv2/conv2d/0" [id=1460, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/9/conv2/conv2d/0__0.0._scale_param_storage" [id=1461, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1462, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/9/cat/0" [id=1463, type=cat, metatype=PTCatMetatype]; -"dense4.10.bn1.weight" [id=1464, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.10.bn1.bias" [id=1465, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.10.bn1.running_mean" [id=1466, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.10.bn1.running_var" [id=1467, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/10/bn1/batch_norm/0" [id=1468, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/10/relu/0" [id=1469, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/10/relu/0__0.0._scale_param_storage" [id=1470, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" [id=1471, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.10.conv1.weight" [id=1472, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/10/conv1/conv2d/0__1.0._scale_param_storage" [id=1473, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1474, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/10/conv1/conv2d/0" [id=1475, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.10.bn2.weight" [id=1476, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.10.bn2.bias" [id=1477, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.10.bn2.running_mean" [id=1478, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.10.bn2.running_var" [id=1479, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/10/bn2/batch_norm/0" [id=1480, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/10/relu/1" [id=1481, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/10/relu/1__0.0._scale_param_storage" [id=1482, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" [id=1483, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.10.conv2.weight" [id=1484, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/10/conv2/conv2d/0__1.0._scale_param_storage" [id=1485, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1486, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/10/conv2/conv2d/0" [id=1487, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/10/conv2/conv2d/0__0.0._scale_param_storage" [id=1488, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1489, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/10/cat/0" [id=1490, type=cat, metatype=PTCatMetatype]; -"dense4.11.bn1.weight" [id=1491, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.11.bn1.bias" [id=1492, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.11.bn1.running_mean" [id=1493, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.11.bn1.running_var" [id=1494, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/11/bn1/batch_norm/0" [id=1495, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/11/relu/0" [id=1496, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/11/relu/0__0.0._scale_param_storage" [id=1497, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" [id=1498, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.11.conv1.weight" [id=1499, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/11/conv1/conv2d/0__1.0._scale_param_storage" [id=1500, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1501, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/11/conv1/conv2d/0" [id=1502, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.11.bn2.weight" [id=1503, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.11.bn2.bias" [id=1504, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.11.bn2.running_mean" [id=1505, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.11.bn2.running_var" [id=1506, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/11/bn2/batch_norm/0" [id=1507, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/11/relu/1" [id=1508, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/11/relu/1__0.0._scale_param_storage" [id=1509, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" [id=1510, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.11.conv2.weight" [id=1511, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/11/conv2/conv2d/0__1.0._scale_param_storage" [id=1512, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1513, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/11/conv2/conv2d/0" [id=1514, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/11/conv2/conv2d/0__0.0._scale_param_storage" [id=1515, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1516, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/11/cat/0" [id=1517, type=cat, metatype=PTCatMetatype]; -"dense4.12.bn1.weight" [id=1518, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.12.bn1.bias" [id=1519, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.12.bn1.running_mean" [id=1520, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.12.bn1.running_var" [id=1521, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/12/bn1/batch_norm/0" [id=1522, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/12/relu/0" [id=1523, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/12/relu/0__0.0._scale_param_storage" [id=1524, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" [id=1525, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.12.conv1.weight" [id=1526, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/12/conv1/conv2d/0__1.0._scale_param_storage" [id=1527, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1528, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/12/conv1/conv2d/0" [id=1529, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.12.bn2.weight" [id=1530, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.12.bn2.bias" [id=1531, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.12.bn2.running_mean" [id=1532, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.12.bn2.running_var" [id=1533, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/12/bn2/batch_norm/0" [id=1534, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/12/relu/1" [id=1535, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/12/relu/1__0.0._scale_param_storage" [id=1536, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" [id=1537, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.12.conv2.weight" [id=1538, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/12/conv2/conv2d/0__1.0._scale_param_storage" [id=1539, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1540, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/12/conv2/conv2d/0" [id=1541, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/12/conv2/conv2d/0__0.0._scale_param_storage" [id=1542, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1543, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/12/cat/0" [id=1544, type=cat, metatype=PTCatMetatype]; -"dense4.13.bn1.weight" [id=1545, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.13.bn1.bias" [id=1546, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.13.bn1.running_mean" [id=1547, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.13.bn1.running_var" [id=1548, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/13/bn1/batch_norm/0" [id=1549, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/13/relu/0" [id=1550, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/13/relu/0__0.0._scale_param_storage" [id=1551, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" [id=1552, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.13.conv1.weight" [id=1553, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/13/conv1/conv2d/0__1.0._scale_param_storage" [id=1554, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1555, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/13/conv1/conv2d/0" [id=1556, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.13.bn2.weight" [id=1557, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.13.bn2.bias" [id=1558, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.13.bn2.running_mean" [id=1559, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.13.bn2.running_var" [id=1560, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/13/bn2/batch_norm/0" [id=1561, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/13/relu/1" [id=1562, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/13/relu/1__0.0._scale_param_storage" [id=1563, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" [id=1564, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.13.conv2.weight" [id=1565, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/13/conv2/conv2d/0__1.0._scale_param_storage" [id=1566, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1567, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/13/conv2/conv2d/0" [id=1568, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/13/conv2/conv2d/0__0.0._scale_param_storage" [id=1569, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1570, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/13/cat/0" [id=1571, type=cat, metatype=PTCatMetatype]; -"dense4.14.bn1.weight" [id=1572, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.14.bn1.bias" [id=1573, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.14.bn1.running_mean" [id=1574, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.14.bn1.running_var" [id=1575, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/14/bn1/batch_norm/0" [id=1576, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/14/relu/0" [id=1577, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/14/relu/0__0.0._scale_param_storage" [id=1578, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" [id=1579, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.14.conv1.weight" [id=1580, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/14/conv1/conv2d/0__1.0._scale_param_storage" [id=1581, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1582, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/14/conv1/conv2d/0" [id=1583, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.14.bn2.weight" [id=1584, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.14.bn2.bias" [id=1585, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.14.bn2.running_mean" [id=1586, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.14.bn2.running_var" [id=1587, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/14/bn2/batch_norm/0" [id=1588, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/14/relu/1" [id=1589, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/14/relu/1__0.0._scale_param_storage" [id=1590, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" [id=1591, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.14.conv2.weight" [id=1592, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/14/conv2/conv2d/0__1.0._scale_param_storage" [id=1593, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1594, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/14/conv2/conv2d/0" [id=1595, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/14/conv2/conv2d/0__0.0._scale_param_storage" [id=1596, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1597, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/14/cat/0" [id=1598, type=cat, metatype=PTCatMetatype]; -"dense4.15.bn1.weight" [id=1599, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.15.bn1.bias" [id=1600, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.15.bn1.running_mean" [id=1601, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.15.bn1.running_var" [id=1602, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/15/bn1/batch_norm/0" [id=1603, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/15/relu/0" [id=1604, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/15/relu/0__0.0._scale_param_storage" [id=1605, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" [id=1606, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.15.conv1.weight" [id=1607, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/15/conv1/conv2d/0__1.0._scale_param_storage" [id=1608, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1609, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/15/conv1/conv2d/0" [id=1610, type=conv2d, metatype=PTConv2dMetatype]; -"dense4.15.bn2.weight" [id=1611, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.15.bn2.bias" [id=1612, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.15.bn2.running_mean" [id=1613, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4.15.bn2.running_var" [id=1614, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/15/bn2/batch_norm/0" [id=1615, type="batch_norm", metatype=PTBatchNormMetatype]; -"dense4/15/relu/1" [id=1616, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.dense4/15/relu/1__0.0._scale_param_storage" [id=1617, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" [id=1618, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4.15.conv2.weight" [id=1619, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.dense4/15/conv2/conv2d/0__1.0._scale_param_storage" [id=1620, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1621, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/15/conv2/conv2d/0" [id=1622, type=conv2d, metatype=PTConv2dMetatype]; -"__nncf_hooks.post_hooks.dense4/15/conv2/conv2d/0__0.0._scale_param_storage" [id=1623, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1624, type="symmetric_quantize", metatype=UnknownMetatype]; -"dense4/15/cat/0" [id=1625, type=cat, metatype=PTCatMetatype]; -"bn.weight" [id=1626, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn.bias" [id=1627, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn.running_mean" [id=1628, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn.running_var" [id=1629, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn/batch_norm/0" [id=1630, type="batch_norm", metatype=PTBatchNormMetatype]; -"/relu/0" [id=1631, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=1632, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=1633, type="symmetric_quantize", metatype=UnknownMetatype]; -"/avg_pool2d/0" [id=1634, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" [id=1635, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1636, type="symmetric_quantize", metatype=UnknownMetatype]; -"/view/0" [id=1637, type=view, metatype=PTReshapeMetatype]; -"linear.weight" [id=1638, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"linear.bias" [id=1639, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=1640, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=1641, type="symmetric_quantize", metatype=UnknownMetatype]; -"linear/linear/0" [id=1642, type=linear, metatype=PTLinearMetatype]; -output [id=1643, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"conv1/conv2d/0" -> "conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.conv1/conv2d/0__0.0._scale_param_storage" -> "conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/0/bn1/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/0/cat/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=1]; -"dense1.0.bn1.weight" -> "dense1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"dense1.0.bn1.bias" -> "dense1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"dense1.0.bn1.running_mean" -> "dense1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"dense1.0.bn1.running_var" -> "dense1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"dense1/0/bn1/batch_norm/0" -> "dense1/0/relu/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/0/relu/0" -> "dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/0/relu/0__0.0._scale_param_storage" -> "dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" -> "dense1/0/conv1/conv2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.0.conv1.weight" -> "dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense1/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/0/conv1/conv2d/0" [dtype=float, shape="(128, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"dense1/0/conv1/conv2d/0" -> "dense1/0/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.0.bn2.weight" -> "dense1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense1.0.bn2.bias" -> "dense1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense1.0.bn2.running_mean" -> "dense1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense1.0.bn2.running_var" -> "dense1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense1/0/bn2/batch_norm/0" -> "dense1/0/relu/1" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/0/relu/1" -> "dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/0/relu/1__0.0._scale_param_storage" -> "dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" -> "dense1/0/conv2/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.0.conv2.weight" -> "dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense1/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/0/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense1/0/conv2/conv2d/0" -> "dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/0/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/0/cat/0" -> "dense1/1/bn1/batch_norm/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/0/cat/0" -> "dense1/1/cat/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=1]; -"dense1.1.bn1.weight" -> "dense1/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"dense1.1.bn1.bias" -> "dense1/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"dense1.1.bn1.running_mean" -> "dense1/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"dense1.1.bn1.running_var" -> "dense1/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"dense1/1/bn1/batch_norm/0" -> "dense1/1/relu/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/1/relu/0" -> "dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/1/relu/0__0.0._scale_param_storage" -> "dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" -> "dense1/1/conv1/conv2d/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.1.conv1.weight" -> "dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense1/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/1/conv1/conv2d/0" [dtype=float, shape="(128, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"dense1/1/conv1/conv2d/0" -> "dense1/1/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.1.bn2.weight" -> "dense1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense1.1.bn2.bias" -> "dense1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense1.1.bn2.running_mean" -> "dense1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense1.1.bn2.running_var" -> "dense1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense1/1/bn2/batch_norm/0" -> "dense1/1/relu/1" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/1/relu/1" -> "dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/1/relu/1__0.0._scale_param_storage" -> "dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" -> "dense1/1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.1.conv2.weight" -> "dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense1/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense1/1/conv2/conv2d/0" -> "dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/1/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/1/cat/0" -> "dense1/2/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/1/cat/0" -> "dense1/2/cat/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=1]; -"dense1.2.bn1.weight" -> "dense1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense1.2.bn1.bias" -> "dense1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense1.2.bn1.running_mean" -> "dense1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense1.2.bn1.running_var" -> "dense1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense1/2/bn1/batch_norm/0" -> "dense1/2/relu/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/2/relu/0" -> "dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/2/relu/0__0.0._scale_param_storage" -> "dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" -> "dense1/2/conv1/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.2.conv1.weight" -> "dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense1/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/2/conv1/conv2d/0" [dtype=float, shape="(128, 128, 1, 1)", out_port_id=0, in_port_id=1]; -"dense1/2/conv1/conv2d/0" -> "dense1/2/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.2.bn2.weight" -> "dense1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense1.2.bn2.bias" -> "dense1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense1.2.bn2.running_mean" -> "dense1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense1.2.bn2.running_var" -> "dense1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense1/2/bn2/batch_norm/0" -> "dense1/2/relu/1" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/2/relu/1" -> "dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/2/relu/1__0.0._scale_param_storage" -> "dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" -> "dense1/2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.2.conv2.weight" -> "dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense1/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense1/2/conv2/conv2d/0" -> "dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/2/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/2/cat/0" -> "dense1/3/bn1/batch_norm/0" [dtype=float, shape="(1, 160, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/2/cat/0" -> "dense1/3/cat/0" [dtype=float, shape="(1, 160, 32, 32)", out_port_id=0, in_port_id=1]; -"dense1.3.bn1.weight" -> "dense1/3/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"dense1.3.bn1.bias" -> "dense1/3/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"dense1.3.bn1.running_mean" -> "dense1/3/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"dense1.3.bn1.running_var" -> "dense1/3/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"dense1/3/bn1/batch_norm/0" -> "dense1/3/relu/0" [dtype=float, shape="(1, 160, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/3/relu/0" -> "dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/3/relu/0__0.0._scale_param_storage" -> "dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" -> "dense1/3/conv1/conv2d/0" [dtype=float, shape="(1, 160, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.3.conv1.weight" -> "dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense1/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/3/conv1/conv2d/0" [dtype=float, shape="(128, 160, 1, 1)", out_port_id=0, in_port_id=1]; -"dense1/3/conv1/conv2d/0" -> "dense1/3/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.3.bn2.weight" -> "dense1/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense1.3.bn2.bias" -> "dense1/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense1.3.bn2.running_mean" -> "dense1/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense1.3.bn2.running_var" -> "dense1/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense1/3/bn2/batch_norm/0" -> "dense1/3/relu/1" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/3/relu/1" -> "dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/3/relu/1__0.0._scale_param_storage" -> "dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" -> "dense1/3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.3.conv2.weight" -> "dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense1/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense1/3/conv2/conv2d/0" -> "dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/3/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/3/cat/0" -> "dense1/4/bn1/batch_norm/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/3/cat/0" -> "dense1/4/cat/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=1]; -"dense1.4.bn1.weight" -> "dense1/4/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"dense1.4.bn1.bias" -> "dense1/4/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"dense1.4.bn1.running_mean" -> "dense1/4/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"dense1.4.bn1.running_var" -> "dense1/4/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"dense1/4/bn1/batch_norm/0" -> "dense1/4/relu/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/4/relu/0" -> "dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/4/relu/0__0.0._scale_param_storage" -> "dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" -> "dense1/4/conv1/conv2d/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.4.conv1.weight" -> "dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense1/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/4/conv1/conv2d/0" [dtype=float, shape="(128, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"dense1/4/conv1/conv2d/0" -> "dense1/4/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.4.bn2.weight" -> "dense1/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense1.4.bn2.bias" -> "dense1/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense1.4.bn2.running_mean" -> "dense1/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense1.4.bn2.running_var" -> "dense1/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense1/4/bn2/batch_norm/0" -> "dense1/4/relu/1" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/4/relu/1" -> "dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/4/relu/1__0.0._scale_param_storage" -> "dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" -> "dense1/4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.4.conv2.weight" -> "dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense1/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense1/4/conv2/conv2d/0" -> "dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/4/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/4/cat/0" -> "dense1/5/bn1/batch_norm/0" [dtype=float, shape="(1, 224, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/4/cat/0" -> "dense1/5/cat/0" [dtype=float, shape="(1, 224, 32, 32)", out_port_id=0, in_port_id=1]; -"dense1.5.bn1.weight" -> "dense1/5/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=1]; -"dense1.5.bn1.bias" -> "dense1/5/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=2]; -"dense1.5.bn1.running_mean" -> "dense1/5/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=3]; -"dense1.5.bn1.running_var" -> "dense1/5/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=4]; -"dense1/5/bn1/batch_norm/0" -> "dense1/5/relu/0" [dtype=float, shape="(1, 224, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/5/relu/0" -> "dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 224, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/5/relu/0__0.0._scale_param_storage" -> "dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" -> "dense1/5/conv1/conv2d/0" [dtype=float, shape="(1, 224, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.5.conv1.weight" -> "dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 224, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense1/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/5/conv1/conv2d/0" [dtype=float, shape="(128, 224, 1, 1)", out_port_id=0, in_port_id=1]; -"dense1/5/conv1/conv2d/0" -> "dense1/5/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.5.bn2.weight" -> "dense1/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense1.5.bn2.bias" -> "dense1/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense1.5.bn2.running_mean" -> "dense1/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense1.5.bn2.running_var" -> "dense1/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense1/5/bn2/batch_norm/0" -> "dense1/5/relu/1" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/5/relu/1" -> "dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/5/relu/1__0.0._scale_param_storage" -> "dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" -> "dense1/5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1.5.conv2.weight" -> "dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense1/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense1/5/conv2/conv2d/0" -> "dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense1/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/5/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"dense1/5/cat/0" -> "trans1/bn/batch_norm/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; -"trans1.bn.weight" -> "trans1/bn/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"trans1.bn.bias" -> "trans1/bn/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"trans1.bn.running_mean" -> "trans1/bn/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"trans1.bn.running_var" -> "trans1/bn/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"trans1/bn/batch_norm/0" -> "trans1/relu/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; -"trans1/relu/0" -> "trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.trans1/relu/0__0.0._scale_param_storage" -> "trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" -> "trans1/conv/conv2d/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; -"trans1.conv.weight" -> "trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.trans1/conv/conv2d/0__1.0._scale_param_storage" -> "trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "trans1/conv/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"trans1/conv/conv2d/0" -> "trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.trans1/conv/conv2d/0__0.0._scale_param_storage" -> "trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" -> "trans1/avg_pool2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"trans1/avg_pool2d/0" -> "trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.trans1/avg_pool2d/0__0.0._scale_param_storage" -> "trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense2/0/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense2/0/cat/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=1]; -"dense2.0.bn1.weight" -> "dense2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense2.0.bn1.bias" -> "dense2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense2.0.bn1.running_mean" -> "dense2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense2.0.bn1.running_var" -> "dense2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense2/0/bn1/batch_norm/0" -> "dense2/0/relu/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/0/relu/0" -> "dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/0/relu/0__0.0._scale_param_storage" -> "dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" -> "dense2/0/conv1/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.0.conv1.weight" -> "dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/0/conv1/conv2d/0" [dtype=float, shape="(128, 128, 1, 1)", out_port_id=0, in_port_id=1]; -"dense2/0/conv1/conv2d/0" -> "dense2/0/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.0.bn2.weight" -> "dense2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense2.0.bn2.bias" -> "dense2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense2.0.bn2.running_mean" -> "dense2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense2.0.bn2.running_var" -> "dense2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense2/0/bn2/batch_norm/0" -> "dense2/0/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/0/relu/1" -> "dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/0/relu/1__0.0._scale_param_storage" -> "dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" -> "dense2/0/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.0.conv2.weight" -> "dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/0/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense2/0/conv2/conv2d/0" -> "dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/0/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/0/cat/0" -> "dense2/1/bn1/batch_norm/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/0/cat/0" -> "dense2/1/cat/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=1]; -"dense2.1.bn1.weight" -> "dense2/1/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"dense2.1.bn1.bias" -> "dense2/1/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"dense2.1.bn1.running_mean" -> "dense2/1/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"dense2.1.bn1.running_var" -> "dense2/1/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"dense2/1/bn1/batch_norm/0" -> "dense2/1/relu/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/1/relu/0" -> "dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/1/relu/0__0.0._scale_param_storage" -> "dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" -> "dense2/1/conv1/conv2d/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.1.conv1.weight" -> "dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/1/conv1/conv2d/0" [dtype=float, shape="(128, 160, 1, 1)", out_port_id=0, in_port_id=1]; -"dense2/1/conv1/conv2d/0" -> "dense2/1/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.1.bn2.weight" -> "dense2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense2.1.bn2.bias" -> "dense2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense2.1.bn2.running_mean" -> "dense2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense2.1.bn2.running_var" -> "dense2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense2/1/bn2/batch_norm/0" -> "dense2/1/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/1/relu/1" -> "dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/1/relu/1__0.0._scale_param_storage" -> "dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" -> "dense2/1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.1.conv2.weight" -> "dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense2/1/conv2/conv2d/0" -> "dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/1/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/1/cat/0" -> "dense2/2/bn1/batch_norm/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/1/cat/0" -> "dense2/2/cat/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=1]; -"dense2.2.bn1.weight" -> "dense2/2/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"dense2.2.bn1.bias" -> "dense2/2/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"dense2.2.bn1.running_mean" -> "dense2/2/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"dense2.2.bn1.running_var" -> "dense2/2/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"dense2/2/bn1/batch_norm/0" -> "dense2/2/relu/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/2/relu/0" -> "dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/2/relu/0__0.0._scale_param_storage" -> "dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" -> "dense2/2/conv1/conv2d/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.2.conv1.weight" -> "dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/2/conv1/conv2d/0" [dtype=float, shape="(128, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"dense2/2/conv1/conv2d/0" -> "dense2/2/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.2.bn2.weight" -> "dense2/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense2.2.bn2.bias" -> "dense2/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense2.2.bn2.running_mean" -> "dense2/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense2.2.bn2.running_var" -> "dense2/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense2/2/bn2/batch_norm/0" -> "dense2/2/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/2/relu/1" -> "dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/2/relu/1__0.0._scale_param_storage" -> "dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" -> "dense2/2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.2.conv2.weight" -> "dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense2/2/conv2/conv2d/0" -> "dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/2/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/2/cat/0" -> "dense2/3/bn1/batch_norm/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/2/cat/0" -> "dense2/3/cat/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=1]; -"dense2.3.bn1.weight" -> "dense2/3/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=1]; -"dense2.3.bn1.bias" -> "dense2/3/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=2]; -"dense2.3.bn1.running_mean" -> "dense2/3/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=3]; -"dense2.3.bn1.running_var" -> "dense2/3/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=4]; -"dense2/3/bn1/batch_norm/0" -> "dense2/3/relu/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/3/relu/0" -> "dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/3/relu/0__0.0._scale_param_storage" -> "dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" -> "dense2/3/conv1/conv2d/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.3.conv1.weight" -> "dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 224, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/3/conv1/conv2d/0" [dtype=float, shape="(128, 224, 1, 1)", out_port_id=0, in_port_id=1]; -"dense2/3/conv1/conv2d/0" -> "dense2/3/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.3.bn2.weight" -> "dense2/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense2.3.bn2.bias" -> "dense2/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense2.3.bn2.running_mean" -> "dense2/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense2.3.bn2.running_var" -> "dense2/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense2/3/bn2/batch_norm/0" -> "dense2/3/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/3/relu/1" -> "dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/3/relu/1__0.0._scale_param_storage" -> "dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" -> "dense2/3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.3.conv2.weight" -> "dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense2/3/conv2/conv2d/0" -> "dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/3/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/3/cat/0" -> "dense2/4/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/3/cat/0" -> "dense2/4/cat/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=1]; -"dense2.4.bn1.weight" -> "dense2/4/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"dense2.4.bn1.bias" -> "dense2/4/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"dense2.4.bn1.running_mean" -> "dense2/4/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"dense2.4.bn1.running_var" -> "dense2/4/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"dense2/4/bn1/batch_norm/0" -> "dense2/4/relu/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/4/relu/0" -> "dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/4/relu/0__0.0._scale_param_storage" -> "dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" -> "dense2/4/conv1/conv2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.4.conv1.weight" -> "dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/4/conv1/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"dense2/4/conv1/conv2d/0" -> "dense2/4/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.4.bn2.weight" -> "dense2/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense2.4.bn2.bias" -> "dense2/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense2.4.bn2.running_mean" -> "dense2/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense2.4.bn2.running_var" -> "dense2/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense2/4/bn2/batch_norm/0" -> "dense2/4/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/4/relu/1" -> "dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/4/relu/1__0.0._scale_param_storage" -> "dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" -> "dense2/4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.4.conv2.weight" -> "dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense2/4/conv2/conv2d/0" -> "dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/4/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/4/cat/0" -> "dense2/5/bn1/batch_norm/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/4/cat/0" -> "dense2/5/cat/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=1]; -"dense2.5.bn1.weight" -> "dense2/5/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; -"dense2.5.bn1.bias" -> "dense2/5/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; -"dense2.5.bn1.running_mean" -> "dense2/5/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; -"dense2.5.bn1.running_var" -> "dense2/5/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; -"dense2/5/bn1/batch_norm/0" -> "dense2/5/relu/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/5/relu/0" -> "dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/5/relu/0__0.0._scale_param_storage" -> "dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" -> "dense2/5/conv1/conv2d/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.5.conv1.weight" -> "dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/5/conv1/conv2d/0" [dtype=float, shape="(128, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"dense2/5/conv1/conv2d/0" -> "dense2/5/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.5.bn2.weight" -> "dense2/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense2.5.bn2.bias" -> "dense2/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense2.5.bn2.running_mean" -> "dense2/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense2.5.bn2.running_var" -> "dense2/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense2/5/bn2/batch_norm/0" -> "dense2/5/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/5/relu/1" -> "dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/5/relu/1__0.0._scale_param_storage" -> "dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" -> "dense2/5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.5.conv2.weight" -> "dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense2/5/conv2/conv2d/0" -> "dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/5/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/5/cat/0" -> "dense2/6/bn1/batch_norm/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/5/cat/0" -> "dense2/6/cat/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=1]; -"dense2.6.bn1.weight" -> "dense2/6/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"dense2.6.bn1.bias" -> "dense2/6/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"dense2.6.bn1.running_mean" -> "dense2/6/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"dense2.6.bn1.running_var" -> "dense2/6/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"dense2/6/bn1/batch_norm/0" -> "dense2/6/relu/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/6/relu/0" -> "dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/6/relu/0__0.0._scale_param_storage" -> "dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" -> "dense2/6/conv1/conv2d/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.6.conv1.weight" -> "dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 320, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/6/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/6/conv1/conv2d/0" [dtype=float, shape="(128, 320, 1, 1)", out_port_id=0, in_port_id=1]; -"dense2/6/conv1/conv2d/0" -> "dense2/6/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.6.bn2.weight" -> "dense2/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense2.6.bn2.bias" -> "dense2/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense2.6.bn2.running_mean" -> "dense2/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense2.6.bn2.running_var" -> "dense2/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense2/6/bn2/batch_norm/0" -> "dense2/6/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/6/relu/1" -> "dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/6/relu/1__0.0._scale_param_storage" -> "dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" -> "dense2/6/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.6.conv2.weight" -> "dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/6/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/6/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense2/6/conv2/conv2d/0" -> "dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/6/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/6/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/6/cat/0" -> "dense2/7/bn1/batch_norm/0" [dtype=float, shape="(1, 352, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/6/cat/0" -> "dense2/7/cat/0" [dtype=float, shape="(1, 352, 16, 16)", out_port_id=0, in_port_id=1]; -"dense2.7.bn1.weight" -> "dense2/7/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=1]; -"dense2.7.bn1.bias" -> "dense2/7/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=2]; -"dense2.7.bn1.running_mean" -> "dense2/7/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=3]; -"dense2.7.bn1.running_var" -> "dense2/7/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=4]; -"dense2/7/bn1/batch_norm/0" -> "dense2/7/relu/0" [dtype=float, shape="(1, 352, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/7/relu/0" -> "dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 352, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/7/relu/0__0.0._scale_param_storage" -> "dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" -> "dense2/7/conv1/conv2d/0" [dtype=float, shape="(1, 352, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.7.conv1.weight" -> "dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 352, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/7/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/7/conv1/conv2d/0" [dtype=float, shape="(128, 352, 1, 1)", out_port_id=0, in_port_id=1]; -"dense2/7/conv1/conv2d/0" -> "dense2/7/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.7.bn2.weight" -> "dense2/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense2.7.bn2.bias" -> "dense2/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense2.7.bn2.running_mean" -> "dense2/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense2.7.bn2.running_var" -> "dense2/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense2/7/bn2/batch_norm/0" -> "dense2/7/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/7/relu/1" -> "dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/7/relu/1__0.0._scale_param_storage" -> "dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" -> "dense2/7/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.7.conv2.weight" -> "dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/7/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/7/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense2/7/conv2/conv2d/0" -> "dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/7/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/7/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/7/cat/0" -> "dense2/8/bn1/batch_norm/0" [dtype=float, shape="(1, 384, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/7/cat/0" -> "dense2/8/cat/0" [dtype=float, shape="(1, 384, 16, 16)", out_port_id=0, in_port_id=1]; -"dense2.8.bn1.weight" -> "dense2/8/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"dense2.8.bn1.bias" -> "dense2/8/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"dense2.8.bn1.running_mean" -> "dense2/8/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"dense2.8.bn1.running_var" -> "dense2/8/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"dense2/8/bn1/batch_norm/0" -> "dense2/8/relu/0" [dtype=float, shape="(1, 384, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/8/relu/0" -> "dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/8/relu/0__0.0._scale_param_storage" -> "dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" -> "dense2/8/conv1/conv2d/0" [dtype=float, shape="(1, 384, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.8.conv1.weight" -> "dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 384, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/8/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/8/conv1/conv2d/0" [dtype=float, shape="(128, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"dense2/8/conv1/conv2d/0" -> "dense2/8/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.8.bn2.weight" -> "dense2/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense2.8.bn2.bias" -> "dense2/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense2.8.bn2.running_mean" -> "dense2/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense2.8.bn2.running_var" -> "dense2/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense2/8/bn2/batch_norm/0" -> "dense2/8/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/8/relu/1" -> "dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/8/relu/1__0.0._scale_param_storage" -> "dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" -> "dense2/8/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.8.conv2.weight" -> "dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/8/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/8/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense2/8/conv2/conv2d/0" -> "dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/8/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/8/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/8/cat/0" -> "dense2/9/bn1/batch_norm/0" [dtype=float, shape="(1, 416, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/8/cat/0" -> "dense2/9/cat/0" [dtype=float, shape="(1, 416, 16, 16)", out_port_id=0, in_port_id=1]; -"dense2.9.bn1.weight" -> "dense2/9/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=1]; -"dense2.9.bn1.bias" -> "dense2/9/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=2]; -"dense2.9.bn1.running_mean" -> "dense2/9/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=3]; -"dense2.9.bn1.running_var" -> "dense2/9/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=4]; -"dense2/9/bn1/batch_norm/0" -> "dense2/9/relu/0" [dtype=float, shape="(1, 416, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/9/relu/0" -> "dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 416, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/9/relu/0__0.0._scale_param_storage" -> "dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" -> "dense2/9/conv1/conv2d/0" [dtype=float, shape="(1, 416, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.9.conv1.weight" -> "dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 416, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/9/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/9/conv1/conv2d/0" [dtype=float, shape="(128, 416, 1, 1)", out_port_id=0, in_port_id=1]; -"dense2/9/conv1/conv2d/0" -> "dense2/9/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.9.bn2.weight" -> "dense2/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense2.9.bn2.bias" -> "dense2/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense2.9.bn2.running_mean" -> "dense2/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense2.9.bn2.running_var" -> "dense2/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense2/9/bn2/batch_norm/0" -> "dense2/9/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/9/relu/1" -> "dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/9/relu/1__0.0._scale_param_storage" -> "dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" -> "dense2/9/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.9.conv2.weight" -> "dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/9/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/9/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense2/9/conv2/conv2d/0" -> "dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/9/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/9/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/9/cat/0" -> "dense2/10/bn1/batch_norm/0" [dtype=float, shape="(1, 448, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/9/cat/0" -> "dense2/10/cat/0" [dtype=float, shape="(1, 448, 16, 16)", out_port_id=0, in_port_id=1]; -"dense2.10.bn1.weight" -> "dense2/10/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; -"dense2.10.bn1.bias" -> "dense2/10/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; -"dense2.10.bn1.running_mean" -> "dense2/10/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; -"dense2.10.bn1.running_var" -> "dense2/10/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; -"dense2/10/bn1/batch_norm/0" -> "dense2/10/relu/0" [dtype=float, shape="(1, 448, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/10/relu/0" -> "dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 448, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/10/relu/0__0.0._scale_param_storage" -> "dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" -> "dense2/10/conv1/conv2d/0" [dtype=float, shape="(1, 448, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.10.conv1.weight" -> "dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 448, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/10/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/10/conv1/conv2d/0" [dtype=float, shape="(128, 448, 1, 1)", out_port_id=0, in_port_id=1]; -"dense2/10/conv1/conv2d/0" -> "dense2/10/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.10.bn2.weight" -> "dense2/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense2.10.bn2.bias" -> "dense2/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense2.10.bn2.running_mean" -> "dense2/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense2.10.bn2.running_var" -> "dense2/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense2/10/bn2/batch_norm/0" -> "dense2/10/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/10/relu/1" -> "dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/10/relu/1__0.0._scale_param_storage" -> "dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" -> "dense2/10/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.10.conv2.weight" -> "dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/10/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/10/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense2/10/conv2/conv2d/0" -> "dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/10/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/10/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/10/cat/0" -> "dense2/11/bn1/batch_norm/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/10/cat/0" -> "dense2/11/cat/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=1]; -"dense2.11.bn1.weight" -> "dense2/11/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; -"dense2.11.bn1.bias" -> "dense2/11/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; -"dense2.11.bn1.running_mean" -> "dense2/11/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; -"dense2.11.bn1.running_var" -> "dense2/11/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; -"dense2/11/bn1/batch_norm/0" -> "dense2/11/relu/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/11/relu/0" -> "dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/11/relu/0__0.0._scale_param_storage" -> "dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" -> "dense2/11/conv1/conv2d/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.11.conv1.weight" -> "dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/11/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/11/conv1/conv2d/0" [dtype=float, shape="(128, 480, 1, 1)", out_port_id=0, in_port_id=1]; -"dense2/11/conv1/conv2d/0" -> "dense2/11/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.11.bn2.weight" -> "dense2/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense2.11.bn2.bias" -> "dense2/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense2.11.bn2.running_mean" -> "dense2/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense2.11.bn2.running_var" -> "dense2/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense2/11/bn2/batch_norm/0" -> "dense2/11/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/11/relu/1" -> "dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/11/relu/1__0.0._scale_param_storage" -> "dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" -> "dense2/11/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2.11.conv2.weight" -> "dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense2/11/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/11/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense2/11/conv2/conv2d/0" -> "dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense2/11/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/11/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"dense2/11/cat/0" -> "trans2/bn/batch_norm/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"trans2.bn.weight" -> "trans2/bn/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"trans2.bn.bias" -> "trans2/bn/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"trans2.bn.running_mean" -> "trans2/bn/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"trans2.bn.running_var" -> "trans2/bn/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"trans2/bn/batch_norm/0" -> "trans2/relu/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"trans2/relu/0" -> "trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.trans2/relu/0__0.0._scale_param_storage" -> "trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" -> "trans2/conv/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"trans2.conv.weight" -> "trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.trans2/conv/conv2d/0__1.0._scale_param_storage" -> "trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "trans2/conv/conv2d/0" [dtype=float, shape="(256, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"trans2/conv/conv2d/0" -> "trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.trans2/conv/conv2d/0__0.0._scale_param_storage" -> "trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" -> "trans2/avg_pool2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"trans2/avg_pool2d/0" -> "trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.trans2/avg_pool2d/0__0.0._scale_param_storage" -> "trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense3/0/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense3/0/cat/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.0.bn1.weight" -> "dense3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"dense3.0.bn1.bias" -> "dense3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"dense3.0.bn1.running_mean" -> "dense3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"dense3.0.bn1.running_var" -> "dense3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"dense3/0/bn1/batch_norm/0" -> "dense3/0/relu/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/0/relu/0" -> "dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/0/relu/0__0.0._scale_param_storage" -> "dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" -> "dense3/0/conv1/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.0.conv1.weight" -> "dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/0/conv1/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/0/conv1/conv2d/0" -> "dense3/0/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.0.bn2.weight" -> "dense3/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.0.bn2.bias" -> "dense3/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.0.bn2.running_mean" -> "dense3/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.0.bn2.running_var" -> "dense3/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/0/bn2/batch_norm/0" -> "dense3/0/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/0/relu/1" -> "dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/0/relu/1__0.0._scale_param_storage" -> "dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" -> "dense3/0/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.0.conv2.weight" -> "dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/0/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/0/conv2/conv2d/0" -> "dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/0/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/0/cat/0" -> "dense3/1/bn1/batch_norm/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/0/cat/0" -> "dense3/1/cat/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.1.bn1.weight" -> "dense3/1/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; -"dense3.1.bn1.bias" -> "dense3/1/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; -"dense3.1.bn1.running_mean" -> "dense3/1/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; -"dense3.1.bn1.running_var" -> "dense3/1/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; -"dense3/1/bn1/batch_norm/0" -> "dense3/1/relu/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/1/relu/0" -> "dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/1/relu/0__0.0._scale_param_storage" -> "dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" -> "dense3/1/conv1/conv2d/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.1.conv1.weight" -> "dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/1/conv1/conv2d/0" [dtype=float, shape="(128, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/1/conv1/conv2d/0" -> "dense3/1/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.1.bn2.weight" -> "dense3/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.1.bn2.bias" -> "dense3/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.1.bn2.running_mean" -> "dense3/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.1.bn2.running_var" -> "dense3/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/1/bn2/batch_norm/0" -> "dense3/1/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/1/relu/1" -> "dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/1/relu/1__0.0._scale_param_storage" -> "dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" -> "dense3/1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.1.conv2.weight" -> "dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/1/conv2/conv2d/0" -> "dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/1/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/1/cat/0" -> "dense3/2/bn1/batch_norm/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/1/cat/0" -> "dense3/2/cat/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.2.bn1.weight" -> "dense3/2/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"dense3.2.bn1.bias" -> "dense3/2/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"dense3.2.bn1.running_mean" -> "dense3/2/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"dense3.2.bn1.running_var" -> "dense3/2/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"dense3/2/bn1/batch_norm/0" -> "dense3/2/relu/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/2/relu/0" -> "dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/2/relu/0__0.0._scale_param_storage" -> "dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" -> "dense3/2/conv1/conv2d/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.2.conv1.weight" -> "dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 320, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/2/conv1/conv2d/0" [dtype=float, shape="(128, 320, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/2/conv1/conv2d/0" -> "dense3/2/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.2.bn2.weight" -> "dense3/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.2.bn2.bias" -> "dense3/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.2.bn2.running_mean" -> "dense3/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.2.bn2.running_var" -> "dense3/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/2/bn2/batch_norm/0" -> "dense3/2/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/2/relu/1" -> "dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/2/relu/1__0.0._scale_param_storage" -> "dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" -> "dense3/2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.2.conv2.weight" -> "dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/2/conv2/conv2d/0" -> "dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/2/cat/0" -> "dense3/3/bn1/batch_norm/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/2/cat/0" -> "dense3/3/cat/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.3.bn1.weight" -> "dense3/3/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=1]; -"dense3.3.bn1.bias" -> "dense3/3/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=2]; -"dense3.3.bn1.running_mean" -> "dense3/3/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=3]; -"dense3.3.bn1.running_var" -> "dense3/3/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=4]; -"dense3/3/bn1/batch_norm/0" -> "dense3/3/relu/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/3/relu/0" -> "dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/3/relu/0__0.0._scale_param_storage" -> "dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" -> "dense3/3/conv1/conv2d/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.3.conv1.weight" -> "dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 352, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/3/conv1/conv2d/0" [dtype=float, shape="(128, 352, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/3/conv1/conv2d/0" -> "dense3/3/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.3.bn2.weight" -> "dense3/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.3.bn2.bias" -> "dense3/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.3.bn2.running_mean" -> "dense3/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.3.bn2.running_var" -> "dense3/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/3/bn2/batch_norm/0" -> "dense3/3/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/3/relu/1" -> "dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/3/relu/1__0.0._scale_param_storage" -> "dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" -> "dense3/3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.3.conv2.weight" -> "dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/3/conv2/conv2d/0" -> "dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/3/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/3/cat/0" -> "dense3/4/bn1/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/3/cat/0" -> "dense3/4/cat/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.4.bn1.weight" -> "dense3/4/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"dense3.4.bn1.bias" -> "dense3/4/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"dense3.4.bn1.running_mean" -> "dense3/4/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"dense3.4.bn1.running_var" -> "dense3/4/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"dense3/4/bn1/batch_norm/0" -> "dense3/4/relu/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/4/relu/0" -> "dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/4/relu/0__0.0._scale_param_storage" -> "dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" -> "dense3/4/conv1/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.4.conv1.weight" -> "dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 384, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/4/conv1/conv2d/0" [dtype=float, shape="(128, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/4/conv1/conv2d/0" -> "dense3/4/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.4.bn2.weight" -> "dense3/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.4.bn2.bias" -> "dense3/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.4.bn2.running_mean" -> "dense3/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.4.bn2.running_var" -> "dense3/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/4/bn2/batch_norm/0" -> "dense3/4/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/4/relu/1" -> "dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/4/relu/1__0.0._scale_param_storage" -> "dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" -> "dense3/4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.4.conv2.weight" -> "dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/4/conv2/conv2d/0" -> "dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/4/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/4/cat/0" -> "dense3/5/bn1/batch_norm/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/4/cat/0" -> "dense3/5/cat/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.5.bn1.weight" -> "dense3/5/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=1]; -"dense3.5.bn1.bias" -> "dense3/5/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=2]; -"dense3.5.bn1.running_mean" -> "dense3/5/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=3]; -"dense3.5.bn1.running_var" -> "dense3/5/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=4]; -"dense3/5/bn1/batch_norm/0" -> "dense3/5/relu/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/5/relu/0" -> "dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/5/relu/0__0.0._scale_param_storage" -> "dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" -> "dense3/5/conv1/conv2d/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.5.conv1.weight" -> "dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 416, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/5/conv1/conv2d/0" [dtype=float, shape="(128, 416, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/5/conv1/conv2d/0" -> "dense3/5/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.5.bn2.weight" -> "dense3/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.5.bn2.bias" -> "dense3/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.5.bn2.running_mean" -> "dense3/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.5.bn2.running_var" -> "dense3/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/5/bn2/batch_norm/0" -> "dense3/5/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/5/relu/1" -> "dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/5/relu/1__0.0._scale_param_storage" -> "dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" -> "dense3/5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.5.conv2.weight" -> "dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/5/conv2/conv2d/0" -> "dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/5/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/5/cat/0" -> "dense3/6/bn1/batch_norm/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/5/cat/0" -> "dense3/6/cat/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.6.bn1.weight" -> "dense3/6/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; -"dense3.6.bn1.bias" -> "dense3/6/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; -"dense3.6.bn1.running_mean" -> "dense3/6/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; -"dense3.6.bn1.running_var" -> "dense3/6/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; -"dense3/6/bn1/batch_norm/0" -> "dense3/6/relu/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/6/relu/0" -> "dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/6/relu/0__0.0._scale_param_storage" -> "dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" -> "dense3/6/conv1/conv2d/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.6.conv1.weight" -> "dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 448, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/6/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/6/conv1/conv2d/0" [dtype=float, shape="(128, 448, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/6/conv1/conv2d/0" -> "dense3/6/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.6.bn2.weight" -> "dense3/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.6.bn2.bias" -> "dense3/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.6.bn2.running_mean" -> "dense3/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.6.bn2.running_var" -> "dense3/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/6/bn2/batch_norm/0" -> "dense3/6/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/6/relu/1" -> "dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/6/relu/1__0.0._scale_param_storage" -> "dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" -> "dense3/6/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.6.conv2.weight" -> "dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/6/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/6/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/6/conv2/conv2d/0" -> "dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/6/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/6/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/6/cat/0" -> "dense3/7/bn1/batch_norm/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/6/cat/0" -> "dense3/7/cat/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.7.bn1.weight" -> "dense3/7/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; -"dense3.7.bn1.bias" -> "dense3/7/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; -"dense3.7.bn1.running_mean" -> "dense3/7/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; -"dense3.7.bn1.running_var" -> "dense3/7/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; -"dense3/7/bn1/batch_norm/0" -> "dense3/7/relu/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/7/relu/0" -> "dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/7/relu/0__0.0._scale_param_storage" -> "dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" -> "dense3/7/conv1/conv2d/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.7.conv1.weight" -> "dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/7/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/7/conv1/conv2d/0" [dtype=float, shape="(128, 480, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/7/conv1/conv2d/0" -> "dense3/7/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.7.bn2.weight" -> "dense3/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.7.bn2.bias" -> "dense3/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.7.bn2.running_mean" -> "dense3/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.7.bn2.running_var" -> "dense3/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/7/bn2/batch_norm/0" -> "dense3/7/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/7/relu/1" -> "dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/7/relu/1__0.0._scale_param_storage" -> "dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" -> "dense3/7/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.7.conv2.weight" -> "dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/7/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/7/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/7/conv2/conv2d/0" -> "dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/7/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/7/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/7/cat/0" -> "dense3/8/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/7/cat/0" -> "dense3/8/cat/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.8.bn1.weight" -> "dense3/8/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"dense3.8.bn1.bias" -> "dense3/8/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"dense3.8.bn1.running_mean" -> "dense3/8/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"dense3.8.bn1.running_var" -> "dense3/8/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"dense3/8/bn1/batch_norm/0" -> "dense3/8/relu/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/8/relu/0" -> "dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/8/relu/0__0.0._scale_param_storage" -> "dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" -> "dense3/8/conv1/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.8.conv1.weight" -> "dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/8/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/8/conv1/conv2d/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/8/conv1/conv2d/0" -> "dense3/8/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.8.bn2.weight" -> "dense3/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.8.bn2.bias" -> "dense3/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.8.bn2.running_mean" -> "dense3/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.8.bn2.running_var" -> "dense3/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/8/bn2/batch_norm/0" -> "dense3/8/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/8/relu/1" -> "dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/8/relu/1__0.0._scale_param_storage" -> "dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" -> "dense3/8/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.8.conv2.weight" -> "dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/8/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/8/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/8/conv2/conv2d/0" -> "dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/8/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/8/cat/0" -> "dense3/9/bn1/batch_norm/0" [dtype=float, shape="(1, 544, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/8/cat/0" -> "dense3/9/cat/0" [dtype=float, shape="(1, 544, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.9.bn1.weight" -> "dense3/9/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=1]; -"dense3.9.bn1.bias" -> "dense3/9/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=2]; -"dense3.9.bn1.running_mean" -> "dense3/9/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=3]; -"dense3.9.bn1.running_var" -> "dense3/9/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=4]; -"dense3/9/bn1/batch_norm/0" -> "dense3/9/relu/0" [dtype=float, shape="(1, 544, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/9/relu/0" -> "dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 544, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/9/relu/0__0.0._scale_param_storage" -> "dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" -> "dense3/9/conv1/conv2d/0" [dtype=float, shape="(1, 544, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.9.conv1.weight" -> "dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 544, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/9/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/9/conv1/conv2d/0" [dtype=float, shape="(128, 544, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/9/conv1/conv2d/0" -> "dense3/9/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.9.bn2.weight" -> "dense3/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.9.bn2.bias" -> "dense3/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.9.bn2.running_mean" -> "dense3/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.9.bn2.running_var" -> "dense3/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/9/bn2/batch_norm/0" -> "dense3/9/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/9/relu/1" -> "dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/9/relu/1__0.0._scale_param_storage" -> "dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" -> "dense3/9/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.9.conv2.weight" -> "dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/9/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/9/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/9/conv2/conv2d/0" -> "dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/9/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/9/cat/0" -> "dense3/10/bn1/batch_norm/0" [dtype=float, shape="(1, 576, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/9/cat/0" -> "dense3/10/cat/0" [dtype=float, shape="(1, 576, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.10.bn1.weight" -> "dense3/10/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"dense3.10.bn1.bias" -> "dense3/10/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"dense3.10.bn1.running_mean" -> "dense3/10/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"dense3.10.bn1.running_var" -> "dense3/10/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"dense3/10/bn1/batch_norm/0" -> "dense3/10/relu/0" [dtype=float, shape="(1, 576, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/10/relu/0" -> "dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/10/relu/0__0.0._scale_param_storage" -> "dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" -> "dense3/10/conv1/conv2d/0" [dtype=float, shape="(1, 576, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.10.conv1.weight" -> "dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/10/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/10/conv1/conv2d/0" [dtype=float, shape="(128, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/10/conv1/conv2d/0" -> "dense3/10/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.10.bn2.weight" -> "dense3/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.10.bn2.bias" -> "dense3/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.10.bn2.running_mean" -> "dense3/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.10.bn2.running_var" -> "dense3/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/10/bn2/batch_norm/0" -> "dense3/10/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/10/relu/1" -> "dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/10/relu/1__0.0._scale_param_storage" -> "dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" -> "dense3/10/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.10.conv2.weight" -> "dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/10/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/10/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/10/conv2/conv2d/0" -> "dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/10/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/10/cat/0" -> "dense3/11/bn1/batch_norm/0" [dtype=float, shape="(1, 608, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/10/cat/0" -> "dense3/11/cat/0" [dtype=float, shape="(1, 608, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.11.bn1.weight" -> "dense3/11/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=1]; -"dense3.11.bn1.bias" -> "dense3/11/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=2]; -"dense3.11.bn1.running_mean" -> "dense3/11/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=3]; -"dense3.11.bn1.running_var" -> "dense3/11/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=4]; -"dense3/11/bn1/batch_norm/0" -> "dense3/11/relu/0" [dtype=float, shape="(1, 608, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/11/relu/0" -> "dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 608, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/11/relu/0__0.0._scale_param_storage" -> "dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" -> "dense3/11/conv1/conv2d/0" [dtype=float, shape="(1, 608, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.11.conv1.weight" -> "dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 608, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/11/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/11/conv1/conv2d/0" [dtype=float, shape="(128, 608, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/11/conv1/conv2d/0" -> "dense3/11/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.11.bn2.weight" -> "dense3/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.11.bn2.bias" -> "dense3/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.11.bn2.running_mean" -> "dense3/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.11.bn2.running_var" -> "dense3/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/11/bn2/batch_norm/0" -> "dense3/11/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/11/relu/1" -> "dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/11/relu/1__0.0._scale_param_storage" -> "dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" -> "dense3/11/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.11.conv2.weight" -> "dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/11/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/11/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/11/conv2/conv2d/0" -> "dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/11/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/11/cat/0" -> "dense3/12/bn1/batch_norm/0" [dtype=float, shape="(1, 640, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/11/cat/0" -> "dense3/12/cat/0" [dtype=float, shape="(1, 640, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.12.bn1.weight" -> "dense3/12/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=1]; -"dense3.12.bn1.bias" -> "dense3/12/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=2]; -"dense3.12.bn1.running_mean" -> "dense3/12/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=3]; -"dense3.12.bn1.running_var" -> "dense3/12/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=4]; -"dense3/12/bn1/batch_norm/0" -> "dense3/12/relu/0" [dtype=float, shape="(1, 640, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/12/relu/0" -> "dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 640, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/12/relu/0__0.0._scale_param_storage" -> "dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" -> "dense3/12/conv1/conv2d/0" [dtype=float, shape="(1, 640, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.12.conv1.weight" -> "dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 640, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/12/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/12/conv1/conv2d/0" [dtype=float, shape="(128, 640, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/12/conv1/conv2d/0" -> "dense3/12/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.12.bn2.weight" -> "dense3/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.12.bn2.bias" -> "dense3/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.12.bn2.running_mean" -> "dense3/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.12.bn2.running_var" -> "dense3/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/12/bn2/batch_norm/0" -> "dense3/12/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/12/relu/1" -> "dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/12/relu/1__0.0._scale_param_storage" -> "dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" -> "dense3/12/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.12.conv2.weight" -> "dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/12/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/12/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/12/conv2/conv2d/0" -> "dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/12/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/12/cat/0" -> "dense3/13/bn1/batch_norm/0" [dtype=float, shape="(1, 672, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/12/cat/0" -> "dense3/13/cat/0" [dtype=float, shape="(1, 672, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.13.bn1.weight" -> "dense3/13/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; -"dense3.13.bn1.bias" -> "dense3/13/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; -"dense3.13.bn1.running_mean" -> "dense3/13/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; -"dense3.13.bn1.running_var" -> "dense3/13/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; -"dense3/13/bn1/batch_norm/0" -> "dense3/13/relu/0" [dtype=float, shape="(1, 672, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/13/relu/0" -> "dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 672, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/13/relu/0__0.0._scale_param_storage" -> "dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" -> "dense3/13/conv1/conv2d/0" [dtype=float, shape="(1, 672, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.13.conv1.weight" -> "dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 672, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/13/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/13/conv1/conv2d/0" [dtype=float, shape="(128, 672, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/13/conv1/conv2d/0" -> "dense3/13/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.13.bn2.weight" -> "dense3/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.13.bn2.bias" -> "dense3/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.13.bn2.running_mean" -> "dense3/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.13.bn2.running_var" -> "dense3/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/13/bn2/batch_norm/0" -> "dense3/13/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/13/relu/1" -> "dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/13/relu/1__0.0._scale_param_storage" -> "dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" -> "dense3/13/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.13.conv2.weight" -> "dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/13/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/13/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/13/conv2/conv2d/0" -> "dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/13/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/13/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/13/cat/0" -> "dense3/14/bn1/batch_norm/0" [dtype=float, shape="(1, 704, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/13/cat/0" -> "dense3/14/cat/0" [dtype=float, shape="(1, 704, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.14.bn1.weight" -> "dense3/14/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=1]; -"dense3.14.bn1.bias" -> "dense3/14/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=2]; -"dense3.14.bn1.running_mean" -> "dense3/14/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=3]; -"dense3.14.bn1.running_var" -> "dense3/14/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=4]; -"dense3/14/bn1/batch_norm/0" -> "dense3/14/relu/0" [dtype=float, shape="(1, 704, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/14/relu/0" -> "dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 704, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/14/relu/0__0.0._scale_param_storage" -> "dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" -> "dense3/14/conv1/conv2d/0" [dtype=float, shape="(1, 704, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.14.conv1.weight" -> "dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 704, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/14/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/14/conv1/conv2d/0" [dtype=float, shape="(128, 704, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/14/conv1/conv2d/0" -> "dense3/14/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.14.bn2.weight" -> "dense3/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.14.bn2.bias" -> "dense3/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.14.bn2.running_mean" -> "dense3/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.14.bn2.running_var" -> "dense3/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/14/bn2/batch_norm/0" -> "dense3/14/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/14/relu/1" -> "dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/14/relu/1__0.0._scale_param_storage" -> "dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" -> "dense3/14/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.14.conv2.weight" -> "dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/14/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/14/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/14/conv2/conv2d/0" -> "dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/14/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/14/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/14/cat/0" -> "dense3/15/bn1/batch_norm/0" [dtype=float, shape="(1, 736, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/14/cat/0" -> "dense3/15/cat/0" [dtype=float, shape="(1, 736, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.15.bn1.weight" -> "dense3/15/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=1]; -"dense3.15.bn1.bias" -> "dense3/15/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=2]; -"dense3.15.bn1.running_mean" -> "dense3/15/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=3]; -"dense3.15.bn1.running_var" -> "dense3/15/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=4]; -"dense3/15/bn1/batch_norm/0" -> "dense3/15/relu/0" [dtype=float, shape="(1, 736, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/15/relu/0" -> "dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 736, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/15/relu/0__0.0._scale_param_storage" -> "dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" -> "dense3/15/conv1/conv2d/0" [dtype=float, shape="(1, 736, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.15.conv1.weight" -> "dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 736, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/15/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/15/conv1/conv2d/0" [dtype=float, shape="(128, 736, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/15/conv1/conv2d/0" -> "dense3/15/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.15.bn2.weight" -> "dense3/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.15.bn2.bias" -> "dense3/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.15.bn2.running_mean" -> "dense3/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.15.bn2.running_var" -> "dense3/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/15/bn2/batch_norm/0" -> "dense3/15/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/15/relu/1" -> "dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/15/relu/1__0.0._scale_param_storage" -> "dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" -> "dense3/15/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.15.conv2.weight" -> "dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/15/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/15/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/15/conv2/conv2d/0" -> "dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/15/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/15/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/15/cat/0" -> "dense3/16/bn1/batch_norm/0" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/15/cat/0" -> "dense3/16/cat/0" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.16.bn1.weight" -> "dense3/16/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=1]; -"dense3.16.bn1.bias" -> "dense3/16/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"dense3.16.bn1.running_mean" -> "dense3/16/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; -"dense3.16.bn1.running_var" -> "dense3/16/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=4]; -"dense3/16/bn1/batch_norm/0" -> "dense3/16/relu/0" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/16/relu/0" -> "dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/16/relu/0__0.0._scale_param_storage" -> "dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" -> "dense3/16/conv1/conv2d/0" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.16.conv1.weight" -> "dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/16/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/16/conv1/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/16/conv1/conv2d/0" -> "dense3/16/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.16.bn2.weight" -> "dense3/16/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.16.bn2.bias" -> "dense3/16/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.16.bn2.running_mean" -> "dense3/16/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.16.bn2.running_var" -> "dense3/16/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/16/bn2/batch_norm/0" -> "dense3/16/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/16/relu/1" -> "dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/16/relu/1__0.0._scale_param_storage" -> "dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" -> "dense3/16/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.16.conv2.weight" -> "dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/16/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/16/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/16/conv2/conv2d/0" -> "dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/16/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/16/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/16/cat/0" -> "dense3/17/bn1/batch_norm/0" [dtype=float, shape="(1, 800, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/16/cat/0" -> "dense3/17/cat/0" [dtype=float, shape="(1, 800, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.17.bn1.weight" -> "dense3/17/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=1]; -"dense3.17.bn1.bias" -> "dense3/17/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=2]; -"dense3.17.bn1.running_mean" -> "dense3/17/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=3]; -"dense3.17.bn1.running_var" -> "dense3/17/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=4]; -"dense3/17/bn1/batch_norm/0" -> "dense3/17/relu/0" [dtype=float, shape="(1, 800, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/17/relu/0" -> "dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 800, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/17/relu/0__0.0._scale_param_storage" -> "dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" -> "dense3/17/conv1/conv2d/0" [dtype=float, shape="(1, 800, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.17.conv1.weight" -> "dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 800, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/17/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/17/conv1/conv2d/0" [dtype=float, shape="(128, 800, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/17/conv1/conv2d/0" -> "dense3/17/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.17.bn2.weight" -> "dense3/17/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.17.bn2.bias" -> "dense3/17/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.17.bn2.running_mean" -> "dense3/17/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.17.bn2.running_var" -> "dense3/17/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/17/bn2/batch_norm/0" -> "dense3/17/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/17/relu/1" -> "dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/17/relu/1__0.0._scale_param_storage" -> "dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" -> "dense3/17/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.17.conv2.weight" -> "dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/17/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/17/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/17/conv2/conv2d/0" -> "dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/17/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/17/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/17/cat/0" -> "dense3/18/bn1/batch_norm/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/17/cat/0" -> "dense3/18/cat/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.18.bn1.weight" -> "dense3/18/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=1]; -"dense3.18.bn1.bias" -> "dense3/18/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=2]; -"dense3.18.bn1.running_mean" -> "dense3/18/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=3]; -"dense3.18.bn1.running_var" -> "dense3/18/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=4]; -"dense3/18/bn1/batch_norm/0" -> "dense3/18/relu/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/18/relu/0" -> "dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/18/relu/0__0.0._scale_param_storage" -> "dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" -> "dense3/18/conv1/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.18.conv1.weight" -> "dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/18/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/18/conv1/conv2d/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/18/conv1/conv2d/0" -> "dense3/18/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.18.bn2.weight" -> "dense3/18/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.18.bn2.bias" -> "dense3/18/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.18.bn2.running_mean" -> "dense3/18/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.18.bn2.running_var" -> "dense3/18/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/18/bn2/batch_norm/0" -> "dense3/18/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/18/relu/1" -> "dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/18/relu/1__0.0._scale_param_storage" -> "dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" -> "dense3/18/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.18.conv2.weight" -> "dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/18/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/18/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/18/conv2/conv2d/0" -> "dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/18/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/18/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/18/cat/0" -> "dense3/19/bn1/batch_norm/0" [dtype=float, shape="(1, 864, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/18/cat/0" -> "dense3/19/cat/0" [dtype=float, shape="(1, 864, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.19.bn1.weight" -> "dense3/19/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=1]; -"dense3.19.bn1.bias" -> "dense3/19/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=2]; -"dense3.19.bn1.running_mean" -> "dense3/19/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=3]; -"dense3.19.bn1.running_var" -> "dense3/19/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=4]; -"dense3/19/bn1/batch_norm/0" -> "dense3/19/relu/0" [dtype=float, shape="(1, 864, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/19/relu/0" -> "dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 864, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/19/relu/0__0.0._scale_param_storage" -> "dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" -> "dense3/19/conv1/conv2d/0" [dtype=float, shape="(1, 864, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.19.conv1.weight" -> "dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 864, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/19/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/19/conv1/conv2d/0" [dtype=float, shape="(128, 864, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/19/conv1/conv2d/0" -> "dense3/19/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.19.bn2.weight" -> "dense3/19/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.19.bn2.bias" -> "dense3/19/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.19.bn2.running_mean" -> "dense3/19/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.19.bn2.running_var" -> "dense3/19/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/19/bn2/batch_norm/0" -> "dense3/19/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/19/relu/1" -> "dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/19/relu/1__0.0._scale_param_storage" -> "dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" -> "dense3/19/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.19.conv2.weight" -> "dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/19/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/19/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/19/conv2/conv2d/0" -> "dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/19/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/19/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/19/cat/0" -> "dense3/20/bn1/batch_norm/0" [dtype=float, shape="(1, 896, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/19/cat/0" -> "dense3/20/cat/0" [dtype=float, shape="(1, 896, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.20.bn1.weight" -> "dense3/20/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=1]; -"dense3.20.bn1.bias" -> "dense3/20/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=2]; -"dense3.20.bn1.running_mean" -> "dense3/20/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=3]; -"dense3.20.bn1.running_var" -> "dense3/20/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=4]; -"dense3/20/bn1/batch_norm/0" -> "dense3/20/relu/0" [dtype=float, shape="(1, 896, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/20/relu/0" -> "dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 896, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/20/relu/0__0.0._scale_param_storage" -> "dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" -> "dense3/20/conv1/conv2d/0" [dtype=float, shape="(1, 896, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.20.conv1.weight" -> "dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 896, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/20/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/20/conv1/conv2d/0" [dtype=float, shape="(128, 896, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/20/conv1/conv2d/0" -> "dense3/20/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.20.bn2.weight" -> "dense3/20/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.20.bn2.bias" -> "dense3/20/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.20.bn2.running_mean" -> "dense3/20/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.20.bn2.running_var" -> "dense3/20/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/20/bn2/batch_norm/0" -> "dense3/20/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/20/relu/1" -> "dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/20/relu/1__0.0._scale_param_storage" -> "dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" -> "dense3/20/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.20.conv2.weight" -> "dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/20/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/20/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/20/conv2/conv2d/0" -> "dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/20/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/20/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/20/cat/0" -> "dense3/21/bn1/batch_norm/0" [dtype=float, shape="(1, 928, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/20/cat/0" -> "dense3/21/cat/0" [dtype=float, shape="(1, 928, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.21.bn1.weight" -> "dense3/21/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=1]; -"dense3.21.bn1.bias" -> "dense3/21/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=2]; -"dense3.21.bn1.running_mean" -> "dense3/21/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=3]; -"dense3.21.bn1.running_var" -> "dense3/21/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=4]; -"dense3/21/bn1/batch_norm/0" -> "dense3/21/relu/0" [dtype=float, shape="(1, 928, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/21/relu/0" -> "dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 928, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/21/relu/0__0.0._scale_param_storage" -> "dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" -> "dense3/21/conv1/conv2d/0" [dtype=float, shape="(1, 928, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.21.conv1.weight" -> "dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 928, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/21/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/21/conv1/conv2d/0" [dtype=float, shape="(128, 928, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/21/conv1/conv2d/0" -> "dense3/21/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.21.bn2.weight" -> "dense3/21/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.21.bn2.bias" -> "dense3/21/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.21.bn2.running_mean" -> "dense3/21/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.21.bn2.running_var" -> "dense3/21/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/21/bn2/batch_norm/0" -> "dense3/21/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/21/relu/1" -> "dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/21/relu/1__0.0._scale_param_storage" -> "dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" -> "dense3/21/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.21.conv2.weight" -> "dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/21/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/21/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/21/conv2/conv2d/0" -> "dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/21/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/21/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/21/cat/0" -> "dense3/22/bn1/batch_norm/0" [dtype=float, shape="(1, 960, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/21/cat/0" -> "dense3/22/cat/0" [dtype=float, shape="(1, 960, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.22.bn1.weight" -> "dense3/22/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"dense3.22.bn1.bias" -> "dense3/22/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"dense3.22.bn1.running_mean" -> "dense3/22/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"dense3.22.bn1.running_var" -> "dense3/22/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"dense3/22/bn1/batch_norm/0" -> "dense3/22/relu/0" [dtype=float, shape="(1, 960, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/22/relu/0" -> "dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/22/relu/0__0.0._scale_param_storage" -> "dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" -> "dense3/22/conv1/conv2d/0" [dtype=float, shape="(1, 960, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.22.conv1.weight" -> "dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/22/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/22/conv1/conv2d/0" [dtype=float, shape="(128, 960, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/22/conv1/conv2d/0" -> "dense3/22/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.22.bn2.weight" -> "dense3/22/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.22.bn2.bias" -> "dense3/22/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.22.bn2.running_mean" -> "dense3/22/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.22.bn2.running_var" -> "dense3/22/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/22/bn2/batch_norm/0" -> "dense3/22/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/22/relu/1" -> "dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/22/relu/1__0.0._scale_param_storage" -> "dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" -> "dense3/22/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.22.conv2.weight" -> "dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/22/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/22/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/22/conv2/conv2d/0" -> "dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/22/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/22/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/22/cat/0" -> "dense3/23/bn1/batch_norm/0" [dtype=float, shape="(1, 992, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/22/cat/0" -> "dense3/23/cat/0" [dtype=float, shape="(1, 992, 8, 8)", out_port_id=0, in_port_id=1]; -"dense3.23.bn1.weight" -> "dense3/23/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=1]; -"dense3.23.bn1.bias" -> "dense3/23/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=2]; -"dense3.23.bn1.running_mean" -> "dense3/23/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=3]; -"dense3.23.bn1.running_var" -> "dense3/23/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=4]; -"dense3/23/bn1/batch_norm/0" -> "dense3/23/relu/0" [dtype=float, shape="(1, 992, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/23/relu/0" -> "dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 992, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/23/relu/0__0.0._scale_param_storage" -> "dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" -> "dense3/23/conv1/conv2d/0" [dtype=float, shape="(1, 992, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.23.conv1.weight" -> "dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 992, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/23/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/23/conv1/conv2d/0" [dtype=float, shape="(128, 992, 1, 1)", out_port_id=0, in_port_id=1]; -"dense3/23/conv1/conv2d/0" -> "dense3/23/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.23.bn2.weight" -> "dense3/23/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense3.23.bn2.bias" -> "dense3/23/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense3.23.bn2.running_mean" -> "dense3/23/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense3.23.bn2.running_var" -> "dense3/23/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense3/23/bn2/batch_norm/0" -> "dense3/23/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/23/relu/1" -> "dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/23/relu/1__0.0._scale_param_storage" -> "dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" -> "dense3/23/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3.23.conv2.weight" -> "dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense3/23/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/23/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense3/23/conv2/conv2d/0" -> "dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense3/23/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/23/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"dense3/23/cat/0" -> "trans3/bn/batch_norm/0" [dtype=float, shape="(1, 1024, 8, 8)", out_port_id=0, in_port_id=0]; -"trans3.bn.weight" -> "trans3/bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"trans3.bn.bias" -> "trans3/bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"trans3.bn.running_mean" -> "trans3/bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"trans3.bn.running_var" -> "trans3/bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"trans3/bn/batch_norm/0" -> "trans3/relu/0" [dtype=float, shape="(1, 1024, 8, 8)", out_port_id=0, in_port_id=0]; -"trans3/relu/0" -> "trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.trans3/relu/0__0.0._scale_param_storage" -> "trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" -> "trans3/conv/conv2d/0" [dtype=float, shape="(1, 1024, 8, 8)", out_port_id=0, in_port_id=0]; -"trans3.conv.weight" -> "trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.trans3/conv/conv2d/0__1.0._scale_param_storage" -> "trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "trans3/conv/conv2d/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=1]; -"trans3/conv/conv2d/0" -> "trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.trans3/conv/conv2d/0__0.0._scale_param_storage" -> "trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" -> "trans3/avg_pool2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; -"trans3/avg_pool2d/0" -> "trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.trans3/avg_pool2d/0__0.0._scale_param_storage" -> "trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense4/0/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense4/0/cat/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.0.bn1.weight" -> "dense4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"dense4.0.bn1.bias" -> "dense4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"dense4.0.bn1.running_mean" -> "dense4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"dense4.0.bn1.running_var" -> "dense4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"dense4/0/bn1/batch_norm/0" -> "dense4/0/relu/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/0/relu/0" -> "dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/0/relu/0__0.0._scale_param_storage" -> "dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" -> "dense4/0/conv1/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.0.conv1.weight" -> "dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/0/conv1/conv2d/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/0/conv1/conv2d/0" -> "dense4/0/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.0.bn2.weight" -> "dense4/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.0.bn2.bias" -> "dense4/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.0.bn2.running_mean" -> "dense4/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.0.bn2.running_var" -> "dense4/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/0/bn2/batch_norm/0" -> "dense4/0/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/0/relu/1" -> "dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/0/relu/1__0.0._scale_param_storage" -> "dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" -> "dense4/0/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.0.conv2.weight" -> "dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/0/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/0/conv2/conv2d/0" -> "dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/0/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/0/cat/0" -> "dense4/1/bn1/batch_norm/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/0/cat/0" -> "dense4/1/cat/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.1.bn1.weight" -> "dense4/1/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=1]; -"dense4.1.bn1.bias" -> "dense4/1/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=2]; -"dense4.1.bn1.running_mean" -> "dense4/1/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=3]; -"dense4.1.bn1.running_var" -> "dense4/1/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=4]; -"dense4/1/bn1/batch_norm/0" -> "dense4/1/relu/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/1/relu/0" -> "dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/1/relu/0__0.0._scale_param_storage" -> "dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" -> "dense4/1/conv1/conv2d/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.1.conv1.weight" -> "dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 544, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/1/conv1/conv2d/0" [dtype=float, shape="(128, 544, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/1/conv1/conv2d/0" -> "dense4/1/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.1.bn2.weight" -> "dense4/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.1.bn2.bias" -> "dense4/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.1.bn2.running_mean" -> "dense4/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.1.bn2.running_var" -> "dense4/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/1/bn2/batch_norm/0" -> "dense4/1/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/1/relu/1" -> "dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/1/relu/1__0.0._scale_param_storage" -> "dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" -> "dense4/1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.1.conv2.weight" -> "dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/1/conv2/conv2d/0" -> "dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/1/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/1/cat/0" -> "dense4/2/bn1/batch_norm/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/1/cat/0" -> "dense4/2/cat/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.2.bn1.weight" -> "dense4/2/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"dense4.2.bn1.bias" -> "dense4/2/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"dense4.2.bn1.running_mean" -> "dense4/2/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"dense4.2.bn1.running_var" -> "dense4/2/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"dense4/2/bn1/batch_norm/0" -> "dense4/2/relu/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/2/relu/0" -> "dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/2/relu/0__0.0._scale_param_storage" -> "dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" -> "dense4/2/conv1/conv2d/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.2.conv1.weight" -> "dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/2/conv1/conv2d/0" [dtype=float, shape="(128, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/2/conv1/conv2d/0" -> "dense4/2/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.2.bn2.weight" -> "dense4/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.2.bn2.bias" -> "dense4/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.2.bn2.running_mean" -> "dense4/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.2.bn2.running_var" -> "dense4/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/2/bn2/batch_norm/0" -> "dense4/2/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/2/relu/1" -> "dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/2/relu/1__0.0._scale_param_storage" -> "dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" -> "dense4/2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.2.conv2.weight" -> "dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/2/conv2/conv2d/0" -> "dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/2/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/2/cat/0" -> "dense4/3/bn1/batch_norm/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/2/cat/0" -> "dense4/3/cat/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.3.bn1.weight" -> "dense4/3/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=1]; -"dense4.3.bn1.bias" -> "dense4/3/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=2]; -"dense4.3.bn1.running_mean" -> "dense4/3/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=3]; -"dense4.3.bn1.running_var" -> "dense4/3/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=4]; -"dense4/3/bn1/batch_norm/0" -> "dense4/3/relu/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/3/relu/0" -> "dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/3/relu/0__0.0._scale_param_storage" -> "dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" -> "dense4/3/conv1/conv2d/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.3.conv1.weight" -> "dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 608, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/3/conv1/conv2d/0" [dtype=float, shape="(128, 608, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/3/conv1/conv2d/0" -> "dense4/3/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.3.bn2.weight" -> "dense4/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.3.bn2.bias" -> "dense4/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.3.bn2.running_mean" -> "dense4/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.3.bn2.running_var" -> "dense4/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/3/bn2/batch_norm/0" -> "dense4/3/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/3/relu/1" -> "dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/3/relu/1__0.0._scale_param_storage" -> "dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" -> "dense4/3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.3.conv2.weight" -> "dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/3/conv2/conv2d/0" -> "dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/3/cat/0" -> "dense4/4/bn1/batch_norm/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/3/cat/0" -> "dense4/4/cat/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.4.bn1.weight" -> "dense4/4/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=1]; -"dense4.4.bn1.bias" -> "dense4/4/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=2]; -"dense4.4.bn1.running_mean" -> "dense4/4/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=3]; -"dense4.4.bn1.running_var" -> "dense4/4/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=4]; -"dense4/4/bn1/batch_norm/0" -> "dense4/4/relu/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/4/relu/0" -> "dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/4/relu/0__0.0._scale_param_storage" -> "dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" -> "dense4/4/conv1/conv2d/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.4.conv1.weight" -> "dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 640, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/4/conv1/conv2d/0" [dtype=float, shape="(128, 640, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/4/conv1/conv2d/0" -> "dense4/4/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.4.bn2.weight" -> "dense4/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.4.bn2.bias" -> "dense4/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.4.bn2.running_mean" -> "dense4/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.4.bn2.running_var" -> "dense4/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/4/bn2/batch_norm/0" -> "dense4/4/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/4/relu/1" -> "dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/4/relu/1__0.0._scale_param_storage" -> "dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" -> "dense4/4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.4.conv2.weight" -> "dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/4/conv2/conv2d/0" -> "dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/4/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/4/cat/0" -> "dense4/5/bn1/batch_norm/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/4/cat/0" -> "dense4/5/cat/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.5.bn1.weight" -> "dense4/5/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; -"dense4.5.bn1.bias" -> "dense4/5/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; -"dense4.5.bn1.running_mean" -> "dense4/5/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; -"dense4.5.bn1.running_var" -> "dense4/5/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; -"dense4/5/bn1/batch_norm/0" -> "dense4/5/relu/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/5/relu/0" -> "dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/5/relu/0__0.0._scale_param_storage" -> "dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" -> "dense4/5/conv1/conv2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.5.conv1.weight" -> "dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 672, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/5/conv1/conv2d/0" [dtype=float, shape="(128, 672, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/5/conv1/conv2d/0" -> "dense4/5/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.5.bn2.weight" -> "dense4/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.5.bn2.bias" -> "dense4/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.5.bn2.running_mean" -> "dense4/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.5.bn2.running_var" -> "dense4/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/5/bn2/batch_norm/0" -> "dense4/5/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/5/relu/1" -> "dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/5/relu/1__0.0._scale_param_storage" -> "dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" -> "dense4/5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.5.conv2.weight" -> "dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/5/conv2/conv2d/0" -> "dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/5/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/5/cat/0" -> "dense4/6/bn1/batch_norm/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/5/cat/0" -> "dense4/6/cat/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.6.bn1.weight" -> "dense4/6/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=1]; -"dense4.6.bn1.bias" -> "dense4/6/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=2]; -"dense4.6.bn1.running_mean" -> "dense4/6/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=3]; -"dense4.6.bn1.running_var" -> "dense4/6/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=4]; -"dense4/6/bn1/batch_norm/0" -> "dense4/6/relu/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/6/relu/0" -> "dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/6/relu/0__0.0._scale_param_storage" -> "dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" -> "dense4/6/conv1/conv2d/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.6.conv1.weight" -> "dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 704, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/6/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/6/conv1/conv2d/0" [dtype=float, shape="(128, 704, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/6/conv1/conv2d/0" -> "dense4/6/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.6.bn2.weight" -> "dense4/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.6.bn2.bias" -> "dense4/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.6.bn2.running_mean" -> "dense4/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.6.bn2.running_var" -> "dense4/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/6/bn2/batch_norm/0" -> "dense4/6/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/6/relu/1" -> "dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/6/relu/1__0.0._scale_param_storage" -> "dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" -> "dense4/6/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.6.conv2.weight" -> "dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/6/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/6/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/6/conv2/conv2d/0" -> "dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/6/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/6/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/6/cat/0" -> "dense4/7/bn1/batch_norm/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/6/cat/0" -> "dense4/7/cat/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.7.bn1.weight" -> "dense4/7/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=1]; -"dense4.7.bn1.bias" -> "dense4/7/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=2]; -"dense4.7.bn1.running_mean" -> "dense4/7/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=3]; -"dense4.7.bn1.running_var" -> "dense4/7/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=4]; -"dense4/7/bn1/batch_norm/0" -> "dense4/7/relu/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/7/relu/0" -> "dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/7/relu/0__0.0._scale_param_storage" -> "dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" -> "dense4/7/conv1/conv2d/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.7.conv1.weight" -> "dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 736, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/7/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/7/conv1/conv2d/0" [dtype=float, shape="(128, 736, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/7/conv1/conv2d/0" -> "dense4/7/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.7.bn2.weight" -> "dense4/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.7.bn2.bias" -> "dense4/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.7.bn2.running_mean" -> "dense4/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.7.bn2.running_var" -> "dense4/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/7/bn2/batch_norm/0" -> "dense4/7/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/7/relu/1" -> "dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/7/relu/1__0.0._scale_param_storage" -> "dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" -> "dense4/7/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.7.conv2.weight" -> "dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/7/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/7/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/7/conv2/conv2d/0" -> "dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/7/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/7/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/7/cat/0" -> "dense4/8/bn1/batch_norm/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/7/cat/0" -> "dense4/8/cat/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.8.bn1.weight" -> "dense4/8/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=1]; -"dense4.8.bn1.bias" -> "dense4/8/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; -"dense4.8.bn1.running_mean" -> "dense4/8/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; -"dense4.8.bn1.running_var" -> "dense4/8/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=4]; -"dense4/8/bn1/batch_norm/0" -> "dense4/8/relu/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/8/relu/0" -> "dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/8/relu/0__0.0._scale_param_storage" -> "dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" -> "dense4/8/conv1/conv2d/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.8.conv1.weight" -> "dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/8/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/8/conv1/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/8/conv1/conv2d/0" -> "dense4/8/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.8.bn2.weight" -> "dense4/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.8.bn2.bias" -> "dense4/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.8.bn2.running_mean" -> "dense4/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.8.bn2.running_var" -> "dense4/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/8/bn2/batch_norm/0" -> "dense4/8/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/8/relu/1" -> "dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/8/relu/1__0.0._scale_param_storage" -> "dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" -> "dense4/8/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.8.conv2.weight" -> "dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/8/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/8/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/8/conv2/conv2d/0" -> "dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/8/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/8/cat/0" -> "dense4/9/bn1/batch_norm/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/8/cat/0" -> "dense4/9/cat/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.9.bn1.weight" -> "dense4/9/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=1]; -"dense4.9.bn1.bias" -> "dense4/9/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=2]; -"dense4.9.bn1.running_mean" -> "dense4/9/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=3]; -"dense4.9.bn1.running_var" -> "dense4/9/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=4]; -"dense4/9/bn1/batch_norm/0" -> "dense4/9/relu/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/9/relu/0" -> "dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/9/relu/0__0.0._scale_param_storage" -> "dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" -> "dense4/9/conv1/conv2d/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.9.conv1.weight" -> "dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 800, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/9/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/9/conv1/conv2d/0" [dtype=float, shape="(128, 800, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/9/conv1/conv2d/0" -> "dense4/9/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.9.bn2.weight" -> "dense4/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.9.bn2.bias" -> "dense4/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.9.bn2.running_mean" -> "dense4/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.9.bn2.running_var" -> "dense4/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/9/bn2/batch_norm/0" -> "dense4/9/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/9/relu/1" -> "dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/9/relu/1__0.0._scale_param_storage" -> "dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" -> "dense4/9/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.9.conv2.weight" -> "dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/9/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/9/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/9/conv2/conv2d/0" -> "dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/9/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/9/cat/0" -> "dense4/10/bn1/batch_norm/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/9/cat/0" -> "dense4/10/cat/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.10.bn1.weight" -> "dense4/10/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=1]; -"dense4.10.bn1.bias" -> "dense4/10/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=2]; -"dense4.10.bn1.running_mean" -> "dense4/10/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=3]; -"dense4.10.bn1.running_var" -> "dense4/10/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=4]; -"dense4/10/bn1/batch_norm/0" -> "dense4/10/relu/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/10/relu/0" -> "dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/10/relu/0__0.0._scale_param_storage" -> "dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" -> "dense4/10/conv1/conv2d/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.10.conv1.weight" -> "dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/10/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/10/conv1/conv2d/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/10/conv1/conv2d/0" -> "dense4/10/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.10.bn2.weight" -> "dense4/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.10.bn2.bias" -> "dense4/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.10.bn2.running_mean" -> "dense4/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.10.bn2.running_var" -> "dense4/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/10/bn2/batch_norm/0" -> "dense4/10/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/10/relu/1" -> "dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/10/relu/1__0.0._scale_param_storage" -> "dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" -> "dense4/10/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.10.conv2.weight" -> "dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/10/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/10/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/10/conv2/conv2d/0" -> "dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/10/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/10/cat/0" -> "dense4/11/bn1/batch_norm/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/10/cat/0" -> "dense4/11/cat/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.11.bn1.weight" -> "dense4/11/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=1]; -"dense4.11.bn1.bias" -> "dense4/11/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=2]; -"dense4.11.bn1.running_mean" -> "dense4/11/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=3]; -"dense4.11.bn1.running_var" -> "dense4/11/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=4]; -"dense4/11/bn1/batch_norm/0" -> "dense4/11/relu/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/11/relu/0" -> "dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/11/relu/0__0.0._scale_param_storage" -> "dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" -> "dense4/11/conv1/conv2d/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.11.conv1.weight" -> "dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 864, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/11/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/11/conv1/conv2d/0" [dtype=float, shape="(128, 864, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/11/conv1/conv2d/0" -> "dense4/11/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.11.bn2.weight" -> "dense4/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.11.bn2.bias" -> "dense4/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.11.bn2.running_mean" -> "dense4/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.11.bn2.running_var" -> "dense4/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/11/bn2/batch_norm/0" -> "dense4/11/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/11/relu/1" -> "dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/11/relu/1__0.0._scale_param_storage" -> "dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" -> "dense4/11/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.11.conv2.weight" -> "dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/11/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/11/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/11/conv2/conv2d/0" -> "dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/11/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/11/cat/0" -> "dense4/12/bn1/batch_norm/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/11/cat/0" -> "dense4/12/cat/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.12.bn1.weight" -> "dense4/12/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=1]; -"dense4.12.bn1.bias" -> "dense4/12/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=2]; -"dense4.12.bn1.running_mean" -> "dense4/12/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=3]; -"dense4.12.bn1.running_var" -> "dense4/12/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=4]; -"dense4/12/bn1/batch_norm/0" -> "dense4/12/relu/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/12/relu/0" -> "dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/12/relu/0__0.0._scale_param_storage" -> "dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" -> "dense4/12/conv1/conv2d/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.12.conv1.weight" -> "dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 896, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/12/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/12/conv1/conv2d/0" [dtype=float, shape="(128, 896, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/12/conv1/conv2d/0" -> "dense4/12/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.12.bn2.weight" -> "dense4/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.12.bn2.bias" -> "dense4/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.12.bn2.running_mean" -> "dense4/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.12.bn2.running_var" -> "dense4/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/12/bn2/batch_norm/0" -> "dense4/12/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/12/relu/1" -> "dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/12/relu/1__0.0._scale_param_storage" -> "dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" -> "dense4/12/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.12.conv2.weight" -> "dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/12/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/12/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/12/conv2/conv2d/0" -> "dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/12/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/12/cat/0" -> "dense4/13/bn1/batch_norm/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/12/cat/0" -> "dense4/13/cat/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.13.bn1.weight" -> "dense4/13/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=1]; -"dense4.13.bn1.bias" -> "dense4/13/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=2]; -"dense4.13.bn1.running_mean" -> "dense4/13/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=3]; -"dense4.13.bn1.running_var" -> "dense4/13/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=4]; -"dense4/13/bn1/batch_norm/0" -> "dense4/13/relu/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/13/relu/0" -> "dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/13/relu/0__0.0._scale_param_storage" -> "dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" -> "dense4/13/conv1/conv2d/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.13.conv1.weight" -> "dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 928, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/13/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/13/conv1/conv2d/0" [dtype=float, shape="(128, 928, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/13/conv1/conv2d/0" -> "dense4/13/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.13.bn2.weight" -> "dense4/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.13.bn2.bias" -> "dense4/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.13.bn2.running_mean" -> "dense4/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.13.bn2.running_var" -> "dense4/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/13/bn2/batch_norm/0" -> "dense4/13/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/13/relu/1" -> "dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/13/relu/1__0.0._scale_param_storage" -> "dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" -> "dense4/13/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.13.conv2.weight" -> "dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/13/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/13/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/13/conv2/conv2d/0" -> "dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/13/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/13/cat/0" -> "dense4/14/bn1/batch_norm/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/13/cat/0" -> "dense4/14/cat/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.14.bn1.weight" -> "dense4/14/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"dense4.14.bn1.bias" -> "dense4/14/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"dense4.14.bn1.running_mean" -> "dense4/14/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"dense4.14.bn1.running_var" -> "dense4/14/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"dense4/14/bn1/batch_norm/0" -> "dense4/14/relu/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/14/relu/0" -> "dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/14/relu/0__0.0._scale_param_storage" -> "dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" -> "dense4/14/conv1/conv2d/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.14.conv1.weight" -> "dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/14/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/14/conv1/conv2d/0" [dtype=float, shape="(128, 960, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/14/conv1/conv2d/0" -> "dense4/14/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.14.bn2.weight" -> "dense4/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.14.bn2.bias" -> "dense4/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.14.bn2.running_mean" -> "dense4/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.14.bn2.running_var" -> "dense4/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/14/bn2/batch_norm/0" -> "dense4/14/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/14/relu/1" -> "dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/14/relu/1__0.0._scale_param_storage" -> "dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" -> "dense4/14/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.14.conv2.weight" -> "dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/14/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/14/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/14/conv2/conv2d/0" -> "dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/14/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/14/cat/0" -> "dense4/15/bn1/batch_norm/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/14/cat/0" -> "dense4/15/cat/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=1]; -"dense4.15.bn1.weight" -> "dense4/15/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=1]; -"dense4.15.bn1.bias" -> "dense4/15/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=2]; -"dense4.15.bn1.running_mean" -> "dense4/15/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=3]; -"dense4.15.bn1.running_var" -> "dense4/15/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=4]; -"dense4/15/bn1/batch_norm/0" -> "dense4/15/relu/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/15/relu/0" -> "dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/15/relu/0__0.0._scale_param_storage" -> "dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" -> "dense4/15/conv1/conv2d/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.15.conv1.weight" -> "dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 992, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/15/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/15/conv1/conv2d/0" [dtype=float, shape="(128, 992, 1, 1)", out_port_id=0, in_port_id=1]; -"dense4/15/conv1/conv2d/0" -> "dense4/15/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.15.bn2.weight" -> "dense4/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"dense4.15.bn2.bias" -> "dense4/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"dense4.15.bn2.running_mean" -> "dense4/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"dense4.15.bn2.running_var" -> "dense4/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"dense4/15/bn2/batch_norm/0" -> "dense4/15/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/15/relu/1" -> "dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/15/relu/1__0.0._scale_param_storage" -> "dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" -> "dense4/15/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4.15.conv2.weight" -> "dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.dense4/15/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/15/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"dense4/15/conv2/conv2d/0" -> "dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.dense4/15/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"dense4/15/cat/0" -> "bn/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"bn.weight" -> "bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"bn.bias" -> "bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"bn.running_mean" -> "bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"bn.running_var" -> "bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"bn/batch_norm/0" -> "/relu/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "/avg_pool2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"/avg_pool2d/0" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; -"/view/0" -> "linear/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1024)", out_port_id=0, in_port_id=0]; -"linear.bias" -> "linear/linear/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1)", out_port_id=0, in_port_id=4]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, shape="(10, 1024)", out_port_id=0, in_port_id=1]; -"linear/linear/0" -> output [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=5, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv1/conv2d/0" [id=6, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.conv1/conv2d/0__0.0._scale_param_storage" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" [id=8, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1.0.bn1.weight" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.0.bn1.bias" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.0.bn1.running_mean" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.0.bn1.running_var" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/0/bn1/batch_norm/0" [id=13, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense1/0/relu/0" [id=14, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense1/0/relu/0__0.0._scale_param_storage" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" [id=16, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1.0.conv1.weight" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense1/0/conv1/conv2d/0__1.0._scale_param_storage" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=19, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/0/conv1/conv2d/0" [id=20, metatype=PTConv2dMetatype, type=conv2d]; +"dense1.0.bn2.weight" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.0.bn2.bias" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.0.bn2.running_mean" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.0.bn2.running_var" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/0/bn2/batch_norm/0" [id=25, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense1/0/relu/1" [id=26, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense1/0/relu/1__0.0._scale_param_storage" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" [id=28, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1.0.conv2.weight" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense1/0/conv2/conv2d/0__1.0._scale_param_storage" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=31, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/0/conv2/conv2d/0" [id=32, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense1/0/conv2/conv2d/0__0.0._scale_param_storage" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=34, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/0/cat/0" [id=35, metatype=PTCatMetatype, type=cat]; +"dense1.1.bn1.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.1.bn1.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.1.bn1.running_mean" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.1.bn1.running_var" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/1/bn1/batch_norm/0" [id=40, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense1/1/relu/0" [id=41, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense1/1/relu/0__0.0._scale_param_storage" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" [id=43, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1.1.conv1.weight" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense1/1/conv1/conv2d/0__1.0._scale_param_storage" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=46, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/1/conv1/conv2d/0" [id=47, metatype=PTConv2dMetatype, type=conv2d]; +"dense1.1.bn2.weight" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.1.bn2.bias" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.1.bn2.running_mean" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.1.bn2.running_var" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/1/bn2/batch_norm/0" [id=52, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense1/1/relu/1" [id=53, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense1/1/relu/1__0.0._scale_param_storage" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" [id=55, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1.1.conv2.weight" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense1/1/conv2/conv2d/0__1.0._scale_param_storage" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=58, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/1/conv2/conv2d/0" [id=59, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense1/1/conv2/conv2d/0__0.0._scale_param_storage" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=61, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/1/cat/0" [id=62, metatype=PTCatMetatype, type=cat]; +"dense1.2.bn1.weight" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.2.bn1.bias" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.2.bn1.running_mean" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.2.bn1.running_var" [id=66, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/2/bn1/batch_norm/0" [id=67, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense1/2/relu/0" [id=68, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense1/2/relu/0__0.0._scale_param_storage" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" [id=70, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1.2.conv1.weight" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense1/2/conv1/conv2d/0__1.0._scale_param_storage" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=73, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/2/conv1/conv2d/0" [id=74, metatype=PTConv2dMetatype, type=conv2d]; +"dense1.2.bn2.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.2.bn2.bias" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.2.bn2.running_mean" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.2.bn2.running_var" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/2/bn2/batch_norm/0" [id=79, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense1/2/relu/1" [id=80, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense1/2/relu/1__0.0._scale_param_storage" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" [id=82, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1.2.conv2.weight" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense1/2/conv2/conv2d/0__1.0._scale_param_storage" [id=84, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=85, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/2/conv2/conv2d/0" [id=86, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense1/2/conv2/conv2d/0__0.0._scale_param_storage" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=88, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/2/cat/0" [id=89, metatype=PTCatMetatype, type=cat]; +"dense1.3.bn1.weight" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.3.bn1.bias" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.3.bn1.running_mean" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.3.bn1.running_var" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/3/bn1/batch_norm/0" [id=94, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense1/3/relu/0" [id=95, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense1/3/relu/0__0.0._scale_param_storage" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" [id=97, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1.3.conv1.weight" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense1/3/conv1/conv2d/0__1.0._scale_param_storage" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=100, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/3/conv1/conv2d/0" [id=101, metatype=PTConv2dMetatype, type=conv2d]; +"dense1.3.bn2.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.3.bn2.bias" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.3.bn2.running_mean" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.3.bn2.running_var" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/3/bn2/batch_norm/0" [id=106, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense1/3/relu/1" [id=107, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense1/3/relu/1__0.0._scale_param_storage" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" [id=109, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1.3.conv2.weight" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense1/3/conv2/conv2d/0__1.0._scale_param_storage" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=112, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/3/conv2/conv2d/0" [id=113, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense1/3/conv2/conv2d/0__0.0._scale_param_storage" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=115, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/3/cat/0" [id=116, metatype=PTCatMetatype, type=cat]; +"dense1.4.bn1.weight" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.4.bn1.bias" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.4.bn1.running_mean" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.4.bn1.running_var" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/4/bn1/batch_norm/0" [id=121, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense1/4/relu/0" [id=122, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense1/4/relu/0__0.0._scale_param_storage" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" [id=124, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1.4.conv1.weight" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense1/4/conv1/conv2d/0__1.0._scale_param_storage" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=127, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/4/conv1/conv2d/0" [id=128, metatype=PTConv2dMetatype, type=conv2d]; +"dense1.4.bn2.weight" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.4.bn2.bias" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.4.bn2.running_mean" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.4.bn2.running_var" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/4/bn2/batch_norm/0" [id=133, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense1/4/relu/1" [id=134, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense1/4/relu/1__0.0._scale_param_storage" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" [id=136, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1.4.conv2.weight" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense1/4/conv2/conv2d/0__1.0._scale_param_storage" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=139, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/4/conv2/conv2d/0" [id=140, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense1/4/conv2/conv2d/0__0.0._scale_param_storage" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=142, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/4/cat/0" [id=143, metatype=PTCatMetatype, type=cat]; +"dense1.5.bn1.weight" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.5.bn1.bias" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.5.bn1.running_mean" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.5.bn1.running_var" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/5/bn1/batch_norm/0" [id=148, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense1/5/relu/0" [id=149, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense1/5/relu/0__0.0._scale_param_storage" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" [id=151, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1.5.conv1.weight" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense1/5/conv1/conv2d/0__1.0._scale_param_storage" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=154, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/5/conv1/conv2d/0" [id=155, metatype=PTConv2dMetatype, type=conv2d]; +"dense1.5.bn2.weight" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.5.bn2.bias" [id=157, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.5.bn2.running_mean" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1.5.bn2.running_var" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/5/bn2/batch_norm/0" [id=160, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense1/5/relu/1" [id=161, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense1/5/relu/1__0.0._scale_param_storage" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" [id=163, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1.5.conv2.weight" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense1/5/conv2/conv2d/0__1.0._scale_param_storage" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=166, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/5/conv2/conv2d/0" [id=167, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense1/5/conv2/conv2d/0__0.0._scale_param_storage" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=169, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense1/5/cat/0" [id=170, metatype=PTCatMetatype, type=cat]; +"trans1.bn.weight" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans1.bn.bias" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans1.bn.running_mean" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans1.bn.running_var" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans1/bn/batch_norm/0" [id=175, metatype=PT2BatchNormMetatype, type=batch_norm]; +"trans1/relu/0" [id=176, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.trans1/relu/0__0.0._scale_param_storage" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" [id=178, metatype=UnknownMetatype, type=symmetric_quantize]; +"trans1.conv.weight" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.trans1/conv/conv2d/0__1.0._scale_param_storage" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=181, metatype=UnknownMetatype, type=symmetric_quantize]; +"trans1/conv/conv2d/0" [id=182, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.trans1/conv/conv2d/0__0.0._scale_param_storage" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" [id=184, metatype=UnknownMetatype, type=symmetric_quantize]; +"trans1/avg_pool2d/0" [id=185, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks.trans1/avg_pool2d/0__0.0._scale_param_storage" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=187, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.0.bn1.weight" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.0.bn1.bias" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.0.bn1.running_mean" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.0.bn1.running_var" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/0/bn1/batch_norm/0" [id=192, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/0/relu/0" [id=193, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/0/relu/0__0.0._scale_param_storage" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" [id=195, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.0.conv1.weight" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/0/conv1/conv2d/0__1.0._scale_param_storage" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=198, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/0/conv1/conv2d/0" [id=199, metatype=PTConv2dMetatype, type=conv2d]; +"dense2.0.bn2.weight" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.0.bn2.bias" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.0.bn2.running_mean" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.0.bn2.running_var" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/0/bn2/batch_norm/0" [id=204, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/0/relu/1" [id=205, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/0/relu/1__0.0._scale_param_storage" [id=206, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" [id=207, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.0.conv2.weight" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/0/conv2/conv2d/0__1.0._scale_param_storage" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=210, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/0/conv2/conv2d/0" [id=211, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense2/0/conv2/conv2d/0__0.0._scale_param_storage" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=213, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/0/cat/0" [id=214, metatype=PTCatMetatype, type=cat]; +"dense2.1.bn1.weight" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.1.bn1.bias" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.1.bn1.running_mean" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.1.bn1.running_var" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/1/bn1/batch_norm/0" [id=219, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/1/relu/0" [id=220, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/1/relu/0__0.0._scale_param_storage" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" [id=222, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.1.conv1.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/1/conv1/conv2d/0__1.0._scale_param_storage" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=225, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/1/conv1/conv2d/0" [id=226, metatype=PTConv2dMetatype, type=conv2d]; +"dense2.1.bn2.weight" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.1.bn2.bias" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.1.bn2.running_mean" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.1.bn2.running_var" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/1/bn2/batch_norm/0" [id=231, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/1/relu/1" [id=232, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/1/relu/1__0.0._scale_param_storage" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" [id=234, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.1.conv2.weight" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/1/conv2/conv2d/0__1.0._scale_param_storage" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=237, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/1/conv2/conv2d/0" [id=238, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense2/1/conv2/conv2d/0__0.0._scale_param_storage" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=240, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/1/cat/0" [id=241, metatype=PTCatMetatype, type=cat]; +"dense2.2.bn1.weight" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.2.bn1.bias" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.2.bn1.running_mean" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.2.bn1.running_var" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/2/bn1/batch_norm/0" [id=246, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/2/relu/0" [id=247, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/2/relu/0__0.0._scale_param_storage" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" [id=249, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.2.conv1.weight" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/2/conv1/conv2d/0__1.0._scale_param_storage" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=252, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/2/conv1/conv2d/0" [id=253, metatype=PTConv2dMetatype, type=conv2d]; +"dense2.2.bn2.weight" [id=254, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.2.bn2.bias" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.2.bn2.running_mean" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.2.bn2.running_var" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/2/bn2/batch_norm/0" [id=258, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/2/relu/1" [id=259, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/2/relu/1__0.0._scale_param_storage" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" [id=261, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.2.conv2.weight" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/2/conv2/conv2d/0__1.0._scale_param_storage" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=264, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/2/conv2/conv2d/0" [id=265, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense2/2/conv2/conv2d/0__0.0._scale_param_storage" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=267, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/2/cat/0" [id=268, metatype=PTCatMetatype, type=cat]; +"dense2.3.bn1.weight" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.3.bn1.bias" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.3.bn1.running_mean" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.3.bn1.running_var" [id=272, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/3/bn1/batch_norm/0" [id=273, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/3/relu/0" [id=274, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/3/relu/0__0.0._scale_param_storage" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" [id=276, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.3.conv1.weight" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/3/conv1/conv2d/0__1.0._scale_param_storage" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=279, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/3/conv1/conv2d/0" [id=280, metatype=PTConv2dMetatype, type=conv2d]; +"dense2.3.bn2.weight" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.3.bn2.bias" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.3.bn2.running_mean" [id=283, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.3.bn2.running_var" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/3/bn2/batch_norm/0" [id=285, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/3/relu/1" [id=286, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/3/relu/1__0.0._scale_param_storage" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" [id=288, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.3.conv2.weight" [id=289, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/3/conv2/conv2d/0__1.0._scale_param_storage" [id=290, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=291, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/3/conv2/conv2d/0" [id=292, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense2/3/conv2/conv2d/0__0.0._scale_param_storage" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=294, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/3/cat/0" [id=295, metatype=PTCatMetatype, type=cat]; +"dense2.4.bn1.weight" [id=296, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.4.bn1.bias" [id=297, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.4.bn1.running_mean" [id=298, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.4.bn1.running_var" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/4/bn1/batch_norm/0" [id=300, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/4/relu/0" [id=301, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/4/relu/0__0.0._scale_param_storage" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" [id=303, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.4.conv1.weight" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/4/conv1/conv2d/0__1.0._scale_param_storage" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=306, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/4/conv1/conv2d/0" [id=307, metatype=PTConv2dMetatype, type=conv2d]; +"dense2.4.bn2.weight" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.4.bn2.bias" [id=309, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.4.bn2.running_mean" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.4.bn2.running_var" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/4/bn2/batch_norm/0" [id=312, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/4/relu/1" [id=313, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/4/relu/1__0.0._scale_param_storage" [id=314, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" [id=315, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.4.conv2.weight" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/4/conv2/conv2d/0__1.0._scale_param_storage" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=318, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/4/conv2/conv2d/0" [id=319, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense2/4/conv2/conv2d/0__0.0._scale_param_storage" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=321, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/4/cat/0" [id=322, metatype=PTCatMetatype, type=cat]; +"dense2.5.bn1.weight" [id=323, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.5.bn1.bias" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.5.bn1.running_mean" [id=325, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.5.bn1.running_var" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/5/bn1/batch_norm/0" [id=327, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/5/relu/0" [id=328, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/5/relu/0__0.0._scale_param_storage" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" [id=330, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.5.conv1.weight" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/5/conv1/conv2d/0__1.0._scale_param_storage" [id=332, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=333, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/5/conv1/conv2d/0" [id=334, metatype=PTConv2dMetatype, type=conv2d]; +"dense2.5.bn2.weight" [id=335, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.5.bn2.bias" [id=336, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.5.bn2.running_mean" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.5.bn2.running_var" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/5/bn2/batch_norm/0" [id=339, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/5/relu/1" [id=340, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/5/relu/1__0.0._scale_param_storage" [id=341, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" [id=342, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.5.conv2.weight" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/5/conv2/conv2d/0__1.0._scale_param_storage" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=345, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/5/conv2/conv2d/0" [id=346, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense2/5/conv2/conv2d/0__0.0._scale_param_storage" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=348, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/5/cat/0" [id=349, metatype=PTCatMetatype, type=cat]; +"dense2.6.bn1.weight" [id=350, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.6.bn1.bias" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.6.bn1.running_mean" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.6.bn1.running_var" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/6/bn1/batch_norm/0" [id=354, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/6/relu/0" [id=355, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/6/relu/0__0.0._scale_param_storage" [id=356, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" [id=357, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.6.conv1.weight" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/6/conv1/conv2d/0__1.0._scale_param_storage" [id=359, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=360, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/6/conv1/conv2d/0" [id=361, metatype=PTConv2dMetatype, type=conv2d]; +"dense2.6.bn2.weight" [id=362, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.6.bn2.bias" [id=363, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.6.bn2.running_mean" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.6.bn2.running_var" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/6/bn2/batch_norm/0" [id=366, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/6/relu/1" [id=367, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/6/relu/1__0.0._scale_param_storage" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" [id=369, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.6.conv2.weight" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/6/conv2/conv2d/0__1.0._scale_param_storage" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=372, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/6/conv2/conv2d/0" [id=373, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense2/6/conv2/conv2d/0__0.0._scale_param_storage" [id=374, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=375, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/6/cat/0" [id=376, metatype=PTCatMetatype, type=cat]; +"dense2.7.bn1.weight" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.7.bn1.bias" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.7.bn1.running_mean" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.7.bn1.running_var" [id=380, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/7/bn1/batch_norm/0" [id=381, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/7/relu/0" [id=382, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/7/relu/0__0.0._scale_param_storage" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" [id=384, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.7.conv1.weight" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/7/conv1/conv2d/0__1.0._scale_param_storage" [id=386, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=387, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/7/conv1/conv2d/0" [id=388, metatype=PTConv2dMetatype, type=conv2d]; +"dense2.7.bn2.weight" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.7.bn2.bias" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.7.bn2.running_mean" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.7.bn2.running_var" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/7/bn2/batch_norm/0" [id=393, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/7/relu/1" [id=394, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/7/relu/1__0.0._scale_param_storage" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" [id=396, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.7.conv2.weight" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/7/conv2/conv2d/0__1.0._scale_param_storage" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=399, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/7/conv2/conv2d/0" [id=400, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense2/7/conv2/conv2d/0__0.0._scale_param_storage" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=402, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/7/cat/0" [id=403, metatype=PTCatMetatype, type=cat]; +"dense2.8.bn1.weight" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.8.bn1.bias" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.8.bn1.running_mean" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.8.bn1.running_var" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/8/bn1/batch_norm/0" [id=408, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/8/relu/0" [id=409, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/8/relu/0__0.0._scale_param_storage" [id=410, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" [id=411, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.8.conv1.weight" [id=412, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/8/conv1/conv2d/0__1.0._scale_param_storage" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=414, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/8/conv1/conv2d/0" [id=415, metatype=PTConv2dMetatype, type=conv2d]; +"dense2.8.bn2.weight" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.8.bn2.bias" [id=417, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.8.bn2.running_mean" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.8.bn2.running_var" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/8/bn2/batch_norm/0" [id=420, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/8/relu/1" [id=421, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/8/relu/1__0.0._scale_param_storage" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" [id=423, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.8.conv2.weight" [id=424, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/8/conv2/conv2d/0__1.0._scale_param_storage" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=426, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/8/conv2/conv2d/0" [id=427, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense2/8/conv2/conv2d/0__0.0._scale_param_storage" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=429, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/8/cat/0" [id=430, metatype=PTCatMetatype, type=cat]; +"dense2.9.bn1.weight" [id=431, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.9.bn1.bias" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.9.bn1.running_mean" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.9.bn1.running_var" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/9/bn1/batch_norm/0" [id=435, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/9/relu/0" [id=436, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/9/relu/0__0.0._scale_param_storage" [id=437, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" [id=438, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.9.conv1.weight" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/9/conv1/conv2d/0__1.0._scale_param_storage" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=441, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/9/conv1/conv2d/0" [id=442, metatype=PTConv2dMetatype, type=conv2d]; +"dense2.9.bn2.weight" [id=443, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.9.bn2.bias" [id=444, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.9.bn2.running_mean" [id=445, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.9.bn2.running_var" [id=446, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/9/bn2/batch_norm/0" [id=447, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/9/relu/1" [id=448, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/9/relu/1__0.0._scale_param_storage" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" [id=450, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.9.conv2.weight" [id=451, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/9/conv2/conv2d/0__1.0._scale_param_storage" [id=452, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=453, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/9/conv2/conv2d/0" [id=454, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense2/9/conv2/conv2d/0__0.0._scale_param_storage" [id=455, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=456, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/9/cat/0" [id=457, metatype=PTCatMetatype, type=cat]; +"dense2.10.bn1.weight" [id=458, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.10.bn1.bias" [id=459, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.10.bn1.running_mean" [id=460, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.10.bn1.running_var" [id=461, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/10/bn1/batch_norm/0" [id=462, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/10/relu/0" [id=463, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/10/relu/0__0.0._scale_param_storage" [id=464, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" [id=465, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.10.conv1.weight" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/10/conv1/conv2d/0__1.0._scale_param_storage" [id=467, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=468, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/10/conv1/conv2d/0" [id=469, metatype=PTConv2dMetatype, type=conv2d]; +"dense2.10.bn2.weight" [id=470, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.10.bn2.bias" [id=471, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.10.bn2.running_mean" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.10.bn2.running_var" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/10/bn2/batch_norm/0" [id=474, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/10/relu/1" [id=475, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/10/relu/1__0.0._scale_param_storage" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" [id=477, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.10.conv2.weight" [id=478, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/10/conv2/conv2d/0__1.0._scale_param_storage" [id=479, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=480, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/10/conv2/conv2d/0" [id=481, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense2/10/conv2/conv2d/0__0.0._scale_param_storage" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=483, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/10/cat/0" [id=484, metatype=PTCatMetatype, type=cat]; +"dense2.11.bn1.weight" [id=485, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.11.bn1.bias" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.11.bn1.running_mean" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.11.bn1.running_var" [id=488, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/11/bn1/batch_norm/0" [id=489, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/11/relu/0" [id=490, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/11/relu/0__0.0._scale_param_storage" [id=491, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" [id=492, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.11.conv1.weight" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/11/conv1/conv2d/0__1.0._scale_param_storage" [id=494, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=495, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/11/conv1/conv2d/0" [id=496, metatype=PTConv2dMetatype, type=conv2d]; +"dense2.11.bn2.weight" [id=497, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.11.bn2.bias" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.11.bn2.running_mean" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2.11.bn2.running_var" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/11/bn2/batch_norm/0" [id=501, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense2/11/relu/1" [id=502, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense2/11/relu/1__0.0._scale_param_storage" [id=503, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" [id=504, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2.11.conv2.weight" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense2/11/conv2/conv2d/0__1.0._scale_param_storage" [id=506, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=507, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/11/conv2/conv2d/0" [id=508, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense2/11/conv2/conv2d/0__0.0._scale_param_storage" [id=509, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=510, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense2/11/cat/0" [id=511, metatype=PTCatMetatype, type=cat]; +"trans2.bn.weight" [id=512, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans2.bn.bias" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans2.bn.running_mean" [id=514, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans2.bn.running_var" [id=515, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans2/bn/batch_norm/0" [id=516, metatype=PT2BatchNormMetatype, type=batch_norm]; +"trans2/relu/0" [id=517, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.trans2/relu/0__0.0._scale_param_storage" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" [id=519, metatype=UnknownMetatype, type=symmetric_quantize]; +"trans2.conv.weight" [id=520, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.trans2/conv/conv2d/0__1.0._scale_param_storage" [id=521, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=522, metatype=UnknownMetatype, type=symmetric_quantize]; +"trans2/conv/conv2d/0" [id=523, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.trans2/conv/conv2d/0__0.0._scale_param_storage" [id=524, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" [id=525, metatype=UnknownMetatype, type=symmetric_quantize]; +"trans2/avg_pool2d/0" [id=526, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks.trans2/avg_pool2d/0__0.0._scale_param_storage" [id=527, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=528, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.0.bn1.weight" [id=529, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.0.bn1.bias" [id=530, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.0.bn1.running_mean" [id=531, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.0.bn1.running_var" [id=532, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/0/bn1/batch_norm/0" [id=533, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/0/relu/0" [id=534, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/0/relu/0__0.0._scale_param_storage" [id=535, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" [id=536, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.0.conv1.weight" [id=537, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/0/conv1/conv2d/0__1.0._scale_param_storage" [id=538, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=539, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/0/conv1/conv2d/0" [id=540, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.0.bn2.weight" [id=541, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.0.bn2.bias" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.0.bn2.running_mean" [id=543, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.0.bn2.running_var" [id=544, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/0/bn2/batch_norm/0" [id=545, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/0/relu/1" [id=546, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/0/relu/1__0.0._scale_param_storage" [id=547, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" [id=548, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.0.conv2.weight" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/0/conv2/conv2d/0__1.0._scale_param_storage" [id=550, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=551, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/0/conv2/conv2d/0" [id=552, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/0/conv2/conv2d/0__0.0._scale_param_storage" [id=553, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=554, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/0/cat/0" [id=555, metatype=PTCatMetatype, type=cat]; +"dense3.1.bn1.weight" [id=556, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.1.bn1.bias" [id=557, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.1.bn1.running_mean" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.1.bn1.running_var" [id=559, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/1/bn1/batch_norm/0" [id=560, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/1/relu/0" [id=561, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/1/relu/0__0.0._scale_param_storage" [id=562, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" [id=563, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.1.conv1.weight" [id=564, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/1/conv1/conv2d/0__1.0._scale_param_storage" [id=565, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=566, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/1/conv1/conv2d/0" [id=567, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.1.bn2.weight" [id=568, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.1.bn2.bias" [id=569, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.1.bn2.running_mean" [id=570, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.1.bn2.running_var" [id=571, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/1/bn2/batch_norm/0" [id=572, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/1/relu/1" [id=573, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/1/relu/1__0.0._scale_param_storage" [id=574, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" [id=575, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.1.conv2.weight" [id=576, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/1/conv2/conv2d/0__1.0._scale_param_storage" [id=577, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=578, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/1/conv2/conv2d/0" [id=579, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/1/conv2/conv2d/0__0.0._scale_param_storage" [id=580, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=581, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/1/cat/0" [id=582, metatype=PTCatMetatype, type=cat]; +"dense3.2.bn1.weight" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.2.bn1.bias" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.2.bn1.running_mean" [id=585, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.2.bn1.running_var" [id=586, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/2/bn1/batch_norm/0" [id=587, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/2/relu/0" [id=588, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/2/relu/0__0.0._scale_param_storage" [id=589, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" [id=590, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.2.conv1.weight" [id=591, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/2/conv1/conv2d/0__1.0._scale_param_storage" [id=592, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=593, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/2/conv1/conv2d/0" [id=594, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.2.bn2.weight" [id=595, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.2.bn2.bias" [id=596, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.2.bn2.running_mean" [id=597, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.2.bn2.running_var" [id=598, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/2/bn2/batch_norm/0" [id=599, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/2/relu/1" [id=600, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/2/relu/1__0.0._scale_param_storage" [id=601, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" [id=602, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.2.conv2.weight" [id=603, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/2/conv2/conv2d/0__1.0._scale_param_storage" [id=604, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=605, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/2/conv2/conv2d/0" [id=606, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/2/conv2/conv2d/0__0.0._scale_param_storage" [id=607, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=608, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/2/cat/0" [id=609, metatype=PTCatMetatype, type=cat]; +"dense3.3.bn1.weight" [id=610, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.3.bn1.bias" [id=611, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.3.bn1.running_mean" [id=612, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.3.bn1.running_var" [id=613, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/3/bn1/batch_norm/0" [id=614, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/3/relu/0" [id=615, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/3/relu/0__0.0._scale_param_storage" [id=616, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" [id=617, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.3.conv1.weight" [id=618, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/3/conv1/conv2d/0__1.0._scale_param_storage" [id=619, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=620, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/3/conv1/conv2d/0" [id=621, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.3.bn2.weight" [id=622, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.3.bn2.bias" [id=623, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.3.bn2.running_mean" [id=624, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.3.bn2.running_var" [id=625, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/3/bn2/batch_norm/0" [id=626, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/3/relu/1" [id=627, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/3/relu/1__0.0._scale_param_storage" [id=628, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" [id=629, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.3.conv2.weight" [id=630, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/3/conv2/conv2d/0__1.0._scale_param_storage" [id=631, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=632, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/3/conv2/conv2d/0" [id=633, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/3/conv2/conv2d/0__0.0._scale_param_storage" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=635, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/3/cat/0" [id=636, metatype=PTCatMetatype, type=cat]; +"dense3.4.bn1.weight" [id=637, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.4.bn1.bias" [id=638, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.4.bn1.running_mean" [id=639, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.4.bn1.running_var" [id=640, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/4/bn1/batch_norm/0" [id=641, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/4/relu/0" [id=642, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/4/relu/0__0.0._scale_param_storage" [id=643, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" [id=644, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.4.conv1.weight" [id=645, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/4/conv1/conv2d/0__1.0._scale_param_storage" [id=646, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=647, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/4/conv1/conv2d/0" [id=648, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.4.bn2.weight" [id=649, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.4.bn2.bias" [id=650, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.4.bn2.running_mean" [id=651, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.4.bn2.running_var" [id=652, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/4/bn2/batch_norm/0" [id=653, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/4/relu/1" [id=654, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/4/relu/1__0.0._scale_param_storage" [id=655, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" [id=656, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.4.conv2.weight" [id=657, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/4/conv2/conv2d/0__1.0._scale_param_storage" [id=658, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=659, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/4/conv2/conv2d/0" [id=660, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/4/conv2/conv2d/0__0.0._scale_param_storage" [id=661, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=662, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/4/cat/0" [id=663, metatype=PTCatMetatype, type=cat]; +"dense3.5.bn1.weight" [id=664, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.5.bn1.bias" [id=665, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.5.bn1.running_mean" [id=666, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.5.bn1.running_var" [id=667, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/5/bn1/batch_norm/0" [id=668, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/5/relu/0" [id=669, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/5/relu/0__0.0._scale_param_storage" [id=670, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" [id=671, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.5.conv1.weight" [id=672, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/5/conv1/conv2d/0__1.0._scale_param_storage" [id=673, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=674, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/5/conv1/conv2d/0" [id=675, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.5.bn2.weight" [id=676, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.5.bn2.bias" [id=677, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.5.bn2.running_mean" [id=678, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.5.bn2.running_var" [id=679, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/5/bn2/batch_norm/0" [id=680, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/5/relu/1" [id=681, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/5/relu/1__0.0._scale_param_storage" [id=682, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" [id=683, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.5.conv2.weight" [id=684, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/5/conv2/conv2d/0__1.0._scale_param_storage" [id=685, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=686, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/5/conv2/conv2d/0" [id=687, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/5/conv2/conv2d/0__0.0._scale_param_storage" [id=688, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=689, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/5/cat/0" [id=690, metatype=PTCatMetatype, type=cat]; +"dense3.6.bn1.weight" [id=691, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.6.bn1.bias" [id=692, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.6.bn1.running_mean" [id=693, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.6.bn1.running_var" [id=694, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/6/bn1/batch_norm/0" [id=695, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/6/relu/0" [id=696, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/6/relu/0__0.0._scale_param_storage" [id=697, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" [id=698, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.6.conv1.weight" [id=699, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/6/conv1/conv2d/0__1.0._scale_param_storage" [id=700, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=701, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/6/conv1/conv2d/0" [id=702, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.6.bn2.weight" [id=703, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.6.bn2.bias" [id=704, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.6.bn2.running_mean" [id=705, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.6.bn2.running_var" [id=706, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/6/bn2/batch_norm/0" [id=707, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/6/relu/1" [id=708, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/6/relu/1__0.0._scale_param_storage" [id=709, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" [id=710, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.6.conv2.weight" [id=711, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/6/conv2/conv2d/0__1.0._scale_param_storage" [id=712, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=713, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/6/conv2/conv2d/0" [id=714, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/6/conv2/conv2d/0__0.0._scale_param_storage" [id=715, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=716, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/6/cat/0" [id=717, metatype=PTCatMetatype, type=cat]; +"dense3.7.bn1.weight" [id=718, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.7.bn1.bias" [id=719, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.7.bn1.running_mean" [id=720, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.7.bn1.running_var" [id=721, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/7/bn1/batch_norm/0" [id=722, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/7/relu/0" [id=723, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/7/relu/0__0.0._scale_param_storage" [id=724, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" [id=725, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.7.conv1.weight" [id=726, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/7/conv1/conv2d/0__1.0._scale_param_storage" [id=727, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=728, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/7/conv1/conv2d/0" [id=729, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.7.bn2.weight" [id=730, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.7.bn2.bias" [id=731, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.7.bn2.running_mean" [id=732, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.7.bn2.running_var" [id=733, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/7/bn2/batch_norm/0" [id=734, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/7/relu/1" [id=735, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/7/relu/1__0.0._scale_param_storage" [id=736, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" [id=737, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.7.conv2.weight" [id=738, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/7/conv2/conv2d/0__1.0._scale_param_storage" [id=739, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=740, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/7/conv2/conv2d/0" [id=741, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/7/conv2/conv2d/0__0.0._scale_param_storage" [id=742, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=743, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/7/cat/0" [id=744, metatype=PTCatMetatype, type=cat]; +"dense3.8.bn1.weight" [id=745, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.8.bn1.bias" [id=746, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.8.bn1.running_mean" [id=747, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.8.bn1.running_var" [id=748, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/8/bn1/batch_norm/0" [id=749, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/8/relu/0" [id=750, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/8/relu/0__0.0._scale_param_storage" [id=751, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" [id=752, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.8.conv1.weight" [id=753, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/8/conv1/conv2d/0__1.0._scale_param_storage" [id=754, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=755, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/8/conv1/conv2d/0" [id=756, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.8.bn2.weight" [id=757, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.8.bn2.bias" [id=758, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.8.bn2.running_mean" [id=759, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.8.bn2.running_var" [id=760, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/8/bn2/batch_norm/0" [id=761, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/8/relu/1" [id=762, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/8/relu/1__0.0._scale_param_storage" [id=763, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" [id=764, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.8.conv2.weight" [id=765, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/8/conv2/conv2d/0__1.0._scale_param_storage" [id=766, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=767, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/8/conv2/conv2d/0" [id=768, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/8/conv2/conv2d/0__0.0._scale_param_storage" [id=769, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=770, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/8/cat/0" [id=771, metatype=PTCatMetatype, type=cat]; +"dense3.9.bn1.weight" [id=772, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.9.bn1.bias" [id=773, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.9.bn1.running_mean" [id=774, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.9.bn1.running_var" [id=775, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/9/bn1/batch_norm/0" [id=776, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/9/relu/0" [id=777, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/9/relu/0__0.0._scale_param_storage" [id=778, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" [id=779, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.9.conv1.weight" [id=780, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/9/conv1/conv2d/0__1.0._scale_param_storage" [id=781, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=782, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/9/conv1/conv2d/0" [id=783, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.9.bn2.weight" [id=784, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.9.bn2.bias" [id=785, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.9.bn2.running_mean" [id=786, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.9.bn2.running_var" [id=787, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/9/bn2/batch_norm/0" [id=788, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/9/relu/1" [id=789, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/9/relu/1__0.0._scale_param_storage" [id=790, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" [id=791, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.9.conv2.weight" [id=792, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/9/conv2/conv2d/0__1.0._scale_param_storage" [id=793, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=794, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/9/conv2/conv2d/0" [id=795, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/9/conv2/conv2d/0__0.0._scale_param_storage" [id=796, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=797, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/9/cat/0" [id=798, metatype=PTCatMetatype, type=cat]; +"dense3.10.bn1.weight" [id=799, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.10.bn1.bias" [id=800, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.10.bn1.running_mean" [id=801, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.10.bn1.running_var" [id=802, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/10/bn1/batch_norm/0" [id=803, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/10/relu/0" [id=804, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/10/relu/0__0.0._scale_param_storage" [id=805, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" [id=806, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.10.conv1.weight" [id=807, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/10/conv1/conv2d/0__1.0._scale_param_storage" [id=808, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=809, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/10/conv1/conv2d/0" [id=810, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.10.bn2.weight" [id=811, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.10.bn2.bias" [id=812, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.10.bn2.running_mean" [id=813, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.10.bn2.running_var" [id=814, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/10/bn2/batch_norm/0" [id=815, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/10/relu/1" [id=816, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/10/relu/1__0.0._scale_param_storage" [id=817, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" [id=818, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.10.conv2.weight" [id=819, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/10/conv2/conv2d/0__1.0._scale_param_storage" [id=820, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=821, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/10/conv2/conv2d/0" [id=822, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/10/conv2/conv2d/0__0.0._scale_param_storage" [id=823, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=824, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/10/cat/0" [id=825, metatype=PTCatMetatype, type=cat]; +"dense3.11.bn1.weight" [id=826, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.11.bn1.bias" [id=827, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.11.bn1.running_mean" [id=828, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.11.bn1.running_var" [id=829, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/11/bn1/batch_norm/0" [id=830, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/11/relu/0" [id=831, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/11/relu/0__0.0._scale_param_storage" [id=832, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" [id=833, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.11.conv1.weight" [id=834, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/11/conv1/conv2d/0__1.0._scale_param_storage" [id=835, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=836, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/11/conv1/conv2d/0" [id=837, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.11.bn2.weight" [id=838, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.11.bn2.bias" [id=839, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.11.bn2.running_mean" [id=840, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.11.bn2.running_var" [id=841, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/11/bn2/batch_norm/0" [id=842, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/11/relu/1" [id=843, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/11/relu/1__0.0._scale_param_storage" [id=844, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" [id=845, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.11.conv2.weight" [id=846, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/11/conv2/conv2d/0__1.0._scale_param_storage" [id=847, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=848, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/11/conv2/conv2d/0" [id=849, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/11/conv2/conv2d/0__0.0._scale_param_storage" [id=850, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=851, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/11/cat/0" [id=852, metatype=PTCatMetatype, type=cat]; +"dense3.12.bn1.weight" [id=853, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.12.bn1.bias" [id=854, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.12.bn1.running_mean" [id=855, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.12.bn1.running_var" [id=856, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/12/bn1/batch_norm/0" [id=857, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/12/relu/0" [id=858, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/12/relu/0__0.0._scale_param_storage" [id=859, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" [id=860, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.12.conv1.weight" [id=861, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/12/conv1/conv2d/0__1.0._scale_param_storage" [id=862, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=863, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/12/conv1/conv2d/0" [id=864, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.12.bn2.weight" [id=865, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.12.bn2.bias" [id=866, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.12.bn2.running_mean" [id=867, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.12.bn2.running_var" [id=868, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/12/bn2/batch_norm/0" [id=869, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/12/relu/1" [id=870, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/12/relu/1__0.0._scale_param_storage" [id=871, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" [id=872, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.12.conv2.weight" [id=873, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/12/conv2/conv2d/0__1.0._scale_param_storage" [id=874, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=875, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/12/conv2/conv2d/0" [id=876, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/12/conv2/conv2d/0__0.0._scale_param_storage" [id=877, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=878, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/12/cat/0" [id=879, metatype=PTCatMetatype, type=cat]; +"dense3.13.bn1.weight" [id=880, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.13.bn1.bias" [id=881, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.13.bn1.running_mean" [id=882, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.13.bn1.running_var" [id=883, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/13/bn1/batch_norm/0" [id=884, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/13/relu/0" [id=885, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/13/relu/0__0.0._scale_param_storage" [id=886, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" [id=887, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.13.conv1.weight" [id=888, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/13/conv1/conv2d/0__1.0._scale_param_storage" [id=889, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=890, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/13/conv1/conv2d/0" [id=891, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.13.bn2.weight" [id=892, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.13.bn2.bias" [id=893, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.13.bn2.running_mean" [id=894, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.13.bn2.running_var" [id=895, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/13/bn2/batch_norm/0" [id=896, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/13/relu/1" [id=897, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/13/relu/1__0.0._scale_param_storage" [id=898, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" [id=899, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.13.conv2.weight" [id=900, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/13/conv2/conv2d/0__1.0._scale_param_storage" [id=901, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=902, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/13/conv2/conv2d/0" [id=903, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/13/conv2/conv2d/0__0.0._scale_param_storage" [id=904, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=905, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/13/cat/0" [id=906, metatype=PTCatMetatype, type=cat]; +"dense3.14.bn1.weight" [id=907, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.14.bn1.bias" [id=908, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.14.bn1.running_mean" [id=909, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.14.bn1.running_var" [id=910, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/14/bn1/batch_norm/0" [id=911, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/14/relu/0" [id=912, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/14/relu/0__0.0._scale_param_storage" [id=913, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" [id=914, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.14.conv1.weight" [id=915, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/14/conv1/conv2d/0__1.0._scale_param_storage" [id=916, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=917, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/14/conv1/conv2d/0" [id=918, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.14.bn2.weight" [id=919, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.14.bn2.bias" [id=920, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.14.bn2.running_mean" [id=921, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.14.bn2.running_var" [id=922, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/14/bn2/batch_norm/0" [id=923, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/14/relu/1" [id=924, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/14/relu/1__0.0._scale_param_storage" [id=925, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" [id=926, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.14.conv2.weight" [id=927, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/14/conv2/conv2d/0__1.0._scale_param_storage" [id=928, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=929, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/14/conv2/conv2d/0" [id=930, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/14/conv2/conv2d/0__0.0._scale_param_storage" [id=931, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=932, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/14/cat/0" [id=933, metatype=PTCatMetatype, type=cat]; +"dense3.15.bn1.weight" [id=934, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.15.bn1.bias" [id=935, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.15.bn1.running_mean" [id=936, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.15.bn1.running_var" [id=937, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/15/bn1/batch_norm/0" [id=938, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/15/relu/0" [id=939, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/15/relu/0__0.0._scale_param_storage" [id=940, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" [id=941, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.15.conv1.weight" [id=942, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/15/conv1/conv2d/0__1.0._scale_param_storage" [id=943, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=944, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/15/conv1/conv2d/0" [id=945, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.15.bn2.weight" [id=946, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.15.bn2.bias" [id=947, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.15.bn2.running_mean" [id=948, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.15.bn2.running_var" [id=949, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/15/bn2/batch_norm/0" [id=950, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/15/relu/1" [id=951, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/15/relu/1__0.0._scale_param_storage" [id=952, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" [id=953, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.15.conv2.weight" [id=954, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/15/conv2/conv2d/0__1.0._scale_param_storage" [id=955, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=956, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/15/conv2/conv2d/0" [id=957, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/15/conv2/conv2d/0__0.0._scale_param_storage" [id=958, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=959, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/15/cat/0" [id=960, metatype=PTCatMetatype, type=cat]; +"dense3.16.bn1.weight" [id=961, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.16.bn1.bias" [id=962, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.16.bn1.running_mean" [id=963, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.16.bn1.running_var" [id=964, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/16/bn1/batch_norm/0" [id=965, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/16/relu/0" [id=966, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/16/relu/0__0.0._scale_param_storage" [id=967, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" [id=968, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.16.conv1.weight" [id=969, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/16/conv1/conv2d/0__1.0._scale_param_storage" [id=970, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=971, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/16/conv1/conv2d/0" [id=972, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.16.bn2.weight" [id=973, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.16.bn2.bias" [id=974, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.16.bn2.running_mean" [id=975, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.16.bn2.running_var" [id=976, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/16/bn2/batch_norm/0" [id=977, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/16/relu/1" [id=978, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/16/relu/1__0.0._scale_param_storage" [id=979, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" [id=980, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.16.conv2.weight" [id=981, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/16/conv2/conv2d/0__1.0._scale_param_storage" [id=982, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=983, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/16/conv2/conv2d/0" [id=984, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/16/conv2/conv2d/0__0.0._scale_param_storage" [id=985, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=986, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/16/cat/0" [id=987, metatype=PTCatMetatype, type=cat]; +"dense3.17.bn1.weight" [id=988, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.17.bn1.bias" [id=989, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.17.bn1.running_mean" [id=990, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.17.bn1.running_var" [id=991, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/17/bn1/batch_norm/0" [id=992, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/17/relu/0" [id=993, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/17/relu/0__0.0._scale_param_storage" [id=994, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" [id=995, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.17.conv1.weight" [id=996, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/17/conv1/conv2d/0__1.0._scale_param_storage" [id=997, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=998, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/17/conv1/conv2d/0" [id=999, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.17.bn2.weight" [id=1000, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.17.bn2.bias" [id=1001, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.17.bn2.running_mean" [id=1002, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.17.bn2.running_var" [id=1003, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/17/bn2/batch_norm/0" [id=1004, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/17/relu/1" [id=1005, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/17/relu/1__0.0._scale_param_storage" [id=1006, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" [id=1007, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.17.conv2.weight" [id=1008, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/17/conv2/conv2d/0__1.0._scale_param_storage" [id=1009, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1010, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/17/conv2/conv2d/0" [id=1011, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/17/conv2/conv2d/0__0.0._scale_param_storage" [id=1012, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1013, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/17/cat/0" [id=1014, metatype=PTCatMetatype, type=cat]; +"dense3.18.bn1.weight" [id=1015, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.18.bn1.bias" [id=1016, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.18.bn1.running_mean" [id=1017, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.18.bn1.running_var" [id=1018, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/18/bn1/batch_norm/0" [id=1019, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/18/relu/0" [id=1020, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/18/relu/0__0.0._scale_param_storage" [id=1021, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" [id=1022, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.18.conv1.weight" [id=1023, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/18/conv1/conv2d/0__1.0._scale_param_storage" [id=1024, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1025, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/18/conv1/conv2d/0" [id=1026, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.18.bn2.weight" [id=1027, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.18.bn2.bias" [id=1028, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.18.bn2.running_mean" [id=1029, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.18.bn2.running_var" [id=1030, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/18/bn2/batch_norm/0" [id=1031, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/18/relu/1" [id=1032, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/18/relu/1__0.0._scale_param_storage" [id=1033, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" [id=1034, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.18.conv2.weight" [id=1035, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/18/conv2/conv2d/0__1.0._scale_param_storage" [id=1036, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1037, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/18/conv2/conv2d/0" [id=1038, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/18/conv2/conv2d/0__0.0._scale_param_storage" [id=1039, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1040, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/18/cat/0" [id=1041, metatype=PTCatMetatype, type=cat]; +"dense3.19.bn1.weight" [id=1042, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.19.bn1.bias" [id=1043, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.19.bn1.running_mean" [id=1044, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.19.bn1.running_var" [id=1045, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/19/bn1/batch_norm/0" [id=1046, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/19/relu/0" [id=1047, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/19/relu/0__0.0._scale_param_storage" [id=1048, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" [id=1049, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.19.conv1.weight" [id=1050, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/19/conv1/conv2d/0__1.0._scale_param_storage" [id=1051, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1052, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/19/conv1/conv2d/0" [id=1053, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.19.bn2.weight" [id=1054, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.19.bn2.bias" [id=1055, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.19.bn2.running_mean" [id=1056, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.19.bn2.running_var" [id=1057, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/19/bn2/batch_norm/0" [id=1058, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/19/relu/1" [id=1059, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/19/relu/1__0.0._scale_param_storage" [id=1060, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" [id=1061, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.19.conv2.weight" [id=1062, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/19/conv2/conv2d/0__1.0._scale_param_storage" [id=1063, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1064, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/19/conv2/conv2d/0" [id=1065, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/19/conv2/conv2d/0__0.0._scale_param_storage" [id=1066, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1067, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/19/cat/0" [id=1068, metatype=PTCatMetatype, type=cat]; +"dense3.20.bn1.weight" [id=1069, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.20.bn1.bias" [id=1070, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.20.bn1.running_mean" [id=1071, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.20.bn1.running_var" [id=1072, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/20/bn1/batch_norm/0" [id=1073, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/20/relu/0" [id=1074, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/20/relu/0__0.0._scale_param_storage" [id=1075, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" [id=1076, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.20.conv1.weight" [id=1077, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/20/conv1/conv2d/0__1.0._scale_param_storage" [id=1078, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1079, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/20/conv1/conv2d/0" [id=1080, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.20.bn2.weight" [id=1081, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.20.bn2.bias" [id=1082, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.20.bn2.running_mean" [id=1083, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.20.bn2.running_var" [id=1084, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/20/bn2/batch_norm/0" [id=1085, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/20/relu/1" [id=1086, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/20/relu/1__0.0._scale_param_storage" [id=1087, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" [id=1088, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.20.conv2.weight" [id=1089, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/20/conv2/conv2d/0__1.0._scale_param_storage" [id=1090, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1091, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/20/conv2/conv2d/0" [id=1092, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/20/conv2/conv2d/0__0.0._scale_param_storage" [id=1093, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1094, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/20/cat/0" [id=1095, metatype=PTCatMetatype, type=cat]; +"dense3.21.bn1.weight" [id=1096, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.21.bn1.bias" [id=1097, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.21.bn1.running_mean" [id=1098, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.21.bn1.running_var" [id=1099, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/21/bn1/batch_norm/0" [id=1100, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/21/relu/0" [id=1101, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/21/relu/0__0.0._scale_param_storage" [id=1102, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" [id=1103, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.21.conv1.weight" [id=1104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/21/conv1/conv2d/0__1.0._scale_param_storage" [id=1105, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1106, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/21/conv1/conv2d/0" [id=1107, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.21.bn2.weight" [id=1108, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.21.bn2.bias" [id=1109, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.21.bn2.running_mean" [id=1110, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.21.bn2.running_var" [id=1111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/21/bn2/batch_norm/0" [id=1112, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/21/relu/1" [id=1113, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/21/relu/1__0.0._scale_param_storage" [id=1114, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" [id=1115, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.21.conv2.weight" [id=1116, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/21/conv2/conv2d/0__1.0._scale_param_storage" [id=1117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1118, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/21/conv2/conv2d/0" [id=1119, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/21/conv2/conv2d/0__0.0._scale_param_storage" [id=1120, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1121, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/21/cat/0" [id=1122, metatype=PTCatMetatype, type=cat]; +"dense3.22.bn1.weight" [id=1123, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.22.bn1.bias" [id=1124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.22.bn1.running_mean" [id=1125, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.22.bn1.running_var" [id=1126, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/22/bn1/batch_norm/0" [id=1127, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/22/relu/0" [id=1128, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/22/relu/0__0.0._scale_param_storage" [id=1129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" [id=1130, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.22.conv1.weight" [id=1131, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/22/conv1/conv2d/0__1.0._scale_param_storage" [id=1132, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1133, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/22/conv1/conv2d/0" [id=1134, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.22.bn2.weight" [id=1135, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.22.bn2.bias" [id=1136, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.22.bn2.running_mean" [id=1137, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.22.bn2.running_var" [id=1138, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/22/bn2/batch_norm/0" [id=1139, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/22/relu/1" [id=1140, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/22/relu/1__0.0._scale_param_storage" [id=1141, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" [id=1142, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.22.conv2.weight" [id=1143, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/22/conv2/conv2d/0__1.0._scale_param_storage" [id=1144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1145, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/22/conv2/conv2d/0" [id=1146, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/22/conv2/conv2d/0__0.0._scale_param_storage" [id=1147, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1148, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/22/cat/0" [id=1149, metatype=PTCatMetatype, type=cat]; +"dense3.23.bn1.weight" [id=1150, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.23.bn1.bias" [id=1151, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.23.bn1.running_mean" [id=1152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.23.bn1.running_var" [id=1153, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/23/bn1/batch_norm/0" [id=1154, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/23/relu/0" [id=1155, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/23/relu/0__0.0._scale_param_storage" [id=1156, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" [id=1157, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.23.conv1.weight" [id=1158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/23/conv1/conv2d/0__1.0._scale_param_storage" [id=1159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1160, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/23/conv1/conv2d/0" [id=1161, metatype=PTConv2dMetatype, type=conv2d]; +"dense3.23.bn2.weight" [id=1162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.23.bn2.bias" [id=1163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.23.bn2.running_mean" [id=1164, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3.23.bn2.running_var" [id=1165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/23/bn2/batch_norm/0" [id=1166, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense3/23/relu/1" [id=1167, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense3/23/relu/1__0.0._scale_param_storage" [id=1168, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" [id=1169, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3.23.conv2.weight" [id=1170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense3/23/conv2/conv2d/0__1.0._scale_param_storage" [id=1171, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1172, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/23/conv2/conv2d/0" [id=1173, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense3/23/conv2/conv2d/0__0.0._scale_param_storage" [id=1174, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1175, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense3/23/cat/0" [id=1176, metatype=PTCatMetatype, type=cat]; +"trans3.bn.weight" [id=1177, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans3.bn.bias" [id=1178, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans3.bn.running_mean" [id=1179, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans3.bn.running_var" [id=1180, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans3/bn/batch_norm/0" [id=1181, metatype=PT2BatchNormMetatype, type=batch_norm]; +"trans3/relu/0" [id=1182, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.trans3/relu/0__0.0._scale_param_storage" [id=1183, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" [id=1184, metatype=UnknownMetatype, type=symmetric_quantize]; +"trans3.conv.weight" [id=1185, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.trans3/conv/conv2d/0__1.0._scale_param_storage" [id=1186, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1187, metatype=UnknownMetatype, type=symmetric_quantize]; +"trans3/conv/conv2d/0" [id=1188, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.trans3/conv/conv2d/0__0.0._scale_param_storage" [id=1189, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" [id=1190, metatype=UnknownMetatype, type=symmetric_quantize]; +"trans3/avg_pool2d/0" [id=1191, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks.trans3/avg_pool2d/0__0.0._scale_param_storage" [id=1192, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1193, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.0.bn1.weight" [id=1194, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.0.bn1.bias" [id=1195, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.0.bn1.running_mean" [id=1196, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.0.bn1.running_var" [id=1197, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/0/bn1/batch_norm/0" [id=1198, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/0/relu/0" [id=1199, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/0/relu/0__0.0._scale_param_storage" [id=1200, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" [id=1201, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.0.conv1.weight" [id=1202, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/0/conv1/conv2d/0__1.0._scale_param_storage" [id=1203, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1204, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/0/conv1/conv2d/0" [id=1205, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.0.bn2.weight" [id=1206, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.0.bn2.bias" [id=1207, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.0.bn2.running_mean" [id=1208, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.0.bn2.running_var" [id=1209, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/0/bn2/batch_norm/0" [id=1210, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/0/relu/1" [id=1211, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/0/relu/1__0.0._scale_param_storage" [id=1212, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" [id=1213, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.0.conv2.weight" [id=1214, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/0/conv2/conv2d/0__1.0._scale_param_storage" [id=1215, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1216, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/0/conv2/conv2d/0" [id=1217, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/0/conv2/conv2d/0__0.0._scale_param_storage" [id=1218, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1219, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/0/cat/0" [id=1220, metatype=PTCatMetatype, type=cat]; +"dense4.1.bn1.weight" [id=1221, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.1.bn1.bias" [id=1222, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.1.bn1.running_mean" [id=1223, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.1.bn1.running_var" [id=1224, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/1/bn1/batch_norm/0" [id=1225, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/1/relu/0" [id=1226, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/1/relu/0__0.0._scale_param_storage" [id=1227, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" [id=1228, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.1.conv1.weight" [id=1229, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/1/conv1/conv2d/0__1.0._scale_param_storage" [id=1230, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1231, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/1/conv1/conv2d/0" [id=1232, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.1.bn2.weight" [id=1233, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.1.bn2.bias" [id=1234, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.1.bn2.running_mean" [id=1235, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.1.bn2.running_var" [id=1236, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/1/bn2/batch_norm/0" [id=1237, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/1/relu/1" [id=1238, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/1/relu/1__0.0._scale_param_storage" [id=1239, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" [id=1240, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.1.conv2.weight" [id=1241, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/1/conv2/conv2d/0__1.0._scale_param_storage" [id=1242, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1243, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/1/conv2/conv2d/0" [id=1244, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/1/conv2/conv2d/0__0.0._scale_param_storage" [id=1245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1246, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/1/cat/0" [id=1247, metatype=PTCatMetatype, type=cat]; +"dense4.2.bn1.weight" [id=1248, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.2.bn1.bias" [id=1249, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.2.bn1.running_mean" [id=1250, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.2.bn1.running_var" [id=1251, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/2/bn1/batch_norm/0" [id=1252, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/2/relu/0" [id=1253, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/2/relu/0__0.0._scale_param_storage" [id=1254, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" [id=1255, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.2.conv1.weight" [id=1256, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/2/conv1/conv2d/0__1.0._scale_param_storage" [id=1257, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1258, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/2/conv1/conv2d/0" [id=1259, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.2.bn2.weight" [id=1260, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.2.bn2.bias" [id=1261, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.2.bn2.running_mean" [id=1262, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.2.bn2.running_var" [id=1263, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/2/bn2/batch_norm/0" [id=1264, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/2/relu/1" [id=1265, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/2/relu/1__0.0._scale_param_storage" [id=1266, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" [id=1267, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.2.conv2.weight" [id=1268, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/2/conv2/conv2d/0__1.0._scale_param_storage" [id=1269, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1270, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/2/conv2/conv2d/0" [id=1271, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/2/conv2/conv2d/0__0.0._scale_param_storage" [id=1272, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1273, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/2/cat/0" [id=1274, metatype=PTCatMetatype, type=cat]; +"dense4.3.bn1.weight" [id=1275, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.3.bn1.bias" [id=1276, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.3.bn1.running_mean" [id=1277, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.3.bn1.running_var" [id=1278, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/3/bn1/batch_norm/0" [id=1279, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/3/relu/0" [id=1280, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/3/relu/0__0.0._scale_param_storage" [id=1281, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" [id=1282, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.3.conv1.weight" [id=1283, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/3/conv1/conv2d/0__1.0._scale_param_storage" [id=1284, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1285, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/3/conv1/conv2d/0" [id=1286, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.3.bn2.weight" [id=1287, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.3.bn2.bias" [id=1288, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.3.bn2.running_mean" [id=1289, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.3.bn2.running_var" [id=1290, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/3/bn2/batch_norm/0" [id=1291, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/3/relu/1" [id=1292, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/3/relu/1__0.0._scale_param_storage" [id=1293, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" [id=1294, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.3.conv2.weight" [id=1295, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/3/conv2/conv2d/0__1.0._scale_param_storage" [id=1296, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1297, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/3/conv2/conv2d/0" [id=1298, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/3/conv2/conv2d/0__0.0._scale_param_storage" [id=1299, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1300, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/3/cat/0" [id=1301, metatype=PTCatMetatype, type=cat]; +"dense4.4.bn1.weight" [id=1302, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.4.bn1.bias" [id=1303, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.4.bn1.running_mean" [id=1304, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.4.bn1.running_var" [id=1305, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/4/bn1/batch_norm/0" [id=1306, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/4/relu/0" [id=1307, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/4/relu/0__0.0._scale_param_storage" [id=1308, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" [id=1309, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.4.conv1.weight" [id=1310, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/4/conv1/conv2d/0__1.0._scale_param_storage" [id=1311, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1312, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/4/conv1/conv2d/0" [id=1313, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.4.bn2.weight" [id=1314, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.4.bn2.bias" [id=1315, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.4.bn2.running_mean" [id=1316, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.4.bn2.running_var" [id=1317, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/4/bn2/batch_norm/0" [id=1318, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/4/relu/1" [id=1319, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/4/relu/1__0.0._scale_param_storage" [id=1320, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" [id=1321, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.4.conv2.weight" [id=1322, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/4/conv2/conv2d/0__1.0._scale_param_storage" [id=1323, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1324, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/4/conv2/conv2d/0" [id=1325, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/4/conv2/conv2d/0__0.0._scale_param_storage" [id=1326, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1327, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/4/cat/0" [id=1328, metatype=PTCatMetatype, type=cat]; +"dense4.5.bn1.weight" [id=1329, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.5.bn1.bias" [id=1330, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.5.bn1.running_mean" [id=1331, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.5.bn1.running_var" [id=1332, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/5/bn1/batch_norm/0" [id=1333, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/5/relu/0" [id=1334, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/5/relu/0__0.0._scale_param_storage" [id=1335, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" [id=1336, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.5.conv1.weight" [id=1337, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/5/conv1/conv2d/0__1.0._scale_param_storage" [id=1338, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1339, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/5/conv1/conv2d/0" [id=1340, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.5.bn2.weight" [id=1341, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.5.bn2.bias" [id=1342, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.5.bn2.running_mean" [id=1343, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.5.bn2.running_var" [id=1344, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/5/bn2/batch_norm/0" [id=1345, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/5/relu/1" [id=1346, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/5/relu/1__0.0._scale_param_storage" [id=1347, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" [id=1348, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.5.conv2.weight" [id=1349, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/5/conv2/conv2d/0__1.0._scale_param_storage" [id=1350, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1351, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/5/conv2/conv2d/0" [id=1352, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/5/conv2/conv2d/0__0.0._scale_param_storage" [id=1353, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1354, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/5/cat/0" [id=1355, metatype=PTCatMetatype, type=cat]; +"dense4.6.bn1.weight" [id=1356, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.6.bn1.bias" [id=1357, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.6.bn1.running_mean" [id=1358, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.6.bn1.running_var" [id=1359, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/6/bn1/batch_norm/0" [id=1360, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/6/relu/0" [id=1361, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/6/relu/0__0.0._scale_param_storage" [id=1362, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" [id=1363, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.6.conv1.weight" [id=1364, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/6/conv1/conv2d/0__1.0._scale_param_storage" [id=1365, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1366, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/6/conv1/conv2d/0" [id=1367, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.6.bn2.weight" [id=1368, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.6.bn2.bias" [id=1369, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.6.bn2.running_mean" [id=1370, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.6.bn2.running_var" [id=1371, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/6/bn2/batch_norm/0" [id=1372, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/6/relu/1" [id=1373, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/6/relu/1__0.0._scale_param_storage" [id=1374, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" [id=1375, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.6.conv2.weight" [id=1376, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/6/conv2/conv2d/0__1.0._scale_param_storage" [id=1377, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1378, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/6/conv2/conv2d/0" [id=1379, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/6/conv2/conv2d/0__0.0._scale_param_storage" [id=1380, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1381, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/6/cat/0" [id=1382, metatype=PTCatMetatype, type=cat]; +"dense4.7.bn1.weight" [id=1383, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.7.bn1.bias" [id=1384, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.7.bn1.running_mean" [id=1385, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.7.bn1.running_var" [id=1386, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/7/bn1/batch_norm/0" [id=1387, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/7/relu/0" [id=1388, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/7/relu/0__0.0._scale_param_storage" [id=1389, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" [id=1390, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.7.conv1.weight" [id=1391, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/7/conv1/conv2d/0__1.0._scale_param_storage" [id=1392, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1393, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/7/conv1/conv2d/0" [id=1394, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.7.bn2.weight" [id=1395, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.7.bn2.bias" [id=1396, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.7.bn2.running_mean" [id=1397, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.7.bn2.running_var" [id=1398, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/7/bn2/batch_norm/0" [id=1399, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/7/relu/1" [id=1400, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/7/relu/1__0.0._scale_param_storage" [id=1401, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" [id=1402, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.7.conv2.weight" [id=1403, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/7/conv2/conv2d/0__1.0._scale_param_storage" [id=1404, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1405, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/7/conv2/conv2d/0" [id=1406, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/7/conv2/conv2d/0__0.0._scale_param_storage" [id=1407, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1408, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/7/cat/0" [id=1409, metatype=PTCatMetatype, type=cat]; +"dense4.8.bn1.weight" [id=1410, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.8.bn1.bias" [id=1411, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.8.bn1.running_mean" [id=1412, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.8.bn1.running_var" [id=1413, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/8/bn1/batch_norm/0" [id=1414, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/8/relu/0" [id=1415, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/8/relu/0__0.0._scale_param_storage" [id=1416, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" [id=1417, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.8.conv1.weight" [id=1418, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/8/conv1/conv2d/0__1.0._scale_param_storage" [id=1419, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1420, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/8/conv1/conv2d/0" [id=1421, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.8.bn2.weight" [id=1422, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.8.bn2.bias" [id=1423, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.8.bn2.running_mean" [id=1424, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.8.bn2.running_var" [id=1425, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/8/bn2/batch_norm/0" [id=1426, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/8/relu/1" [id=1427, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/8/relu/1__0.0._scale_param_storage" [id=1428, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" [id=1429, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.8.conv2.weight" [id=1430, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/8/conv2/conv2d/0__1.0._scale_param_storage" [id=1431, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1432, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/8/conv2/conv2d/0" [id=1433, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/8/conv2/conv2d/0__0.0._scale_param_storage" [id=1434, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1435, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/8/cat/0" [id=1436, metatype=PTCatMetatype, type=cat]; +"dense4.9.bn1.weight" [id=1437, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.9.bn1.bias" [id=1438, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.9.bn1.running_mean" [id=1439, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.9.bn1.running_var" [id=1440, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/9/bn1/batch_norm/0" [id=1441, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/9/relu/0" [id=1442, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/9/relu/0__0.0._scale_param_storage" [id=1443, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" [id=1444, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.9.conv1.weight" [id=1445, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/9/conv1/conv2d/0__1.0._scale_param_storage" [id=1446, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1447, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/9/conv1/conv2d/0" [id=1448, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.9.bn2.weight" [id=1449, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.9.bn2.bias" [id=1450, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.9.bn2.running_mean" [id=1451, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.9.bn2.running_var" [id=1452, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/9/bn2/batch_norm/0" [id=1453, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/9/relu/1" [id=1454, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/9/relu/1__0.0._scale_param_storage" [id=1455, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" [id=1456, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.9.conv2.weight" [id=1457, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/9/conv2/conv2d/0__1.0._scale_param_storage" [id=1458, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1459, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/9/conv2/conv2d/0" [id=1460, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/9/conv2/conv2d/0__0.0._scale_param_storage" [id=1461, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1462, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/9/cat/0" [id=1463, metatype=PTCatMetatype, type=cat]; +"dense4.10.bn1.weight" [id=1464, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.10.bn1.bias" [id=1465, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.10.bn1.running_mean" [id=1466, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.10.bn1.running_var" [id=1467, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/10/bn1/batch_norm/0" [id=1468, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/10/relu/0" [id=1469, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/10/relu/0__0.0._scale_param_storage" [id=1470, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" [id=1471, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.10.conv1.weight" [id=1472, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/10/conv1/conv2d/0__1.0._scale_param_storage" [id=1473, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1474, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/10/conv1/conv2d/0" [id=1475, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.10.bn2.weight" [id=1476, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.10.bn2.bias" [id=1477, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.10.bn2.running_mean" [id=1478, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.10.bn2.running_var" [id=1479, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/10/bn2/batch_norm/0" [id=1480, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/10/relu/1" [id=1481, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/10/relu/1__0.0._scale_param_storage" [id=1482, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" [id=1483, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.10.conv2.weight" [id=1484, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/10/conv2/conv2d/0__1.0._scale_param_storage" [id=1485, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1486, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/10/conv2/conv2d/0" [id=1487, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/10/conv2/conv2d/0__0.0._scale_param_storage" [id=1488, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1489, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/10/cat/0" [id=1490, metatype=PTCatMetatype, type=cat]; +"dense4.11.bn1.weight" [id=1491, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.11.bn1.bias" [id=1492, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.11.bn1.running_mean" [id=1493, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.11.bn1.running_var" [id=1494, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/11/bn1/batch_norm/0" [id=1495, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/11/relu/0" [id=1496, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/11/relu/0__0.0._scale_param_storage" [id=1497, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" [id=1498, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.11.conv1.weight" [id=1499, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/11/conv1/conv2d/0__1.0._scale_param_storage" [id=1500, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1501, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/11/conv1/conv2d/0" [id=1502, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.11.bn2.weight" [id=1503, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.11.bn2.bias" [id=1504, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.11.bn2.running_mean" [id=1505, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.11.bn2.running_var" [id=1506, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/11/bn2/batch_norm/0" [id=1507, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/11/relu/1" [id=1508, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/11/relu/1__0.0._scale_param_storage" [id=1509, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" [id=1510, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.11.conv2.weight" [id=1511, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/11/conv2/conv2d/0__1.0._scale_param_storage" [id=1512, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1513, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/11/conv2/conv2d/0" [id=1514, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/11/conv2/conv2d/0__0.0._scale_param_storage" [id=1515, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1516, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/11/cat/0" [id=1517, metatype=PTCatMetatype, type=cat]; +"dense4.12.bn1.weight" [id=1518, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.12.bn1.bias" [id=1519, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.12.bn1.running_mean" [id=1520, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.12.bn1.running_var" [id=1521, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/12/bn1/batch_norm/0" [id=1522, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/12/relu/0" [id=1523, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/12/relu/0__0.0._scale_param_storage" [id=1524, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" [id=1525, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.12.conv1.weight" [id=1526, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/12/conv1/conv2d/0__1.0._scale_param_storage" [id=1527, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1528, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/12/conv1/conv2d/0" [id=1529, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.12.bn2.weight" [id=1530, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.12.bn2.bias" [id=1531, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.12.bn2.running_mean" [id=1532, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.12.bn2.running_var" [id=1533, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/12/bn2/batch_norm/0" [id=1534, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/12/relu/1" [id=1535, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/12/relu/1__0.0._scale_param_storage" [id=1536, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" [id=1537, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.12.conv2.weight" [id=1538, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/12/conv2/conv2d/0__1.0._scale_param_storage" [id=1539, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1540, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/12/conv2/conv2d/0" [id=1541, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/12/conv2/conv2d/0__0.0._scale_param_storage" [id=1542, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1543, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/12/cat/0" [id=1544, metatype=PTCatMetatype, type=cat]; +"dense4.13.bn1.weight" [id=1545, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.13.bn1.bias" [id=1546, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.13.bn1.running_mean" [id=1547, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.13.bn1.running_var" [id=1548, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/13/bn1/batch_norm/0" [id=1549, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/13/relu/0" [id=1550, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/13/relu/0__0.0._scale_param_storage" [id=1551, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" [id=1552, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.13.conv1.weight" [id=1553, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/13/conv1/conv2d/0__1.0._scale_param_storage" [id=1554, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1555, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/13/conv1/conv2d/0" [id=1556, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.13.bn2.weight" [id=1557, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.13.bn2.bias" [id=1558, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.13.bn2.running_mean" [id=1559, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.13.bn2.running_var" [id=1560, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/13/bn2/batch_norm/0" [id=1561, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/13/relu/1" [id=1562, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/13/relu/1__0.0._scale_param_storage" [id=1563, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" [id=1564, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.13.conv2.weight" [id=1565, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/13/conv2/conv2d/0__1.0._scale_param_storage" [id=1566, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1567, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/13/conv2/conv2d/0" [id=1568, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/13/conv2/conv2d/0__0.0._scale_param_storage" [id=1569, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1570, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/13/cat/0" [id=1571, metatype=PTCatMetatype, type=cat]; +"dense4.14.bn1.weight" [id=1572, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.14.bn1.bias" [id=1573, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.14.bn1.running_mean" [id=1574, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.14.bn1.running_var" [id=1575, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/14/bn1/batch_norm/0" [id=1576, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/14/relu/0" [id=1577, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/14/relu/0__0.0._scale_param_storage" [id=1578, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" [id=1579, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.14.conv1.weight" [id=1580, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/14/conv1/conv2d/0__1.0._scale_param_storage" [id=1581, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1582, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/14/conv1/conv2d/0" [id=1583, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.14.bn2.weight" [id=1584, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.14.bn2.bias" [id=1585, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.14.bn2.running_mean" [id=1586, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.14.bn2.running_var" [id=1587, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/14/bn2/batch_norm/0" [id=1588, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/14/relu/1" [id=1589, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/14/relu/1__0.0._scale_param_storage" [id=1590, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" [id=1591, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.14.conv2.weight" [id=1592, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/14/conv2/conv2d/0__1.0._scale_param_storage" [id=1593, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1594, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/14/conv2/conv2d/0" [id=1595, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/14/conv2/conv2d/0__0.0._scale_param_storage" [id=1596, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1597, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/14/cat/0" [id=1598, metatype=PTCatMetatype, type=cat]; +"dense4.15.bn1.weight" [id=1599, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.15.bn1.bias" [id=1600, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.15.bn1.running_mean" [id=1601, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.15.bn1.running_var" [id=1602, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/15/bn1/batch_norm/0" [id=1603, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/15/relu/0" [id=1604, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/15/relu/0__0.0._scale_param_storage" [id=1605, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" [id=1606, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.15.conv1.weight" [id=1607, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/15/conv1/conv2d/0__1.0._scale_param_storage" [id=1608, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1609, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/15/conv1/conv2d/0" [id=1610, metatype=PTConv2dMetatype, type=conv2d]; +"dense4.15.bn2.weight" [id=1611, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.15.bn2.bias" [id=1612, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.15.bn2.running_mean" [id=1613, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4.15.bn2.running_var" [id=1614, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/15/bn2/batch_norm/0" [id=1615, metatype=PT2BatchNormMetatype, type=batch_norm]; +"dense4/15/relu/1" [id=1616, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.dense4/15/relu/1__0.0._scale_param_storage" [id=1617, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" [id=1618, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4.15.conv2.weight" [id=1619, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.dense4/15/conv2/conv2d/0__1.0._scale_param_storage" [id=1620, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1621, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/15/conv2/conv2d/0" [id=1622, metatype=PTConv2dMetatype, type=conv2d]; +"__nncf_hooks.post_hooks.dense4/15/conv2/conv2d/0__0.0._scale_param_storage" [id=1623, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1624, metatype=UnknownMetatype, type=symmetric_quantize]; +"dense4/15/cat/0" [id=1625, metatype=PTCatMetatype, type=cat]; +"bn.weight" [id=1626, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn.bias" [id=1627, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn.running_mean" [id=1628, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn.running_var" [id=1629, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn/batch_norm/0" [id=1630, metatype=PT2BatchNormMetatype, type=batch_norm]; +"/relu/0" [id=1631, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=1632, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=1633, metatype=UnknownMetatype, type=symmetric_quantize]; +"/avg_pool2d/0" [id=1634, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" [id=1635, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1636, metatype=UnknownMetatype, type=symmetric_quantize]; +"/view/0" [id=1637, metatype=PTReshapeMetatype, type=view]; +"linear.weight" [id=1638, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"linear.bias" [id=1639, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=1640, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=1641, metatype=UnknownMetatype, type=symmetric_quantize]; +"linear/linear/0" [id=1642, metatype=PTLinearMetatype, type=linear]; +output [id=1643, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 3, 3, 3)"]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 3, 3)"]; +"conv1/conv2d/0" -> "conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"__nncf_hooks.post_hooks.conv1/conv2d/0__0.0._scale_param_storage" -> "conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 32, 32)"]; +"dense1.0.bn1.weight" -> "dense1/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"dense1.0.bn1.bias" -> "dense1/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"dense1.0.bn1.running_mean" -> "dense1/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"dense1.0.bn1.running_var" -> "dense1/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"dense1/0/bn1/batch_norm/0" -> "dense1/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"dense1/0/relu/0" -> "dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/0/relu/0__0.0._scale_param_storage" -> "dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" -> "dense1/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"dense1.0.conv1.weight" -> "dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 64, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense1/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 1, 1)"]; +"dense1/0/conv1/conv2d/0" -> "dense1/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1.0.bn2.weight" -> "dense1/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense1.0.bn2.bias" -> "dense1/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense1.0.bn2.running_mean" -> "dense1/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense1.0.bn2.running_var" -> "dense1/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense1/0/bn2/batch_norm/0" -> "dense1/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1/0/relu/1" -> "dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/0/relu/1__0.0._scale_param_storage" -> "dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" -> "dense1/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1.0.conv2.weight" -> "dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense1/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense1/0/conv2/conv2d/0" -> "dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"dense1/0/cat/0" -> "dense1/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"dense1/0/cat/0" -> "dense1/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 32, 32)"]; +"dense1.1.bn1.weight" -> "dense1/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"dense1.1.bn1.bias" -> "dense1/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"dense1.1.bn1.running_mean" -> "dense1/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"dense1.1.bn1.running_var" -> "dense1/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"dense1/1/bn1/batch_norm/0" -> "dense1/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"dense1/1/relu/0" -> "dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/1/relu/0__0.0._scale_param_storage" -> "dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" -> "dense1/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"dense1.1.conv1.weight" -> "dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense1/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 96, 1, 1)"]; +"dense1/1/conv1/conv2d/0" -> "dense1/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1.1.bn2.weight" -> "dense1/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense1.1.bn2.bias" -> "dense1/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense1.1.bn2.running_mean" -> "dense1/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense1.1.bn2.running_var" -> "dense1/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense1/1/bn2/batch_norm/0" -> "dense1/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1/1/relu/1" -> "dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/1/relu/1__0.0._scale_param_storage" -> "dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" -> "dense1/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1.1.conv2.weight" -> "dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense1/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense1/1/conv2/conv2d/0" -> "dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"dense1/1/cat/0" -> "dense1/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1/1/cat/0" -> "dense1/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1.2.bn1.weight" -> "dense1/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense1.2.bn1.bias" -> "dense1/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense1.2.bn1.running_mean" -> "dense1/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense1.2.bn1.running_var" -> "dense1/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense1/2/bn1/batch_norm/0" -> "dense1/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1/2/relu/0" -> "dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/2/relu/0__0.0._scale_param_storage" -> "dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" -> "dense1/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1.2.conv1.weight" -> "dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense1/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 1)"]; +"dense1/2/conv1/conv2d/0" -> "dense1/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1.2.bn2.weight" -> "dense1/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense1.2.bn2.bias" -> "dense1/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense1.2.bn2.running_mean" -> "dense1/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense1.2.bn2.running_var" -> "dense1/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense1/2/bn2/batch_norm/0" -> "dense1/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1/2/relu/1" -> "dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/2/relu/1__0.0._scale_param_storage" -> "dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" -> "dense1/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1.2.conv2.weight" -> "dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense1/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense1/2/conv2/conv2d/0" -> "dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"dense1/2/cat/0" -> "dense1/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 32, 32)"]; +"dense1/2/cat/0" -> "dense1/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 160, 32, 32)"]; +"dense1.3.bn1.weight" -> "dense1/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"dense1.3.bn1.bias" -> "dense1/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"dense1.3.bn1.running_mean" -> "dense1/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"dense1.3.bn1.running_var" -> "dense1/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"dense1/3/bn1/batch_norm/0" -> "dense1/3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 32, 32)"]; +"dense1/3/relu/0" -> "dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/3/relu/0__0.0._scale_param_storage" -> "dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" -> "dense1/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 32, 32)"]; +"dense1.3.conv1.weight" -> "dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 160, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense1/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 160, 1, 1)"]; +"dense1/3/conv1/conv2d/0" -> "dense1/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1.3.bn2.weight" -> "dense1/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense1.3.bn2.bias" -> "dense1/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense1.3.bn2.running_mean" -> "dense1/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense1.3.bn2.running_var" -> "dense1/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense1/3/bn2/batch_norm/0" -> "dense1/3/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1/3/relu/1" -> "dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/3/relu/1__0.0._scale_param_storage" -> "dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" -> "dense1/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1.3.conv2.weight" -> "dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense1/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense1/3/conv2/conv2d/0" -> "dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"dense1/3/cat/0" -> "dense1/4/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"dense1/3/cat/0" -> "dense1/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 32, 32)"]; +"dense1.4.bn1.weight" -> "dense1/4/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"dense1.4.bn1.bias" -> "dense1/4/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"dense1.4.bn1.running_mean" -> "dense1/4/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"dense1.4.bn1.running_var" -> "dense1/4/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"dense1/4/bn1/batch_norm/0" -> "dense1/4/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"dense1/4/relu/0" -> "dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/4/relu/0__0.0._scale_param_storage" -> "dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" -> "dense1/4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"dense1.4.conv1.weight" -> "dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 192, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense1/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 192, 1, 1)"]; +"dense1/4/conv1/conv2d/0" -> "dense1/4/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1.4.bn2.weight" -> "dense1/4/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense1.4.bn2.bias" -> "dense1/4/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense1.4.bn2.running_mean" -> "dense1/4/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense1.4.bn2.running_var" -> "dense1/4/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense1/4/bn2/batch_norm/0" -> "dense1/4/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1/4/relu/1" -> "dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/4/relu/1__0.0._scale_param_storage" -> "dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" -> "dense1/4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1.4.conv2.weight" -> "dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense1/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense1/4/conv2/conv2d/0" -> "dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"dense1/4/cat/0" -> "dense1/5/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 32, 32)"]; +"dense1/4/cat/0" -> "dense1/5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 224, 32, 32)"]; +"dense1.5.bn1.weight" -> "dense1/5/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(224,)"]; +"dense1.5.bn1.bias" -> "dense1/5/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(224,)"]; +"dense1.5.bn1.running_mean" -> "dense1/5/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(224,)"]; +"dense1.5.bn1.running_var" -> "dense1/5/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(224,)"]; +"dense1/5/bn1/batch_norm/0" -> "dense1/5/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 32, 32)"]; +"dense1/5/relu/0" -> "dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/5/relu/0__0.0._scale_param_storage" -> "dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" -> "dense1/5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 32, 32)"]; +"dense1.5.conv1.weight" -> "dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 224, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense1/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 224, 1, 1)"]; +"dense1/5/conv1/conv2d/0" -> "dense1/5/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1.5.bn2.weight" -> "dense1/5/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense1.5.bn2.bias" -> "dense1/5/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense1.5.bn2.running_mean" -> "dense1/5/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense1.5.bn2.running_var" -> "dense1/5/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense1/5/bn2/batch_norm/0" -> "dense1/5/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1/5/relu/1" -> "dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/5/relu/1__0.0._scale_param_storage" -> "dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" -> "dense1/5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"dense1.5.conv2.weight" -> "dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense1/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense1/5/conv2/conv2d/0" -> "dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"__nncf_hooks.post_hooks.dense1/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"dense1/5/cat/0" -> "trans1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; +"trans1.bn.weight" -> "trans1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"trans1.bn.bias" -> "trans1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"trans1.bn.running_mean" -> "trans1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"trans1.bn.running_var" -> "trans1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"trans1/bn/batch_norm/0" -> "trans1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; +"trans1/relu/0" -> "trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; +"__nncf_hooks.post_hooks.trans1/relu/0__0.0._scale_param_storage" -> "trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" -> "trans1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; +"trans1.conv.weight" -> "trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 256, 1, 1)"]; +"__nncf_hooks.pre_hooks.trans1/conv/conv2d/0__1.0._scale_param_storage" -> "trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "trans1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; +"trans1/conv/conv2d/0" -> "trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"__nncf_hooks.post_hooks.trans1/conv/conv2d/0__0.0._scale_param_storage" -> "trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" -> "trans1/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"trans1/avg_pool2d/0" -> "trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.trans1/avg_pool2d/0__0.0._scale_param_storage" -> "trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense2/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense2/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.0.bn1.weight" -> "dense2/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense2.0.bn1.bias" -> "dense2/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense2.0.bn1.running_mean" -> "dense2/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense2.0.bn1.running_var" -> "dense2/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense2/0/bn1/batch_norm/0" -> "dense2/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2/0/relu/0" -> "dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/0/relu/0__0.0._scale_param_storage" -> "dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" -> "dense2/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.0.conv1.weight" -> "dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense2/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 1)"]; +"dense2/0/conv1/conv2d/0" -> "dense2/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.0.bn2.weight" -> "dense2/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense2.0.bn2.bias" -> "dense2/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense2.0.bn2.running_mean" -> "dense2/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense2.0.bn2.running_var" -> "dense2/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense2/0/bn2/batch_norm/0" -> "dense2/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2/0/relu/1" -> "dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/0/relu/1__0.0._scale_param_storage" -> "dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" -> "dense2/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.0.conv2.weight" -> "dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense2/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense2/0/conv2/conv2d/0" -> "dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"dense2/0/cat/0" -> "dense2/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"dense2/0/cat/0" -> "dense2/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 160, 16, 16)"]; +"dense2.1.bn1.weight" -> "dense2/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"dense2.1.bn1.bias" -> "dense2/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"dense2.1.bn1.running_mean" -> "dense2/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"dense2.1.bn1.running_var" -> "dense2/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"dense2/1/bn1/batch_norm/0" -> "dense2/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"dense2/1/relu/0" -> "dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/1/relu/0__0.0._scale_param_storage" -> "dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" -> "dense2/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"dense2.1.conv1.weight" -> "dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 160, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense2/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 160, 1, 1)"]; +"dense2/1/conv1/conv2d/0" -> "dense2/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.1.bn2.weight" -> "dense2/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense2.1.bn2.bias" -> "dense2/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense2.1.bn2.running_mean" -> "dense2/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense2.1.bn2.running_var" -> "dense2/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense2/1/bn2/batch_norm/0" -> "dense2/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2/1/relu/1" -> "dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/1/relu/1__0.0._scale_param_storage" -> "dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" -> "dense2/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.1.conv2.weight" -> "dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense2/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense2/1/conv2/conv2d/0" -> "dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"dense2/1/cat/0" -> "dense2/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; +"dense2/1/cat/0" -> "dense2/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 16, 16)"]; +"dense2.2.bn1.weight" -> "dense2/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"dense2.2.bn1.bias" -> "dense2/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"dense2.2.bn1.running_mean" -> "dense2/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"dense2.2.bn1.running_var" -> "dense2/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"dense2/2/bn1/batch_norm/0" -> "dense2/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; +"dense2/2/relu/0" -> "dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/2/relu/0__0.0._scale_param_storage" -> "dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" -> "dense2/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; +"dense2.2.conv1.weight" -> "dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 192, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense2/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 192, 1, 1)"]; +"dense2/2/conv1/conv2d/0" -> "dense2/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.2.bn2.weight" -> "dense2/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense2.2.bn2.bias" -> "dense2/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense2.2.bn2.running_mean" -> "dense2/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense2.2.bn2.running_var" -> "dense2/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense2/2/bn2/batch_norm/0" -> "dense2/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2/2/relu/1" -> "dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/2/relu/1__0.0._scale_param_storage" -> "dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" -> "dense2/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.2.conv2.weight" -> "dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense2/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense2/2/conv2/conv2d/0" -> "dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"dense2/2/cat/0" -> "dense2/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; +"dense2/2/cat/0" -> "dense2/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 224, 16, 16)"]; +"dense2.3.bn1.weight" -> "dense2/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(224,)"]; +"dense2.3.bn1.bias" -> "dense2/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(224,)"]; +"dense2.3.bn1.running_mean" -> "dense2/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(224,)"]; +"dense2.3.bn1.running_var" -> "dense2/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(224,)"]; +"dense2/3/bn1/batch_norm/0" -> "dense2/3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; +"dense2/3/relu/0" -> "dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/3/relu/0__0.0._scale_param_storage" -> "dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" -> "dense2/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; +"dense2.3.conv1.weight" -> "dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 224, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense2/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 224, 1, 1)"]; +"dense2/3/conv1/conv2d/0" -> "dense2/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.3.bn2.weight" -> "dense2/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense2.3.bn2.bias" -> "dense2/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense2.3.bn2.running_mean" -> "dense2/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense2.3.bn2.running_var" -> "dense2/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense2/3/bn2/batch_norm/0" -> "dense2/3/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2/3/relu/1" -> "dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/3/relu/1__0.0._scale_param_storage" -> "dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" -> "dense2/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.3.conv2.weight" -> "dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense2/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense2/3/conv2/conv2d/0" -> "dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"dense2/3/cat/0" -> "dense2/4/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"dense2/3/cat/0" -> "dense2/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 16, 16)"]; +"dense2.4.bn1.weight" -> "dense2/4/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"dense2.4.bn1.bias" -> "dense2/4/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"dense2.4.bn1.running_mean" -> "dense2/4/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"dense2.4.bn1.running_var" -> "dense2/4/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"dense2/4/bn1/batch_norm/0" -> "dense2/4/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"dense2/4/relu/0" -> "dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/4/relu/0__0.0._scale_param_storage" -> "dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" -> "dense2/4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"dense2.4.conv1.weight" -> "dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 256, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense2/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; +"dense2/4/conv1/conv2d/0" -> "dense2/4/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.4.bn2.weight" -> "dense2/4/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense2.4.bn2.bias" -> "dense2/4/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense2.4.bn2.running_mean" -> "dense2/4/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense2.4.bn2.running_var" -> "dense2/4/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense2/4/bn2/batch_norm/0" -> "dense2/4/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2/4/relu/1" -> "dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/4/relu/1__0.0._scale_param_storage" -> "dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" -> "dense2/4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.4.conv2.weight" -> "dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense2/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense2/4/conv2/conv2d/0" -> "dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"dense2/4/cat/0" -> "dense2/5/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 16, 16)"]; +"dense2/4/cat/0" -> "dense2/5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 288, 16, 16)"]; +"dense2.5.bn1.weight" -> "dense2/5/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; +"dense2.5.bn1.bias" -> "dense2/5/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; +"dense2.5.bn1.running_mean" -> "dense2/5/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; +"dense2.5.bn1.running_var" -> "dense2/5/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; +"dense2/5/bn1/batch_norm/0" -> "dense2/5/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 16, 16)"]; +"dense2/5/relu/0" -> "dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/5/relu/0__0.0._scale_param_storage" -> "dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" -> "dense2/5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 16, 16)"]; +"dense2.5.conv1.weight" -> "dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 288, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense2/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 288, 1, 1)"]; +"dense2/5/conv1/conv2d/0" -> "dense2/5/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.5.bn2.weight" -> "dense2/5/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense2.5.bn2.bias" -> "dense2/5/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense2.5.bn2.running_mean" -> "dense2/5/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense2.5.bn2.running_var" -> "dense2/5/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense2/5/bn2/batch_norm/0" -> "dense2/5/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2/5/relu/1" -> "dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/5/relu/1__0.0._scale_param_storage" -> "dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" -> "dense2/5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.5.conv2.weight" -> "dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense2/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense2/5/conv2/conv2d/0" -> "dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"dense2/5/cat/0" -> "dense2/6/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 16, 16)"]; +"dense2/5/cat/0" -> "dense2/6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 320, 16, 16)"]; +"dense2.6.bn1.weight" -> "dense2/6/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"dense2.6.bn1.bias" -> "dense2/6/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"dense2.6.bn1.running_mean" -> "dense2/6/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"dense2.6.bn1.running_var" -> "dense2/6/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"dense2/6/bn1/batch_norm/0" -> "dense2/6/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 16, 16)"]; +"dense2/6/relu/0" -> "dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/6/relu/0__0.0._scale_param_storage" -> "dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" -> "dense2/6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 16, 16)"]; +"dense2.6.conv1.weight" -> "dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 320, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense2/6/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 320, 1, 1)"]; +"dense2/6/conv1/conv2d/0" -> "dense2/6/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.6.bn2.weight" -> "dense2/6/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense2.6.bn2.bias" -> "dense2/6/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense2.6.bn2.running_mean" -> "dense2/6/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense2.6.bn2.running_var" -> "dense2/6/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense2/6/bn2/batch_norm/0" -> "dense2/6/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2/6/relu/1" -> "dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/6/relu/1__0.0._scale_param_storage" -> "dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" -> "dense2/6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.6.conv2.weight" -> "dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense2/6/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense2/6/conv2/conv2d/0" -> "dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/6/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"dense2/6/cat/0" -> "dense2/7/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 16, 16)"]; +"dense2/6/cat/0" -> "dense2/7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 352, 16, 16)"]; +"dense2.7.bn1.weight" -> "dense2/7/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(352,)"]; +"dense2.7.bn1.bias" -> "dense2/7/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(352,)"]; +"dense2.7.bn1.running_mean" -> "dense2/7/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(352,)"]; +"dense2.7.bn1.running_var" -> "dense2/7/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(352,)"]; +"dense2/7/bn1/batch_norm/0" -> "dense2/7/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 16, 16)"]; +"dense2/7/relu/0" -> "dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/7/relu/0__0.0._scale_param_storage" -> "dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" -> "dense2/7/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 16, 16)"]; +"dense2.7.conv1.weight" -> "dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 352, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense2/7/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/7/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 352, 1, 1)"]; +"dense2/7/conv1/conv2d/0" -> "dense2/7/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.7.bn2.weight" -> "dense2/7/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense2.7.bn2.bias" -> "dense2/7/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense2.7.bn2.running_mean" -> "dense2/7/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense2.7.bn2.running_var" -> "dense2/7/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense2/7/bn2/batch_norm/0" -> "dense2/7/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2/7/relu/1" -> "dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/7/relu/1__0.0._scale_param_storage" -> "dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" -> "dense2/7/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.7.conv2.weight" -> "dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense2/7/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/7/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense2/7/conv2/conv2d/0" -> "dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/7/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"dense2/7/cat/0" -> "dense2/8/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 16, 16)"]; +"dense2/7/cat/0" -> "dense2/8/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 16, 16)"]; +"dense2.8.bn1.weight" -> "dense2/8/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"dense2.8.bn1.bias" -> "dense2/8/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"dense2.8.bn1.running_mean" -> "dense2/8/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"dense2.8.bn1.running_var" -> "dense2/8/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"dense2/8/bn1/batch_norm/0" -> "dense2/8/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 16, 16)"]; +"dense2/8/relu/0" -> "dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/8/relu/0__0.0._scale_param_storage" -> "dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" -> "dense2/8/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 16, 16)"]; +"dense2.8.conv1.weight" -> "dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 384, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense2/8/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/8/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 384, 1, 1)"]; +"dense2/8/conv1/conv2d/0" -> "dense2/8/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.8.bn2.weight" -> "dense2/8/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense2.8.bn2.bias" -> "dense2/8/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense2.8.bn2.running_mean" -> "dense2/8/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense2.8.bn2.running_var" -> "dense2/8/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense2/8/bn2/batch_norm/0" -> "dense2/8/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2/8/relu/1" -> "dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/8/relu/1__0.0._scale_param_storage" -> "dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" -> "dense2/8/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.8.conv2.weight" -> "dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense2/8/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/8/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense2/8/conv2/conv2d/0" -> "dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/8/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/8/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"dense2/8/cat/0" -> "dense2/9/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 16, 16)"]; +"dense2/8/cat/0" -> "dense2/9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 416, 16, 16)"]; +"dense2.9.bn1.weight" -> "dense2/9/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(416,)"]; +"dense2.9.bn1.bias" -> "dense2/9/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(416,)"]; +"dense2.9.bn1.running_mean" -> "dense2/9/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(416,)"]; +"dense2.9.bn1.running_var" -> "dense2/9/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(416,)"]; +"dense2/9/bn1/batch_norm/0" -> "dense2/9/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 16, 16)"]; +"dense2/9/relu/0" -> "dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/9/relu/0__0.0._scale_param_storage" -> "dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" -> "dense2/9/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 16, 16)"]; +"dense2.9.conv1.weight" -> "dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 416, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense2/9/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/9/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 416, 1, 1)"]; +"dense2/9/conv1/conv2d/0" -> "dense2/9/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.9.bn2.weight" -> "dense2/9/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense2.9.bn2.bias" -> "dense2/9/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense2.9.bn2.running_mean" -> "dense2/9/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense2.9.bn2.running_var" -> "dense2/9/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense2/9/bn2/batch_norm/0" -> "dense2/9/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2/9/relu/1" -> "dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/9/relu/1__0.0._scale_param_storage" -> "dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" -> "dense2/9/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.9.conv2.weight" -> "dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense2/9/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/9/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense2/9/conv2/conv2d/0" -> "dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/9/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"dense2/9/cat/0" -> "dense2/10/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 16, 16)"]; +"dense2/9/cat/0" -> "dense2/10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 448, 16, 16)"]; +"dense2.10.bn1.weight" -> "dense2/10/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; +"dense2.10.bn1.bias" -> "dense2/10/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; +"dense2.10.bn1.running_mean" -> "dense2/10/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; +"dense2.10.bn1.running_var" -> "dense2/10/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; +"dense2/10/bn1/batch_norm/0" -> "dense2/10/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 16, 16)"]; +"dense2/10/relu/0" -> "dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/10/relu/0__0.0._scale_param_storage" -> "dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" -> "dense2/10/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 16, 16)"]; +"dense2.10.conv1.weight" -> "dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 448, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense2/10/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/10/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 448, 1, 1)"]; +"dense2/10/conv1/conv2d/0" -> "dense2/10/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.10.bn2.weight" -> "dense2/10/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense2.10.bn2.bias" -> "dense2/10/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense2.10.bn2.running_mean" -> "dense2/10/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense2.10.bn2.running_var" -> "dense2/10/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense2/10/bn2/batch_norm/0" -> "dense2/10/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2/10/relu/1" -> "dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/10/relu/1__0.0._scale_param_storage" -> "dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" -> "dense2/10/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.10.conv2.weight" -> "dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense2/10/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/10/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense2/10/conv2/conv2d/0" -> "dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/10/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"dense2/10/cat/0" -> "dense2/11/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; +"dense2/10/cat/0" -> "dense2/11/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 480, 16, 16)"]; +"dense2.11.bn1.weight" -> "dense2/11/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; +"dense2.11.bn1.bias" -> "dense2/11/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; +"dense2.11.bn1.running_mean" -> "dense2/11/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; +"dense2.11.bn1.running_var" -> "dense2/11/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; +"dense2/11/bn1/batch_norm/0" -> "dense2/11/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; +"dense2/11/relu/0" -> "dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/11/relu/0__0.0._scale_param_storage" -> "dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" -> "dense2/11/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; +"dense2.11.conv1.weight" -> "dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 480, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense2/11/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/11/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 480, 1, 1)"]; +"dense2/11/conv1/conv2d/0" -> "dense2/11/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.11.bn2.weight" -> "dense2/11/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense2.11.bn2.bias" -> "dense2/11/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense2.11.bn2.running_mean" -> "dense2/11/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense2.11.bn2.running_var" -> "dense2/11/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense2/11/bn2/batch_norm/0" -> "dense2/11/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2/11/relu/1" -> "dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/11/relu/1__0.0._scale_param_storage" -> "dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" -> "dense2/11/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"dense2.11.conv2.weight" -> "dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense2/11/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/11/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense2/11/conv2/conv2d/0" -> "dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.dense2/11/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/11/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"dense2/11/cat/0" -> "trans2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"trans2.bn.weight" -> "trans2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"trans2.bn.bias" -> "trans2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"trans2.bn.running_mean" -> "trans2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"trans2.bn.running_var" -> "trans2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"trans2/bn/batch_norm/0" -> "trans2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"trans2/relu/0" -> "trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"__nncf_hooks.post_hooks.trans2/relu/0__0.0._scale_param_storage" -> "trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" -> "trans2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"trans2.conv.weight" -> "trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 512, 1, 1)"]; +"__nncf_hooks.pre_hooks.trans2/conv/conv2d/0__1.0._scale_param_storage" -> "trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "trans2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 512, 1, 1)"]; +"trans2/conv/conv2d/0" -> "trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"__nncf_hooks.post_hooks.trans2/conv/conv2d/0__0.0._scale_param_storage" -> "trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" -> "trans2/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"trans2/avg_pool2d/0" -> "trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"__nncf_hooks.post_hooks.trans2/avg_pool2d/0__0.0._scale_param_storage" -> "trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense3/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense3/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 8, 8)"]; +"dense3.0.bn1.weight" -> "dense3/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"dense3.0.bn1.bias" -> "dense3/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"dense3.0.bn1.running_mean" -> "dense3/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"dense3.0.bn1.running_var" -> "dense3/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"dense3/0/bn1/batch_norm/0" -> "dense3/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"dense3/0/relu/0" -> "dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/0/relu/0__0.0._scale_param_storage" -> "dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" -> "dense3/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"dense3.0.conv1.weight" -> "dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 256, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; +"dense3/0/conv1/conv2d/0" -> "dense3/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.0.bn2.weight" -> "dense3/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.0.bn2.bias" -> "dense3/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.0.bn2.running_mean" -> "dense3/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.0.bn2.running_var" -> "dense3/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/0/bn2/batch_norm/0" -> "dense3/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/0/relu/1" -> "dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/0/relu/1__0.0._scale_param_storage" -> "dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" -> "dense3/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.0.conv2.weight" -> "dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/0/conv2/conv2d/0" -> "dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/0/cat/0" -> "dense3/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 8, 8)"]; +"dense3/0/cat/0" -> "dense3/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 288, 8, 8)"]; +"dense3.1.bn1.weight" -> "dense3/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; +"dense3.1.bn1.bias" -> "dense3/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; +"dense3.1.bn1.running_mean" -> "dense3/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; +"dense3.1.bn1.running_var" -> "dense3/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; +"dense3/1/bn1/batch_norm/0" -> "dense3/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 8, 8)"]; +"dense3/1/relu/0" -> "dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/1/relu/0__0.0._scale_param_storage" -> "dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" -> "dense3/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 8, 8)"]; +"dense3.1.conv1.weight" -> "dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 288, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 288, 1, 1)"]; +"dense3/1/conv1/conv2d/0" -> "dense3/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.1.bn2.weight" -> "dense3/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.1.bn2.bias" -> "dense3/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.1.bn2.running_mean" -> "dense3/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.1.bn2.running_var" -> "dense3/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/1/bn2/batch_norm/0" -> "dense3/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/1/relu/1" -> "dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/1/relu/1__0.0._scale_param_storage" -> "dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" -> "dense3/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.1.conv2.weight" -> "dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/1/conv2/conv2d/0" -> "dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/1/cat/0" -> "dense3/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"dense3/1/cat/0" -> "dense3/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 320, 8, 8)"]; +"dense3.2.bn1.weight" -> "dense3/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"dense3.2.bn1.bias" -> "dense3/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"dense3.2.bn1.running_mean" -> "dense3/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"dense3.2.bn1.running_var" -> "dense3/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"dense3/2/bn1/batch_norm/0" -> "dense3/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"dense3/2/relu/0" -> "dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/2/relu/0__0.0._scale_param_storage" -> "dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" -> "dense3/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"dense3.2.conv1.weight" -> "dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 320, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 320, 1, 1)"]; +"dense3/2/conv1/conv2d/0" -> "dense3/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.2.bn2.weight" -> "dense3/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.2.bn2.bias" -> "dense3/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.2.bn2.running_mean" -> "dense3/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.2.bn2.running_var" -> "dense3/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/2/bn2/batch_norm/0" -> "dense3/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/2/relu/1" -> "dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/2/relu/1__0.0._scale_param_storage" -> "dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" -> "dense3/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.2.conv2.weight" -> "dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/2/conv2/conv2d/0" -> "dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/2/cat/0" -> "dense3/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 8, 8)"]; +"dense3/2/cat/0" -> "dense3/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 352, 8, 8)"]; +"dense3.3.bn1.weight" -> "dense3/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(352,)"]; +"dense3.3.bn1.bias" -> "dense3/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(352,)"]; +"dense3.3.bn1.running_mean" -> "dense3/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(352,)"]; +"dense3.3.bn1.running_var" -> "dense3/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(352,)"]; +"dense3/3/bn1/batch_norm/0" -> "dense3/3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 8, 8)"]; +"dense3/3/relu/0" -> "dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/3/relu/0__0.0._scale_param_storage" -> "dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" -> "dense3/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 8, 8)"]; +"dense3.3.conv1.weight" -> "dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 352, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 352, 1, 1)"]; +"dense3/3/conv1/conv2d/0" -> "dense3/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.3.bn2.weight" -> "dense3/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.3.bn2.bias" -> "dense3/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.3.bn2.running_mean" -> "dense3/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.3.bn2.running_var" -> "dense3/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/3/bn2/batch_norm/0" -> "dense3/3/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/3/relu/1" -> "dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/3/relu/1__0.0._scale_param_storage" -> "dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" -> "dense3/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.3.conv2.weight" -> "dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/3/conv2/conv2d/0" -> "dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/3/cat/0" -> "dense3/4/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"dense3/3/cat/0" -> "dense3/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 8, 8)"]; +"dense3.4.bn1.weight" -> "dense3/4/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"dense3.4.bn1.bias" -> "dense3/4/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"dense3.4.bn1.running_mean" -> "dense3/4/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"dense3.4.bn1.running_var" -> "dense3/4/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"dense3/4/bn1/batch_norm/0" -> "dense3/4/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"dense3/4/relu/0" -> "dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/4/relu/0__0.0._scale_param_storage" -> "dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" -> "dense3/4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"dense3.4.conv1.weight" -> "dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 384, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 384, 1, 1)"]; +"dense3/4/conv1/conv2d/0" -> "dense3/4/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.4.bn2.weight" -> "dense3/4/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.4.bn2.bias" -> "dense3/4/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.4.bn2.running_mean" -> "dense3/4/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.4.bn2.running_var" -> "dense3/4/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/4/bn2/batch_norm/0" -> "dense3/4/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/4/relu/1" -> "dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/4/relu/1__0.0._scale_param_storage" -> "dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" -> "dense3/4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.4.conv2.weight" -> "dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/4/conv2/conv2d/0" -> "dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/4/cat/0" -> "dense3/5/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 8, 8)"]; +"dense3/4/cat/0" -> "dense3/5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 416, 8, 8)"]; +"dense3.5.bn1.weight" -> "dense3/5/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(416,)"]; +"dense3.5.bn1.bias" -> "dense3/5/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(416,)"]; +"dense3.5.bn1.running_mean" -> "dense3/5/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(416,)"]; +"dense3.5.bn1.running_var" -> "dense3/5/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(416,)"]; +"dense3/5/bn1/batch_norm/0" -> "dense3/5/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 8, 8)"]; +"dense3/5/relu/0" -> "dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/5/relu/0__0.0._scale_param_storage" -> "dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" -> "dense3/5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 8, 8)"]; +"dense3.5.conv1.weight" -> "dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 416, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 416, 1, 1)"]; +"dense3/5/conv1/conv2d/0" -> "dense3/5/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.5.bn2.weight" -> "dense3/5/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.5.bn2.bias" -> "dense3/5/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.5.bn2.running_mean" -> "dense3/5/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.5.bn2.running_var" -> "dense3/5/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/5/bn2/batch_norm/0" -> "dense3/5/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/5/relu/1" -> "dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/5/relu/1__0.0._scale_param_storage" -> "dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" -> "dense3/5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.5.conv2.weight" -> "dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/5/conv2/conv2d/0" -> "dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/5/cat/0" -> "dense3/6/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; +"dense3/5/cat/0" -> "dense3/6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 448, 8, 8)"]; +"dense3.6.bn1.weight" -> "dense3/6/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; +"dense3.6.bn1.bias" -> "dense3/6/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; +"dense3.6.bn1.running_mean" -> "dense3/6/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; +"dense3.6.bn1.running_var" -> "dense3/6/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; +"dense3/6/bn1/batch_norm/0" -> "dense3/6/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; +"dense3/6/relu/0" -> "dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/6/relu/0__0.0._scale_param_storage" -> "dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" -> "dense3/6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; +"dense3.6.conv1.weight" -> "dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 448, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/6/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 448, 1, 1)"]; +"dense3/6/conv1/conv2d/0" -> "dense3/6/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.6.bn2.weight" -> "dense3/6/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.6.bn2.bias" -> "dense3/6/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.6.bn2.running_mean" -> "dense3/6/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.6.bn2.running_var" -> "dense3/6/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/6/bn2/batch_norm/0" -> "dense3/6/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/6/relu/1" -> "dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/6/relu/1__0.0._scale_param_storage" -> "dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" -> "dense3/6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.6.conv2.weight" -> "dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/6/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/6/conv2/conv2d/0" -> "dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/6/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/6/cat/0" -> "dense3/7/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 8, 8)"]; +"dense3/6/cat/0" -> "dense3/7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 480, 8, 8)"]; +"dense3.7.bn1.weight" -> "dense3/7/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; +"dense3.7.bn1.bias" -> "dense3/7/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; +"dense3.7.bn1.running_mean" -> "dense3/7/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; +"dense3.7.bn1.running_var" -> "dense3/7/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; +"dense3/7/bn1/batch_norm/0" -> "dense3/7/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 8, 8)"]; +"dense3/7/relu/0" -> "dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/7/relu/0__0.0._scale_param_storage" -> "dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" -> "dense3/7/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 8, 8)"]; +"dense3.7.conv1.weight" -> "dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 480, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/7/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/7/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 480, 1, 1)"]; +"dense3/7/conv1/conv2d/0" -> "dense3/7/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.7.bn2.weight" -> "dense3/7/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.7.bn2.bias" -> "dense3/7/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.7.bn2.running_mean" -> "dense3/7/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.7.bn2.running_var" -> "dense3/7/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/7/bn2/batch_norm/0" -> "dense3/7/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/7/relu/1" -> "dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/7/relu/1__0.0._scale_param_storage" -> "dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" -> "dense3/7/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.7.conv2.weight" -> "dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/7/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/7/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/7/conv2/conv2d/0" -> "dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/7/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/7/cat/0" -> "dense3/8/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"dense3/7/cat/0" -> "dense3/8/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 8, 8)"]; +"dense3.8.bn1.weight" -> "dense3/8/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"dense3.8.bn1.bias" -> "dense3/8/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"dense3.8.bn1.running_mean" -> "dense3/8/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"dense3.8.bn1.running_var" -> "dense3/8/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"dense3/8/bn1/batch_norm/0" -> "dense3/8/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"dense3/8/relu/0" -> "dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/8/relu/0__0.0._scale_param_storage" -> "dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" -> "dense3/8/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"dense3.8.conv1.weight" -> "dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 512, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/8/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/8/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512, 1, 1)"]; +"dense3/8/conv1/conv2d/0" -> "dense3/8/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.8.bn2.weight" -> "dense3/8/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.8.bn2.bias" -> "dense3/8/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.8.bn2.running_mean" -> "dense3/8/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.8.bn2.running_var" -> "dense3/8/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/8/bn2/batch_norm/0" -> "dense3/8/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/8/relu/1" -> "dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/8/relu/1__0.0._scale_param_storage" -> "dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" -> "dense3/8/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.8.conv2.weight" -> "dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/8/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/8/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/8/conv2/conv2d/0" -> "dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/8/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/8/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/8/cat/0" -> "dense3/9/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 8, 8)"]; +"dense3/8/cat/0" -> "dense3/9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 544, 8, 8)"]; +"dense3.9.bn1.weight" -> "dense3/9/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(544,)"]; +"dense3.9.bn1.bias" -> "dense3/9/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(544,)"]; +"dense3.9.bn1.running_mean" -> "dense3/9/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(544,)"]; +"dense3.9.bn1.running_var" -> "dense3/9/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(544,)"]; +"dense3/9/bn1/batch_norm/0" -> "dense3/9/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 8, 8)"]; +"dense3/9/relu/0" -> "dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/9/relu/0__0.0._scale_param_storage" -> "dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" -> "dense3/9/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 8, 8)"]; +"dense3.9.conv1.weight" -> "dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 544, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/9/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/9/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 544, 1, 1)"]; +"dense3/9/conv1/conv2d/0" -> "dense3/9/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.9.bn2.weight" -> "dense3/9/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.9.bn2.bias" -> "dense3/9/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.9.bn2.running_mean" -> "dense3/9/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.9.bn2.running_var" -> "dense3/9/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/9/bn2/batch_norm/0" -> "dense3/9/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/9/relu/1" -> "dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/9/relu/1__0.0._scale_param_storage" -> "dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" -> "dense3/9/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.9.conv2.weight" -> "dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/9/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/9/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/9/conv2/conv2d/0" -> "dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/9/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/9/cat/0" -> "dense3/10/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 8, 8)"]; +"dense3/9/cat/0" -> "dense3/10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 576, 8, 8)"]; +"dense3.10.bn1.weight" -> "dense3/10/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"dense3.10.bn1.bias" -> "dense3/10/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"dense3.10.bn1.running_mean" -> "dense3/10/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"dense3.10.bn1.running_var" -> "dense3/10/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"dense3/10/bn1/batch_norm/0" -> "dense3/10/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 8, 8)"]; +"dense3/10/relu/0" -> "dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/10/relu/0__0.0._scale_param_storage" -> "dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" -> "dense3/10/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 8, 8)"]; +"dense3.10.conv1.weight" -> "dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 576, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/10/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/10/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 576, 1, 1)"]; +"dense3/10/conv1/conv2d/0" -> "dense3/10/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.10.bn2.weight" -> "dense3/10/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.10.bn2.bias" -> "dense3/10/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.10.bn2.running_mean" -> "dense3/10/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.10.bn2.running_var" -> "dense3/10/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/10/bn2/batch_norm/0" -> "dense3/10/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/10/relu/1" -> "dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/10/relu/1__0.0._scale_param_storage" -> "dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" -> "dense3/10/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.10.conv2.weight" -> "dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/10/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/10/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/10/conv2/conv2d/0" -> "dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/10/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/10/cat/0" -> "dense3/11/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 8, 8)"]; +"dense3/10/cat/0" -> "dense3/11/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 608, 8, 8)"]; +"dense3.11.bn1.weight" -> "dense3/11/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(608,)"]; +"dense3.11.bn1.bias" -> "dense3/11/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(608,)"]; +"dense3.11.bn1.running_mean" -> "dense3/11/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(608,)"]; +"dense3.11.bn1.running_var" -> "dense3/11/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(608,)"]; +"dense3/11/bn1/batch_norm/0" -> "dense3/11/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 8, 8)"]; +"dense3/11/relu/0" -> "dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/11/relu/0__0.0._scale_param_storage" -> "dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" -> "dense3/11/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 8, 8)"]; +"dense3.11.conv1.weight" -> "dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 608, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/11/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/11/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 608, 1, 1)"]; +"dense3/11/conv1/conv2d/0" -> "dense3/11/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.11.bn2.weight" -> "dense3/11/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.11.bn2.bias" -> "dense3/11/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.11.bn2.running_mean" -> "dense3/11/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.11.bn2.running_var" -> "dense3/11/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/11/bn2/batch_norm/0" -> "dense3/11/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/11/relu/1" -> "dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/11/relu/1__0.0._scale_param_storage" -> "dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" -> "dense3/11/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.11.conv2.weight" -> "dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/11/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/11/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/11/conv2/conv2d/0" -> "dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/11/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/11/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/11/cat/0" -> "dense3/12/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 8, 8)"]; +"dense3/11/cat/0" -> "dense3/12/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 640, 8, 8)"]; +"dense3.12.bn1.weight" -> "dense3/12/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(640,)"]; +"dense3.12.bn1.bias" -> "dense3/12/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(640,)"]; +"dense3.12.bn1.running_mean" -> "dense3/12/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(640,)"]; +"dense3.12.bn1.running_var" -> "dense3/12/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(640,)"]; +"dense3/12/bn1/batch_norm/0" -> "dense3/12/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 8, 8)"]; +"dense3/12/relu/0" -> "dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/12/relu/0__0.0._scale_param_storage" -> "dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" -> "dense3/12/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 8, 8)"]; +"dense3.12.conv1.weight" -> "dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 640, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/12/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/12/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 640, 1, 1)"]; +"dense3/12/conv1/conv2d/0" -> "dense3/12/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.12.bn2.weight" -> "dense3/12/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.12.bn2.bias" -> "dense3/12/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.12.bn2.running_mean" -> "dense3/12/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.12.bn2.running_var" -> "dense3/12/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/12/bn2/batch_norm/0" -> "dense3/12/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/12/relu/1" -> "dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/12/relu/1__0.0._scale_param_storage" -> "dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" -> "dense3/12/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.12.conv2.weight" -> "dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/12/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/12/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/12/conv2/conv2d/0" -> "dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/12/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/12/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/12/cat/0" -> "dense3/13/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 8, 8)"]; +"dense3/12/cat/0" -> "dense3/13/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 672, 8, 8)"]; +"dense3.13.bn1.weight" -> "dense3/13/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; +"dense3.13.bn1.bias" -> "dense3/13/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; +"dense3.13.bn1.running_mean" -> "dense3/13/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; +"dense3.13.bn1.running_var" -> "dense3/13/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; +"dense3/13/bn1/batch_norm/0" -> "dense3/13/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 8, 8)"]; +"dense3/13/relu/0" -> "dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/13/relu/0__0.0._scale_param_storage" -> "dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" -> "dense3/13/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 8, 8)"]; +"dense3.13.conv1.weight" -> "dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 672, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/13/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/13/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 672, 1, 1)"]; +"dense3/13/conv1/conv2d/0" -> "dense3/13/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.13.bn2.weight" -> "dense3/13/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.13.bn2.bias" -> "dense3/13/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.13.bn2.running_mean" -> "dense3/13/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.13.bn2.running_var" -> "dense3/13/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/13/bn2/batch_norm/0" -> "dense3/13/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/13/relu/1" -> "dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/13/relu/1__0.0._scale_param_storage" -> "dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" -> "dense3/13/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.13.conv2.weight" -> "dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/13/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/13/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/13/conv2/conv2d/0" -> "dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/13/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/13/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/13/cat/0" -> "dense3/14/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 8, 8)"]; +"dense3/13/cat/0" -> "dense3/14/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 704, 8, 8)"]; +"dense3.14.bn1.weight" -> "dense3/14/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(704,)"]; +"dense3.14.bn1.bias" -> "dense3/14/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(704,)"]; +"dense3.14.bn1.running_mean" -> "dense3/14/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(704,)"]; +"dense3.14.bn1.running_var" -> "dense3/14/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(704,)"]; +"dense3/14/bn1/batch_norm/0" -> "dense3/14/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 8, 8)"]; +"dense3/14/relu/0" -> "dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/14/relu/0__0.0._scale_param_storage" -> "dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" -> "dense3/14/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 8, 8)"]; +"dense3.14.conv1.weight" -> "dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 704, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/14/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/14/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 704, 1, 1)"]; +"dense3/14/conv1/conv2d/0" -> "dense3/14/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.14.bn2.weight" -> "dense3/14/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.14.bn2.bias" -> "dense3/14/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.14.bn2.running_mean" -> "dense3/14/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.14.bn2.running_var" -> "dense3/14/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/14/bn2/batch_norm/0" -> "dense3/14/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/14/relu/1" -> "dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/14/relu/1__0.0._scale_param_storage" -> "dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" -> "dense3/14/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.14.conv2.weight" -> "dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/14/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/14/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/14/conv2/conv2d/0" -> "dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/14/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/14/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/14/cat/0" -> "dense3/15/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 8, 8)"]; +"dense3/14/cat/0" -> "dense3/15/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 736, 8, 8)"]; +"dense3.15.bn1.weight" -> "dense3/15/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(736,)"]; +"dense3.15.bn1.bias" -> "dense3/15/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(736,)"]; +"dense3.15.bn1.running_mean" -> "dense3/15/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(736,)"]; +"dense3.15.bn1.running_var" -> "dense3/15/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(736,)"]; +"dense3/15/bn1/batch_norm/0" -> "dense3/15/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 8, 8)"]; +"dense3/15/relu/0" -> "dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/15/relu/0__0.0._scale_param_storage" -> "dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" -> "dense3/15/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 8, 8)"]; +"dense3.15.conv1.weight" -> "dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 736, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/15/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/15/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 736, 1, 1)"]; +"dense3/15/conv1/conv2d/0" -> "dense3/15/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.15.bn2.weight" -> "dense3/15/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.15.bn2.bias" -> "dense3/15/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.15.bn2.running_mean" -> "dense3/15/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.15.bn2.running_var" -> "dense3/15/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/15/bn2/batch_norm/0" -> "dense3/15/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/15/relu/1" -> "dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/15/relu/1__0.0._scale_param_storage" -> "dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" -> "dense3/15/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.15.conv2.weight" -> "dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/15/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/15/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/15/conv2/conv2d/0" -> "dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/15/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/15/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/15/cat/0" -> "dense3/16/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 8, 8)"]; +"dense3/15/cat/0" -> "dense3/16/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 8, 8)"]; +"dense3.16.bn1.weight" -> "dense3/16/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768,)"]; +"dense3.16.bn1.bias" -> "dense3/16/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"dense3.16.bn1.running_mean" -> "dense3/16/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; +"dense3.16.bn1.running_var" -> "dense3/16/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(768,)"]; +"dense3/16/bn1/batch_norm/0" -> "dense3/16/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 8, 8)"]; +"dense3/16/relu/0" -> "dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/16/relu/0__0.0._scale_param_storage" -> "dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" -> "dense3/16/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 8, 8)"]; +"dense3.16.conv1.weight" -> "dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/16/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/16/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; +"dense3/16/conv1/conv2d/0" -> "dense3/16/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.16.bn2.weight" -> "dense3/16/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.16.bn2.bias" -> "dense3/16/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.16.bn2.running_mean" -> "dense3/16/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.16.bn2.running_var" -> "dense3/16/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/16/bn2/batch_norm/0" -> "dense3/16/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/16/relu/1" -> "dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/16/relu/1__0.0._scale_param_storage" -> "dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" -> "dense3/16/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.16.conv2.weight" -> "dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/16/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/16/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/16/conv2/conv2d/0" -> "dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/16/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/16/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/16/cat/0" -> "dense3/17/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 8, 8)"]; +"dense3/16/cat/0" -> "dense3/17/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 800, 8, 8)"]; +"dense3.17.bn1.weight" -> "dense3/17/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(800,)"]; +"dense3.17.bn1.bias" -> "dense3/17/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(800,)"]; +"dense3.17.bn1.running_mean" -> "dense3/17/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(800,)"]; +"dense3.17.bn1.running_var" -> "dense3/17/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(800,)"]; +"dense3/17/bn1/batch_norm/0" -> "dense3/17/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 8, 8)"]; +"dense3/17/relu/0" -> "dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/17/relu/0__0.0._scale_param_storage" -> "dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" -> "dense3/17/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 8, 8)"]; +"dense3.17.conv1.weight" -> "dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 800, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/17/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/17/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 800, 1, 1)"]; +"dense3/17/conv1/conv2d/0" -> "dense3/17/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.17.bn2.weight" -> "dense3/17/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.17.bn2.bias" -> "dense3/17/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.17.bn2.running_mean" -> "dense3/17/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.17.bn2.running_var" -> "dense3/17/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/17/bn2/batch_norm/0" -> "dense3/17/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/17/relu/1" -> "dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/17/relu/1__0.0._scale_param_storage" -> "dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" -> "dense3/17/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.17.conv2.weight" -> "dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/17/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/17/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/17/conv2/conv2d/0" -> "dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/17/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/17/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/17/cat/0" -> "dense3/18/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; +"dense3/17/cat/0" -> "dense3/18/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 832, 8, 8)"]; +"dense3.18.bn1.weight" -> "dense3/18/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(832,)"]; +"dense3.18.bn1.bias" -> "dense3/18/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(832,)"]; +"dense3.18.bn1.running_mean" -> "dense3/18/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(832,)"]; +"dense3.18.bn1.running_var" -> "dense3/18/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(832,)"]; +"dense3/18/bn1/batch_norm/0" -> "dense3/18/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; +"dense3/18/relu/0" -> "dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/18/relu/0__0.0._scale_param_storage" -> "dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" -> "dense3/18/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; +"dense3.18.conv1.weight" -> "dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 832, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/18/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/18/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 832, 1, 1)"]; +"dense3/18/conv1/conv2d/0" -> "dense3/18/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.18.bn2.weight" -> "dense3/18/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.18.bn2.bias" -> "dense3/18/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.18.bn2.running_mean" -> "dense3/18/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.18.bn2.running_var" -> "dense3/18/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/18/bn2/batch_norm/0" -> "dense3/18/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/18/relu/1" -> "dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/18/relu/1__0.0._scale_param_storage" -> "dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" -> "dense3/18/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.18.conv2.weight" -> "dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/18/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/18/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/18/conv2/conv2d/0" -> "dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/18/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/18/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/18/cat/0" -> "dense3/19/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 8, 8)"]; +"dense3/18/cat/0" -> "dense3/19/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 864, 8, 8)"]; +"dense3.19.bn1.weight" -> "dense3/19/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(864,)"]; +"dense3.19.bn1.bias" -> "dense3/19/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(864,)"]; +"dense3.19.bn1.running_mean" -> "dense3/19/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(864,)"]; +"dense3.19.bn1.running_var" -> "dense3/19/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(864,)"]; +"dense3/19/bn1/batch_norm/0" -> "dense3/19/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 8, 8)"]; +"dense3/19/relu/0" -> "dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/19/relu/0__0.0._scale_param_storage" -> "dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" -> "dense3/19/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 8, 8)"]; +"dense3.19.conv1.weight" -> "dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 864, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/19/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/19/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 864, 1, 1)"]; +"dense3/19/conv1/conv2d/0" -> "dense3/19/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.19.bn2.weight" -> "dense3/19/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.19.bn2.bias" -> "dense3/19/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.19.bn2.running_mean" -> "dense3/19/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.19.bn2.running_var" -> "dense3/19/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/19/bn2/batch_norm/0" -> "dense3/19/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/19/relu/1" -> "dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/19/relu/1__0.0._scale_param_storage" -> "dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" -> "dense3/19/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.19.conv2.weight" -> "dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/19/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/19/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/19/conv2/conv2d/0" -> "dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/19/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/19/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/19/cat/0" -> "dense3/20/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 8, 8)"]; +"dense3/19/cat/0" -> "dense3/20/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 896, 8, 8)"]; +"dense3.20.bn1.weight" -> "dense3/20/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(896,)"]; +"dense3.20.bn1.bias" -> "dense3/20/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(896,)"]; +"dense3.20.bn1.running_mean" -> "dense3/20/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(896,)"]; +"dense3.20.bn1.running_var" -> "dense3/20/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(896,)"]; +"dense3/20/bn1/batch_norm/0" -> "dense3/20/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 8, 8)"]; +"dense3/20/relu/0" -> "dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/20/relu/0__0.0._scale_param_storage" -> "dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" -> "dense3/20/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 8, 8)"]; +"dense3.20.conv1.weight" -> "dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 896, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/20/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/20/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 896, 1, 1)"]; +"dense3/20/conv1/conv2d/0" -> "dense3/20/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.20.bn2.weight" -> "dense3/20/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.20.bn2.bias" -> "dense3/20/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.20.bn2.running_mean" -> "dense3/20/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.20.bn2.running_var" -> "dense3/20/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/20/bn2/batch_norm/0" -> "dense3/20/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/20/relu/1" -> "dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/20/relu/1__0.0._scale_param_storage" -> "dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" -> "dense3/20/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.20.conv2.weight" -> "dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/20/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/20/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/20/conv2/conv2d/0" -> "dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/20/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/20/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/20/cat/0" -> "dense3/21/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 8, 8)"]; +"dense3/20/cat/0" -> "dense3/21/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 928, 8, 8)"]; +"dense3.21.bn1.weight" -> "dense3/21/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(928,)"]; +"dense3.21.bn1.bias" -> "dense3/21/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(928,)"]; +"dense3.21.bn1.running_mean" -> "dense3/21/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(928,)"]; +"dense3.21.bn1.running_var" -> "dense3/21/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(928,)"]; +"dense3/21/bn1/batch_norm/0" -> "dense3/21/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 8, 8)"]; +"dense3/21/relu/0" -> "dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/21/relu/0__0.0._scale_param_storage" -> "dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" -> "dense3/21/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 8, 8)"]; +"dense3.21.conv1.weight" -> "dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 928, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/21/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/21/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 928, 1, 1)"]; +"dense3/21/conv1/conv2d/0" -> "dense3/21/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.21.bn2.weight" -> "dense3/21/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.21.bn2.bias" -> "dense3/21/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.21.bn2.running_mean" -> "dense3/21/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.21.bn2.running_var" -> "dense3/21/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/21/bn2/batch_norm/0" -> "dense3/21/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/21/relu/1" -> "dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/21/relu/1__0.0._scale_param_storage" -> "dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" -> "dense3/21/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.21.conv2.weight" -> "dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/21/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/21/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/21/conv2/conv2d/0" -> "dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/21/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/21/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/21/cat/0" -> "dense3/22/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 8, 8)"]; +"dense3/21/cat/0" -> "dense3/22/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 960, 8, 8)"]; +"dense3.22.bn1.weight" -> "dense3/22/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"dense3.22.bn1.bias" -> "dense3/22/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"dense3.22.bn1.running_mean" -> "dense3/22/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"dense3.22.bn1.running_var" -> "dense3/22/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"dense3/22/bn1/batch_norm/0" -> "dense3/22/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 8, 8)"]; +"dense3/22/relu/0" -> "dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/22/relu/0__0.0._scale_param_storage" -> "dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" -> "dense3/22/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 8, 8)"]; +"dense3.22.conv1.weight" -> "dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 960, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/22/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/22/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 960, 1, 1)"]; +"dense3/22/conv1/conv2d/0" -> "dense3/22/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.22.bn2.weight" -> "dense3/22/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.22.bn2.bias" -> "dense3/22/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.22.bn2.running_mean" -> "dense3/22/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.22.bn2.running_var" -> "dense3/22/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/22/bn2/batch_norm/0" -> "dense3/22/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/22/relu/1" -> "dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/22/relu/1__0.0._scale_param_storage" -> "dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" -> "dense3/22/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.22.conv2.weight" -> "dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/22/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/22/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/22/conv2/conv2d/0" -> "dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/22/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/22/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/22/cat/0" -> "dense3/23/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 8, 8)"]; +"dense3/22/cat/0" -> "dense3/23/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 992, 8, 8)"]; +"dense3.23.bn1.weight" -> "dense3/23/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(992,)"]; +"dense3.23.bn1.bias" -> "dense3/23/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(992,)"]; +"dense3.23.bn1.running_mean" -> "dense3/23/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(992,)"]; +"dense3.23.bn1.running_var" -> "dense3/23/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(992,)"]; +"dense3/23/bn1/batch_norm/0" -> "dense3/23/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 8, 8)"]; +"dense3/23/relu/0" -> "dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/23/relu/0__0.0._scale_param_storage" -> "dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" -> "dense3/23/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 8, 8)"]; +"dense3.23.conv1.weight" -> "dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 992, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense3/23/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/23/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 992, 1, 1)"]; +"dense3/23/conv1/conv2d/0" -> "dense3/23/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.23.bn2.weight" -> "dense3/23/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense3.23.bn2.bias" -> "dense3/23/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense3.23.bn2.running_mean" -> "dense3/23/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense3.23.bn2.running_var" -> "dense3/23/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense3/23/bn2/batch_norm/0" -> "dense3/23/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3/23/relu/1" -> "dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/23/relu/1__0.0._scale_param_storage" -> "dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" -> "dense3/23/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"dense3.23.conv2.weight" -> "dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense3/23/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/23/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense3/23/conv2/conv2d/0" -> "dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.dense3/23/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/23/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"dense3/23/cat/0" -> "trans3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 8, 8)"]; +"trans3.bn.weight" -> "trans3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"trans3.bn.bias" -> "trans3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"trans3.bn.running_mean" -> "trans3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"trans3.bn.running_var" -> "trans3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"trans3/bn/batch_norm/0" -> "trans3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 8, 8)"]; +"trans3/relu/0" -> "trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 8, 8)"]; +"__nncf_hooks.post_hooks.trans3/relu/0__0.0._scale_param_storage" -> "trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" -> "trans3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 8, 8)"]; +"trans3.conv.weight" -> "trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 1024, 1, 1)"]; +"__nncf_hooks.pre_hooks.trans3/conv/conv2d/0__1.0._scale_param_storage" -> "trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "trans3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 1, 1)"]; +"trans3/conv/conv2d/0" -> "trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"__nncf_hooks.post_hooks.trans3/conv/conv2d/0__0.0._scale_param_storage" -> "trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" -> "trans3/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; +"trans3/avg_pool2d/0" -> "trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"__nncf_hooks.post_hooks.trans3/avg_pool2d/0__0.0._scale_param_storage" -> "trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense4/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense4/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 4, 4)"]; +"dense4.0.bn1.weight" -> "dense4/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"dense4.0.bn1.bias" -> "dense4/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"dense4.0.bn1.running_mean" -> "dense4/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"dense4.0.bn1.running_var" -> "dense4/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"dense4/0/bn1/batch_norm/0" -> "dense4/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"dense4/0/relu/0" -> "dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/0/relu/0__0.0._scale_param_storage" -> "dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" -> "dense4/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"dense4.0.conv1.weight" -> "dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 512, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512, 1, 1)"]; +"dense4/0/conv1/conv2d/0" -> "dense4/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.0.bn2.weight" -> "dense4/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.0.bn2.bias" -> "dense4/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.0.bn2.running_mean" -> "dense4/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.0.bn2.running_var" -> "dense4/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/0/bn2/batch_norm/0" -> "dense4/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/0/relu/1" -> "dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/0/relu/1__0.0._scale_param_storage" -> "dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" -> "dense4/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.0.conv2.weight" -> "dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/0/conv2/conv2d/0" -> "dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/0/cat/0" -> "dense4/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 4, 4)"]; +"dense4/0/cat/0" -> "dense4/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 544, 4, 4)"]; +"dense4.1.bn1.weight" -> "dense4/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(544,)"]; +"dense4.1.bn1.bias" -> "dense4/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(544,)"]; +"dense4.1.bn1.running_mean" -> "dense4/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(544,)"]; +"dense4.1.bn1.running_var" -> "dense4/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(544,)"]; +"dense4/1/bn1/batch_norm/0" -> "dense4/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 4, 4)"]; +"dense4/1/relu/0" -> "dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/1/relu/0__0.0._scale_param_storage" -> "dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" -> "dense4/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 4, 4)"]; +"dense4.1.conv1.weight" -> "dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 544, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 544, 1, 1)"]; +"dense4/1/conv1/conv2d/0" -> "dense4/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.1.bn2.weight" -> "dense4/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.1.bn2.bias" -> "dense4/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.1.bn2.running_mean" -> "dense4/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.1.bn2.running_var" -> "dense4/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/1/bn2/batch_norm/0" -> "dense4/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/1/relu/1" -> "dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/1/relu/1__0.0._scale_param_storage" -> "dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" -> "dense4/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.1.conv2.weight" -> "dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/1/conv2/conv2d/0" -> "dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/1/cat/0" -> "dense4/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"dense4/1/cat/0" -> "dense4/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 576, 4, 4)"]; +"dense4.2.bn1.weight" -> "dense4/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"dense4.2.bn1.bias" -> "dense4/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"dense4.2.bn1.running_mean" -> "dense4/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"dense4.2.bn1.running_var" -> "dense4/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"dense4/2/bn1/batch_norm/0" -> "dense4/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"dense4/2/relu/0" -> "dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/2/relu/0__0.0._scale_param_storage" -> "dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" -> "dense4/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; +"dense4.2.conv1.weight" -> "dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 576, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 576, 1, 1)"]; +"dense4/2/conv1/conv2d/0" -> "dense4/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.2.bn2.weight" -> "dense4/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.2.bn2.bias" -> "dense4/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.2.bn2.running_mean" -> "dense4/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.2.bn2.running_var" -> "dense4/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/2/bn2/batch_norm/0" -> "dense4/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/2/relu/1" -> "dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/2/relu/1__0.0._scale_param_storage" -> "dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" -> "dense4/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.2.conv2.weight" -> "dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/2/conv2/conv2d/0" -> "dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/2/cat/0" -> "dense4/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 4, 4)"]; +"dense4/2/cat/0" -> "dense4/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 608, 4, 4)"]; +"dense4.3.bn1.weight" -> "dense4/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(608,)"]; +"dense4.3.bn1.bias" -> "dense4/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(608,)"]; +"dense4.3.bn1.running_mean" -> "dense4/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(608,)"]; +"dense4.3.bn1.running_var" -> "dense4/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(608,)"]; +"dense4/3/bn1/batch_norm/0" -> "dense4/3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 4, 4)"]; +"dense4/3/relu/0" -> "dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/3/relu/0__0.0._scale_param_storage" -> "dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" -> "dense4/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 4, 4)"]; +"dense4.3.conv1.weight" -> "dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 608, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 608, 1, 1)"]; +"dense4/3/conv1/conv2d/0" -> "dense4/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.3.bn2.weight" -> "dense4/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.3.bn2.bias" -> "dense4/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.3.bn2.running_mean" -> "dense4/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.3.bn2.running_var" -> "dense4/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/3/bn2/batch_norm/0" -> "dense4/3/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/3/relu/1" -> "dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/3/relu/1__0.0._scale_param_storage" -> "dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" -> "dense4/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.3.conv2.weight" -> "dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/3/conv2/conv2d/0" -> "dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/3/cat/0" -> "dense4/4/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 4, 4)"]; +"dense4/3/cat/0" -> "dense4/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 640, 4, 4)"]; +"dense4.4.bn1.weight" -> "dense4/4/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(640,)"]; +"dense4.4.bn1.bias" -> "dense4/4/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(640,)"]; +"dense4.4.bn1.running_mean" -> "dense4/4/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(640,)"]; +"dense4.4.bn1.running_var" -> "dense4/4/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(640,)"]; +"dense4/4/bn1/batch_norm/0" -> "dense4/4/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 4, 4)"]; +"dense4/4/relu/0" -> "dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/4/relu/0__0.0._scale_param_storage" -> "dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" -> "dense4/4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 4, 4)"]; +"dense4.4.conv1.weight" -> "dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 640, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 640, 1, 1)"]; +"dense4/4/conv1/conv2d/0" -> "dense4/4/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.4.bn2.weight" -> "dense4/4/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.4.bn2.bias" -> "dense4/4/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.4.bn2.running_mean" -> "dense4/4/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.4.bn2.running_var" -> "dense4/4/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/4/bn2/batch_norm/0" -> "dense4/4/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/4/relu/1" -> "dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/4/relu/1__0.0._scale_param_storage" -> "dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" -> "dense4/4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.4.conv2.weight" -> "dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/4/conv2/conv2d/0" -> "dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/4/cat/0" -> "dense4/5/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"dense4/4/cat/0" -> "dense4/5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 672, 4, 4)"]; +"dense4.5.bn1.weight" -> "dense4/5/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; +"dense4.5.bn1.bias" -> "dense4/5/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; +"dense4.5.bn1.running_mean" -> "dense4/5/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; +"dense4.5.bn1.running_var" -> "dense4/5/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; +"dense4/5/bn1/batch_norm/0" -> "dense4/5/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"dense4/5/relu/0" -> "dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/5/relu/0__0.0._scale_param_storage" -> "dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" -> "dense4/5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; +"dense4.5.conv1.weight" -> "dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 672, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 672, 1, 1)"]; +"dense4/5/conv1/conv2d/0" -> "dense4/5/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.5.bn2.weight" -> "dense4/5/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.5.bn2.bias" -> "dense4/5/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.5.bn2.running_mean" -> "dense4/5/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.5.bn2.running_var" -> "dense4/5/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/5/bn2/batch_norm/0" -> "dense4/5/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/5/relu/1" -> "dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/5/relu/1__0.0._scale_param_storage" -> "dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" -> "dense4/5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.5.conv2.weight" -> "dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/5/conv2/conv2d/0" -> "dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/5/cat/0" -> "dense4/6/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 4, 4)"]; +"dense4/5/cat/0" -> "dense4/6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 704, 4, 4)"]; +"dense4.6.bn1.weight" -> "dense4/6/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(704,)"]; +"dense4.6.bn1.bias" -> "dense4/6/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(704,)"]; +"dense4.6.bn1.running_mean" -> "dense4/6/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(704,)"]; +"dense4.6.bn1.running_var" -> "dense4/6/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(704,)"]; +"dense4/6/bn1/batch_norm/0" -> "dense4/6/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 4, 4)"]; +"dense4/6/relu/0" -> "dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/6/relu/0__0.0._scale_param_storage" -> "dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" -> "dense4/6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 4, 4)"]; +"dense4.6.conv1.weight" -> "dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 704, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/6/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 704, 1, 1)"]; +"dense4/6/conv1/conv2d/0" -> "dense4/6/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.6.bn2.weight" -> "dense4/6/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.6.bn2.bias" -> "dense4/6/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.6.bn2.running_mean" -> "dense4/6/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.6.bn2.running_var" -> "dense4/6/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/6/bn2/batch_norm/0" -> "dense4/6/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/6/relu/1" -> "dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/6/relu/1__0.0._scale_param_storage" -> "dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" -> "dense4/6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.6.conv2.weight" -> "dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/6/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/6/conv2/conv2d/0" -> "dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/6/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/6/cat/0" -> "dense4/7/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 4, 4)"]; +"dense4/6/cat/0" -> "dense4/7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 736, 4, 4)"]; +"dense4.7.bn1.weight" -> "dense4/7/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(736,)"]; +"dense4.7.bn1.bias" -> "dense4/7/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(736,)"]; +"dense4.7.bn1.running_mean" -> "dense4/7/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(736,)"]; +"dense4.7.bn1.running_var" -> "dense4/7/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(736,)"]; +"dense4/7/bn1/batch_norm/0" -> "dense4/7/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 4, 4)"]; +"dense4/7/relu/0" -> "dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/7/relu/0__0.0._scale_param_storage" -> "dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" -> "dense4/7/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 4, 4)"]; +"dense4.7.conv1.weight" -> "dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 736, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/7/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/7/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 736, 1, 1)"]; +"dense4/7/conv1/conv2d/0" -> "dense4/7/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.7.bn2.weight" -> "dense4/7/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.7.bn2.bias" -> "dense4/7/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.7.bn2.running_mean" -> "dense4/7/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.7.bn2.running_var" -> "dense4/7/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/7/bn2/batch_norm/0" -> "dense4/7/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/7/relu/1" -> "dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/7/relu/1__0.0._scale_param_storage" -> "dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" -> "dense4/7/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.7.conv2.weight" -> "dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/7/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/7/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/7/conv2/conv2d/0" -> "dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/7/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/7/cat/0" -> "dense4/8/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 4, 4)"]; +"dense4/7/cat/0" -> "dense4/8/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 4, 4)"]; +"dense4.8.bn1.weight" -> "dense4/8/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768,)"]; +"dense4.8.bn1.bias" -> "dense4/8/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; +"dense4.8.bn1.running_mean" -> "dense4/8/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; +"dense4.8.bn1.running_var" -> "dense4/8/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(768,)"]; +"dense4/8/bn1/batch_norm/0" -> "dense4/8/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 4, 4)"]; +"dense4/8/relu/0" -> "dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/8/relu/0__0.0._scale_param_storage" -> "dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" -> "dense4/8/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 4, 4)"]; +"dense4.8.conv1.weight" -> "dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/8/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/8/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; +"dense4/8/conv1/conv2d/0" -> "dense4/8/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.8.bn2.weight" -> "dense4/8/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.8.bn2.bias" -> "dense4/8/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.8.bn2.running_mean" -> "dense4/8/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.8.bn2.running_var" -> "dense4/8/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/8/bn2/batch_norm/0" -> "dense4/8/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/8/relu/1" -> "dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/8/relu/1__0.0._scale_param_storage" -> "dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" -> "dense4/8/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.8.conv2.weight" -> "dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/8/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/8/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/8/conv2/conv2d/0" -> "dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/8/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/8/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/8/cat/0" -> "dense4/9/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 4, 4)"]; +"dense4/8/cat/0" -> "dense4/9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 800, 4, 4)"]; +"dense4.9.bn1.weight" -> "dense4/9/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(800,)"]; +"dense4.9.bn1.bias" -> "dense4/9/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(800,)"]; +"dense4.9.bn1.running_mean" -> "dense4/9/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(800,)"]; +"dense4.9.bn1.running_var" -> "dense4/9/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(800,)"]; +"dense4/9/bn1/batch_norm/0" -> "dense4/9/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 4, 4)"]; +"dense4/9/relu/0" -> "dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/9/relu/0__0.0._scale_param_storage" -> "dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" -> "dense4/9/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 4, 4)"]; +"dense4.9.conv1.weight" -> "dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 800, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/9/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/9/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 800, 1, 1)"]; +"dense4/9/conv1/conv2d/0" -> "dense4/9/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.9.bn2.weight" -> "dense4/9/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.9.bn2.bias" -> "dense4/9/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.9.bn2.running_mean" -> "dense4/9/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.9.bn2.running_var" -> "dense4/9/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/9/bn2/batch_norm/0" -> "dense4/9/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/9/relu/1" -> "dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/9/relu/1__0.0._scale_param_storage" -> "dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" -> "dense4/9/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.9.conv2.weight" -> "dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/9/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/9/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/9/conv2/conv2d/0" -> "dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/9/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/9/cat/0" -> "dense4/10/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 4, 4)"]; +"dense4/9/cat/0" -> "dense4/10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 832, 4, 4)"]; +"dense4.10.bn1.weight" -> "dense4/10/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(832,)"]; +"dense4.10.bn1.bias" -> "dense4/10/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(832,)"]; +"dense4.10.bn1.running_mean" -> "dense4/10/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(832,)"]; +"dense4.10.bn1.running_var" -> "dense4/10/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(832,)"]; +"dense4/10/bn1/batch_norm/0" -> "dense4/10/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 4, 4)"]; +"dense4/10/relu/0" -> "dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/10/relu/0__0.0._scale_param_storage" -> "dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" -> "dense4/10/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 4, 4)"]; +"dense4.10.conv1.weight" -> "dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 832, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/10/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/10/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 832, 1, 1)"]; +"dense4/10/conv1/conv2d/0" -> "dense4/10/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.10.bn2.weight" -> "dense4/10/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.10.bn2.bias" -> "dense4/10/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.10.bn2.running_mean" -> "dense4/10/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.10.bn2.running_var" -> "dense4/10/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/10/bn2/batch_norm/0" -> "dense4/10/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/10/relu/1" -> "dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/10/relu/1__0.0._scale_param_storage" -> "dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" -> "dense4/10/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.10.conv2.weight" -> "dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/10/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/10/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/10/conv2/conv2d/0" -> "dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/10/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/10/cat/0" -> "dense4/11/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 4, 4)"]; +"dense4/10/cat/0" -> "dense4/11/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 864, 4, 4)"]; +"dense4.11.bn1.weight" -> "dense4/11/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(864,)"]; +"dense4.11.bn1.bias" -> "dense4/11/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(864,)"]; +"dense4.11.bn1.running_mean" -> "dense4/11/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(864,)"]; +"dense4.11.bn1.running_var" -> "dense4/11/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(864,)"]; +"dense4/11/bn1/batch_norm/0" -> "dense4/11/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 4, 4)"]; +"dense4/11/relu/0" -> "dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/11/relu/0__0.0._scale_param_storage" -> "dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" -> "dense4/11/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 4, 4)"]; +"dense4.11.conv1.weight" -> "dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 864, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/11/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/11/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 864, 1, 1)"]; +"dense4/11/conv1/conv2d/0" -> "dense4/11/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.11.bn2.weight" -> "dense4/11/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.11.bn2.bias" -> "dense4/11/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.11.bn2.running_mean" -> "dense4/11/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.11.bn2.running_var" -> "dense4/11/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/11/bn2/batch_norm/0" -> "dense4/11/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/11/relu/1" -> "dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/11/relu/1__0.0._scale_param_storage" -> "dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" -> "dense4/11/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.11.conv2.weight" -> "dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/11/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/11/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/11/conv2/conv2d/0" -> "dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/11/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/11/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/11/cat/0" -> "dense4/12/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 4, 4)"]; +"dense4/11/cat/0" -> "dense4/12/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 896, 4, 4)"]; +"dense4.12.bn1.weight" -> "dense4/12/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(896,)"]; +"dense4.12.bn1.bias" -> "dense4/12/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(896,)"]; +"dense4.12.bn1.running_mean" -> "dense4/12/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(896,)"]; +"dense4.12.bn1.running_var" -> "dense4/12/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(896,)"]; +"dense4/12/bn1/batch_norm/0" -> "dense4/12/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 4, 4)"]; +"dense4/12/relu/0" -> "dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/12/relu/0__0.0._scale_param_storage" -> "dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" -> "dense4/12/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 4, 4)"]; +"dense4.12.conv1.weight" -> "dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 896, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/12/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/12/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 896, 1, 1)"]; +"dense4/12/conv1/conv2d/0" -> "dense4/12/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.12.bn2.weight" -> "dense4/12/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.12.bn2.bias" -> "dense4/12/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.12.bn2.running_mean" -> "dense4/12/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.12.bn2.running_var" -> "dense4/12/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/12/bn2/batch_norm/0" -> "dense4/12/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/12/relu/1" -> "dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/12/relu/1__0.0._scale_param_storage" -> "dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" -> "dense4/12/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.12.conv2.weight" -> "dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/12/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/12/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/12/conv2/conv2d/0" -> "dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/12/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/12/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/12/cat/0" -> "dense4/13/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 4, 4)"]; +"dense4/12/cat/0" -> "dense4/13/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 928, 4, 4)"]; +"dense4.13.bn1.weight" -> "dense4/13/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(928,)"]; +"dense4.13.bn1.bias" -> "dense4/13/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(928,)"]; +"dense4.13.bn1.running_mean" -> "dense4/13/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(928,)"]; +"dense4.13.bn1.running_var" -> "dense4/13/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(928,)"]; +"dense4/13/bn1/batch_norm/0" -> "dense4/13/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 4, 4)"]; +"dense4/13/relu/0" -> "dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/13/relu/0__0.0._scale_param_storage" -> "dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" -> "dense4/13/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 4, 4)"]; +"dense4.13.conv1.weight" -> "dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 928, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/13/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/13/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 928, 1, 1)"]; +"dense4/13/conv1/conv2d/0" -> "dense4/13/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.13.bn2.weight" -> "dense4/13/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.13.bn2.bias" -> "dense4/13/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.13.bn2.running_mean" -> "dense4/13/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.13.bn2.running_var" -> "dense4/13/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/13/bn2/batch_norm/0" -> "dense4/13/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/13/relu/1" -> "dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/13/relu/1__0.0._scale_param_storage" -> "dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" -> "dense4/13/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.13.conv2.weight" -> "dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/13/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/13/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/13/conv2/conv2d/0" -> "dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/13/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/13/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/13/cat/0" -> "dense4/14/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 4, 4)"]; +"dense4/13/cat/0" -> "dense4/14/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 960, 4, 4)"]; +"dense4.14.bn1.weight" -> "dense4/14/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"dense4.14.bn1.bias" -> "dense4/14/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"dense4.14.bn1.running_mean" -> "dense4/14/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"dense4.14.bn1.running_var" -> "dense4/14/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"dense4/14/bn1/batch_norm/0" -> "dense4/14/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 4, 4)"]; +"dense4/14/relu/0" -> "dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/14/relu/0__0.0._scale_param_storage" -> "dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" -> "dense4/14/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 4, 4)"]; +"dense4.14.conv1.weight" -> "dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 960, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/14/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/14/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 960, 1, 1)"]; +"dense4/14/conv1/conv2d/0" -> "dense4/14/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.14.bn2.weight" -> "dense4/14/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.14.bn2.bias" -> "dense4/14/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.14.bn2.running_mean" -> "dense4/14/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.14.bn2.running_var" -> "dense4/14/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/14/bn2/batch_norm/0" -> "dense4/14/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/14/relu/1" -> "dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/14/relu/1__0.0._scale_param_storage" -> "dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" -> "dense4/14/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.14.conv2.weight" -> "dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/14/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/14/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/14/conv2/conv2d/0" -> "dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/14/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/14/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/14/cat/0" -> "dense4/15/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 4, 4)"]; +"dense4/14/cat/0" -> "dense4/15/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 992, 4, 4)"]; +"dense4.15.bn1.weight" -> "dense4/15/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(992,)"]; +"dense4.15.bn1.bias" -> "dense4/15/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(992,)"]; +"dense4.15.bn1.running_mean" -> "dense4/15/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(992,)"]; +"dense4.15.bn1.running_var" -> "dense4/15/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(992,)"]; +"dense4/15/bn1/batch_norm/0" -> "dense4/15/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 4, 4)"]; +"dense4/15/relu/0" -> "dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/15/relu/0__0.0._scale_param_storage" -> "dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" -> "dense4/15/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 4, 4)"]; +"dense4.15.conv1.weight" -> "dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 992, 1, 1)"]; +"__nncf_hooks.pre_hooks.dense4/15/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/15/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 992, 1, 1)"]; +"dense4/15/conv1/conv2d/0" -> "dense4/15/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.15.bn2.weight" -> "dense4/15/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"dense4.15.bn2.bias" -> "dense4/15/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"dense4.15.bn2.running_mean" -> "dense4/15/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"dense4.15.bn2.running_var" -> "dense4/15/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"dense4/15/bn2/batch_norm/0" -> "dense4/15/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4/15/relu/1" -> "dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/15/relu/1__0.0._scale_param_storage" -> "dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" -> "dense4/15/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; +"dense4.15.conv2.weight" -> "dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.dense4/15/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/15/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; +"dense4/15/conv2/conv2d/0" -> "dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.dense4/15/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/15/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"dense4/15/cat/0" -> "bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"bn.weight" -> "bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"bn.bias" -> "bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"bn.running_mean" -> "bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"bn.running_var" -> "bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"bn/batch_norm/0" -> "/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"/avg_pool2d/0" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; +"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; +"/view/0" -> "linear/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 1024)"]; +"linear.bias" -> "linear/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(10, 1)"]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 1024)"]; +"linear/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/embedding_model.dot b/tests/torch2/data/quantization/test_quantized_graphs/embedding_model.dot index 75a203dc2b2..8e16c622b54 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/embedding_model.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/embedding_model.dot @@ -1,25 +1,25 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"/type/0" [id=1, type=type, metatype=UnknownMetatype]; -"embedding.weight" [id=2, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.embedding/embedding/0__1.0._scale_param_storage" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" [id=4, type="symmetric_quantize", metatype=UnknownMetatype]; -"embedding/embedding/0" [id=5, type=embedding, metatype=PTEmbeddingMetatype]; -"matmul.weight" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"matmul.bias" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.matmul/linear/0__1.0._scale_param_storage" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" [id=9, type="symmetric_quantize", metatype=UnknownMetatype]; -"matmul/linear/0" [id=10, type=linear, metatype=PTLinearMetatype]; -output [id=11, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "/type/0" [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; -"/type/0" -> "embedding/embedding/0" [dtype=int, shape="(1, 10)", out_port_id=0, in_port_id=0]; -"embedding.weight" -> "embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 20)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.embedding/embedding/0__1.0._scale_param_storage" -> "embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" -> "embedding/embedding/0" [dtype=float, shape="(10, 20)", out_port_id=0, in_port_id=1]; -"embedding/embedding/0" -> "matmul/linear/0" [dtype=float, shape="(1, 10, 20)", out_port_id=0, in_port_id=0]; -"matmul.weight" -> "matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(5, 20)", out_port_id=0, in_port_id=0]; -"matmul.bias" -> "matmul/linear/0" [dtype=float, shape="(1, 5)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.matmul/linear/0__1.0._scale_param_storage" -> "matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(5, 1)", out_port_id=0, in_port_id=4]; -"matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" -> "matmul/linear/0" [dtype=float, shape="(5, 20)", out_port_id=0, in_port_id=1]; -"matmul/linear/0" -> output [dtype=float, shape="(1, 10, 5)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"/type/0" [id=1, metatype=UnknownMetatype, type=type]; +"embedding.weight" [id=2, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.embedding/embedding/0__1.0._scale_param_storage" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" [id=4, metatype=UnknownMetatype, type=symmetric_quantize]; +"embedding/embedding/0" [id=5, metatype=PTEmbeddingMetatype, type=embedding]; +"matmul.weight" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"matmul.bias" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.matmul/linear/0__1.0._scale_param_storage" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" [id=9, metatype=UnknownMetatype, type=symmetric_quantize]; +"matmul/linear/0" [id=10, metatype=PTLinearMetatype, type=linear]; +output [id=11, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "/type/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; +"/type/0" -> "embedding/embedding/0" [dtype=int, in_port_id=0, out_port_id=0, shape="(1, 10)"]; +"embedding.weight" -> "embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 20)"]; +"__nncf_hooks.pre_hooks.embedding/embedding/0__1.0._scale_param_storage" -> "embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" -> "embedding/embedding/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 20)"]; +"embedding/embedding/0" -> "matmul/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 20)"]; +"matmul.weight" -> "matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(5, 20)"]; +"matmul.bias" -> "matmul/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 5)"]; +"__nncf_hooks.pre_hooks.matmul/linear/0__1.0._scale_param_storage" -> "matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(5, 1)"]; +"matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" -> "matmul/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(5, 20)"]; +"matmul/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 5)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/inception.dot b/tests/torch2/data/quantization/test_quantized_graphs/inception.dot index ec2c184660f..0881ccd1dee 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/inception.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/inception.dot @@ -1,1734 +1,1734 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -"pre_layers.0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"pre_layers.0.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.pre_layers/0/conv2d/0__1.0._scale_param_storage" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, type="symmetric_quantize", metatype=UnknownMetatype]; -"pre_layers/0/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; -"pre_layers.1.weight" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"pre_layers.1.bias" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"pre_layers.1.running_mean" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"pre_layers.1.running_var" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"pre_layers/1/batch_norm/0" [id=12, type="batch_norm", metatype=PTBatchNormMetatype]; -"pre_layers/2/relu_/0" [id=13, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.pre_layers/2/relu_/0__0.0._scale_param_storage" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" [id=15, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3.b1.0.weight" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b1.0.bias" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a3/b1/0/conv2d/0__1.0._scale_param_storage" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=19, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3/b1/0/conv2d/0" [id=20, type=conv2d, metatype=PTConv2dMetatype]; -"a3.b1.1.weight" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b1.1.bias" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b1.1.running_mean" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b1.1.running_var" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b1/1/batch_norm/0" [id=25, type="batch_norm", metatype=PTBatchNormMetatype]; -"a3/b1/2/relu_/0" [id=26, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=28, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3.b2.0.weight" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b2.0.bias" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a3/b2/0/conv2d/0__1.0._scale_param_storage" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=32, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3/b2/0/conv2d/0" [id=33, type=conv2d, metatype=PTConv2dMetatype]; -"a3.b2.1.weight" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b2.1.bias" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b2.1.running_mean" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b2.1.running_var" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b2/1/batch_norm/0" [id=38, type="batch_norm", metatype=PTBatchNormMetatype]; -"a3/b2/2/relu_/0" [id=39, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.a3/b2/2/relu_/0__0.0._scale_param_storage" [id=40, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=41, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3.b2.3.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b2.3.bias" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a3/b2/3/conv2d/0__1.0._scale_param_storage" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=45, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3/b2/3/conv2d/0" [id=46, type=conv2d, metatype=PTConv2dMetatype]; -"a3.b2.4.weight" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b2.4.bias" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b2.4.running_mean" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b2.4.running_var" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b2/4/batch_norm/0" [id=51, type="batch_norm", metatype=PTBatchNormMetatype]; -"a3/b2/5/relu_/0" [id=52, type="relu_", metatype=PTRELUMetatype]; -"a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=53, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3.b3.0.weight" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b3.0.bias" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a3/b3/0/conv2d/0__1.0._scale_param_storage" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=57, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3/b3/0/conv2d/0" [id=58, type=conv2d, metatype=PTConv2dMetatype]; -"a3.b3.1.weight" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b3.1.bias" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b3.1.running_mean" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b3.1.running_var" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b3/1/batch_norm/0" [id=63, type="batch_norm", metatype=PTBatchNormMetatype]; -"a3/b3/2/relu_/0" [id=64, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.a3/b3/2/relu_/0__0.0._scale_param_storage" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=66, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3.b3.3.weight" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b3.3.bias" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a3/b3/3/conv2d/0__1.0._scale_param_storage" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=70, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3/b3/3/conv2d/0" [id=71, type=conv2d, metatype=PTConv2dMetatype]; -"a3.b3.4.weight" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b3.4.bias" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b3.4.running_mean" [id=74, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b3.4.running_var" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b3/4/batch_norm/0" [id=76, type="batch_norm", metatype=PTBatchNormMetatype]; -"a3/b3/5/relu_/0" [id=77, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.a3/b3/5/relu_/0__0.0._scale_param_storage" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=79, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3.b3.6.weight" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b3.6.bias" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a3/b3/6/conv2d/0__1.0._scale_param_storage" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=83, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3/b3/6/conv2d/0" [id=84, type=conv2d, metatype=PTConv2dMetatype]; -"a3.b3.7.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b3.7.bias" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b3.7.running_mean" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b3.7.running_var" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b3/7/batch_norm/0" [id=89, type="batch_norm", metatype=PTBatchNormMetatype]; -"a3/b3/8/relu_/0" [id=90, type="relu_", metatype=PTRELUMetatype]; -"a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=91, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3/b4/0/max_pool2d/0" [id=92, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"a3.b4.1.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b4.1.bias" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a3/b4/1/conv2d/0__1.0._scale_param_storage" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=96, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3/b4/1/conv2d/0" [id=97, type=conv2d, metatype=PTConv2dMetatype]; -"a3.b4.2.weight" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b4.2.bias" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b4.2.running_mean" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3.b4.2.running_var" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a3/b4/2/batch_norm/0" [id=102, type="batch_norm", metatype=PTBatchNormMetatype]; -"a3/b4/3/relu_/0" [id=103, type="relu_", metatype=PTRELUMetatype]; -"a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=104, type="symmetric_quantize", metatype=UnknownMetatype]; -"a3/cat/0" [id=105, type=cat, metatype=PTCatMetatype]; -"b3.b1.0.weight" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b1.0.bias" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b3/b1/0/conv2d/0__1.0._scale_param_storage" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=109, type="symmetric_quantize", metatype=UnknownMetatype]; -"b3/b1/0/conv2d/0" [id=110, type=conv2d, metatype=PTConv2dMetatype]; -"b3.b1.1.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b1.1.bias" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b1.1.running_mean" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b1.1.running_var" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b1/1/batch_norm/0" [id=115, type="batch_norm", metatype=PTBatchNormMetatype]; -"b3/b1/2/relu_/0" [id=116, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=118, type="symmetric_quantize", metatype=UnknownMetatype]; -"b3.b2.0.weight" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b2.0.bias" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b3/b2/0/conv2d/0__1.0._scale_param_storage" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=122, type="symmetric_quantize", metatype=UnknownMetatype]; -"b3/b2/0/conv2d/0" [id=123, type=conv2d, metatype=PTConv2dMetatype]; -"b3.b2.1.weight" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b2.1.bias" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b2.1.running_mean" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b2.1.running_var" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b2/1/batch_norm/0" [id=128, type="batch_norm", metatype=PTBatchNormMetatype]; -"b3/b2/2/relu_/0" [id=129, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b3/b2/2/relu_/0__0.0._scale_param_storage" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=131, type="symmetric_quantize", metatype=UnknownMetatype]; -"b3.b2.3.weight" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b2.3.bias" [id=133, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b3/b2/3/conv2d/0__1.0._scale_param_storage" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=135, type="symmetric_quantize", metatype=UnknownMetatype]; -"b3/b2/3/conv2d/0" [id=136, type=conv2d, metatype=PTConv2dMetatype]; -"b3.b2.4.weight" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b2.4.bias" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b2.4.running_mean" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b2.4.running_var" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b2/4/batch_norm/0" [id=141, type="batch_norm", metatype=PTBatchNormMetatype]; -"b3/b2/5/relu_/0" [id=142, type="relu_", metatype=PTRELUMetatype]; -"b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=143, type="symmetric_quantize", metatype=UnknownMetatype]; -"b3.b3.0.weight" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b3.0.bias" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b3/b3/0/conv2d/0__1.0._scale_param_storage" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=147, type="symmetric_quantize", metatype=UnknownMetatype]; -"b3/b3/0/conv2d/0" [id=148, type=conv2d, metatype=PTConv2dMetatype]; -"b3.b3.1.weight" [id=149, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b3.1.bias" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b3.1.running_mean" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b3.1.running_var" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b3/1/batch_norm/0" [id=153, type="batch_norm", metatype=PTBatchNormMetatype]; -"b3/b3/2/relu_/0" [id=154, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b3/b3/2/relu_/0__0.0._scale_param_storage" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=156, type="symmetric_quantize", metatype=UnknownMetatype]; -"b3.b3.3.weight" [id=157, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b3.3.bias" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b3/b3/3/conv2d/0__1.0._scale_param_storage" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=160, type="symmetric_quantize", metatype=UnknownMetatype]; -"b3/b3/3/conv2d/0" [id=161, type=conv2d, metatype=PTConv2dMetatype]; -"b3.b3.4.weight" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b3.4.bias" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b3.4.running_mean" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b3.4.running_var" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b3/4/batch_norm/0" [id=166, type="batch_norm", metatype=PTBatchNormMetatype]; -"b3/b3/5/relu_/0" [id=167, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b3/b3/5/relu_/0__0.0._scale_param_storage" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=169, type="symmetric_quantize", metatype=UnknownMetatype]; -"b3.b3.6.weight" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b3.6.bias" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b3/b3/6/conv2d/0__1.0._scale_param_storage" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=173, type="symmetric_quantize", metatype=UnknownMetatype]; -"b3/b3/6/conv2d/0" [id=174, type=conv2d, metatype=PTConv2dMetatype]; -"b3.b3.7.weight" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b3.7.bias" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b3.7.running_mean" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b3.7.running_var" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b3/7/batch_norm/0" [id=179, type="batch_norm", metatype=PTBatchNormMetatype]; -"b3/b3/8/relu_/0" [id=180, type="relu_", metatype=PTRELUMetatype]; -"b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=181, type="symmetric_quantize", metatype=UnknownMetatype]; -"b3/b4/0/max_pool2d/0" [id=182, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"b3.b4.1.weight" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b4.1.bias" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b3/b4/1/conv2d/0__1.0._scale_param_storage" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=186, type="symmetric_quantize", metatype=UnknownMetatype]; -"b3/b4/1/conv2d/0" [id=187, type=conv2d, metatype=PTConv2dMetatype]; -"b3.b4.2.weight" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b4.2.bias" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b4.2.running_mean" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3.b4.2.running_var" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b3/b4/2/batch_norm/0" [id=192, type="batch_norm", metatype=PTBatchNormMetatype]; -"b3/b4/3/relu_/0" [id=193, type="relu_", metatype=PTRELUMetatype]; -"b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=194, type="symmetric_quantize", metatype=UnknownMetatype]; -"b3/cat/0" [id=195, type=cat, metatype=PTCatMetatype]; -"maxpool/max_pool2d/0" [id=196, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"a4.b1.0.weight" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b1.0.bias" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a4/b1/0/conv2d/0__1.0._scale_param_storage" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=200, type="symmetric_quantize", metatype=UnknownMetatype]; -"a4/b1/0/conv2d/0" [id=201, type=conv2d, metatype=PTConv2dMetatype]; -"a4.b1.1.weight" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b1.1.bias" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b1.1.running_mean" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b1.1.running_var" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b1/1/batch_norm/0" [id=206, type="batch_norm", metatype=PTBatchNormMetatype]; -"a4/b1/2/relu_/0" [id=207, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=209, type="symmetric_quantize", metatype=UnknownMetatype]; -"a4.b2.0.weight" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b2.0.bias" [id=211, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a4/b2/0/conv2d/0__1.0._scale_param_storage" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=213, type="symmetric_quantize", metatype=UnknownMetatype]; -"a4/b2/0/conv2d/0" [id=214, type=conv2d, metatype=PTConv2dMetatype]; -"a4.b2.1.weight" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b2.1.bias" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b2.1.running_mean" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b2.1.running_var" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b2/1/batch_norm/0" [id=219, type="batch_norm", metatype=PTBatchNormMetatype]; -"a4/b2/2/relu_/0" [id=220, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.a4/b2/2/relu_/0__0.0._scale_param_storage" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=222, type="symmetric_quantize", metatype=UnknownMetatype]; -"a4.b2.3.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b2.3.bias" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a4/b2/3/conv2d/0__1.0._scale_param_storage" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=226, type="symmetric_quantize", metatype=UnknownMetatype]; -"a4/b2/3/conv2d/0" [id=227, type=conv2d, metatype=PTConv2dMetatype]; -"a4.b2.4.weight" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b2.4.bias" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b2.4.running_mean" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b2.4.running_var" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b2/4/batch_norm/0" [id=232, type="batch_norm", metatype=PTBatchNormMetatype]; -"a4/b2/5/relu_/0" [id=233, type="relu_", metatype=PTRELUMetatype]; -"a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=234, type="symmetric_quantize", metatype=UnknownMetatype]; -"a4.b3.0.weight" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b3.0.bias" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a4/b3/0/conv2d/0__1.0._scale_param_storage" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=238, type="symmetric_quantize", metatype=UnknownMetatype]; -"a4/b3/0/conv2d/0" [id=239, type=conv2d, metatype=PTConv2dMetatype]; -"a4.b3.1.weight" [id=240, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b3.1.bias" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b3.1.running_mean" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b3.1.running_var" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b3/1/batch_norm/0" [id=244, type="batch_norm", metatype=PTBatchNormMetatype]; -"a4/b3/2/relu_/0" [id=245, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.a4/b3/2/relu_/0__0.0._scale_param_storage" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=247, type="symmetric_quantize", metatype=UnknownMetatype]; -"a4.b3.3.weight" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b3.3.bias" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a4/b3/3/conv2d/0__1.0._scale_param_storage" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=251, type="symmetric_quantize", metatype=UnknownMetatype]; -"a4/b3/3/conv2d/0" [id=252, type=conv2d, metatype=PTConv2dMetatype]; -"a4.b3.4.weight" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b3.4.bias" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b3.4.running_mean" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b3.4.running_var" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b3/4/batch_norm/0" [id=257, type="batch_norm", metatype=PTBatchNormMetatype]; -"a4/b3/5/relu_/0" [id=258, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.a4/b3/5/relu_/0__0.0._scale_param_storage" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=260, type="symmetric_quantize", metatype=UnknownMetatype]; -"a4.b3.6.weight" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b3.6.bias" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a4/b3/6/conv2d/0__1.0._scale_param_storage" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=264, type="symmetric_quantize", metatype=UnknownMetatype]; -"a4/b3/6/conv2d/0" [id=265, type=conv2d, metatype=PTConv2dMetatype]; -"a4.b3.7.weight" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b3.7.bias" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b3.7.running_mean" [id=268, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b3.7.running_var" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b3/7/batch_norm/0" [id=270, type="batch_norm", metatype=PTBatchNormMetatype]; -"a4/b3/8/relu_/0" [id=271, type="relu_", metatype=PTRELUMetatype]; -"a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=272, type="symmetric_quantize", metatype=UnknownMetatype]; -"a4/b4/0/max_pool2d/0" [id=273, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"a4.b4.1.weight" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b4.1.bias" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a4/b4/1/conv2d/0__1.0._scale_param_storage" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=277, type="symmetric_quantize", metatype=UnknownMetatype]; -"a4/b4/1/conv2d/0" [id=278, type=conv2d, metatype=PTConv2dMetatype]; -"a4.b4.2.weight" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b4.2.bias" [id=280, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b4.2.running_mean" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4.b4.2.running_var" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a4/b4/2/batch_norm/0" [id=283, type="batch_norm", metatype=PTBatchNormMetatype]; -"a4/b4/3/relu_/0" [id=284, type="relu_", metatype=PTRELUMetatype]; -"a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=285, type="symmetric_quantize", metatype=UnknownMetatype]; -"a4/cat/0" [id=286, type=cat, metatype=PTCatMetatype]; -"b4.b1.0.weight" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b1.0.bias" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b4/b1/0/conv2d/0__1.0._scale_param_storage" [id=289, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=290, type="symmetric_quantize", metatype=UnknownMetatype]; -"b4/b1/0/conv2d/0" [id=291, type=conv2d, metatype=PTConv2dMetatype]; -"b4.b1.1.weight" [id=292, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b1.1.bias" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b1.1.running_mean" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b1.1.running_var" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b1/1/batch_norm/0" [id=296, type="batch_norm", metatype=PTBatchNormMetatype]; -"b4/b1/2/relu_/0" [id=297, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" [id=298, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=299, type="symmetric_quantize", metatype=UnknownMetatype]; -"b4.b2.0.weight" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b2.0.bias" [id=301, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b4/b2/0/conv2d/0__1.0._scale_param_storage" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=303, type="symmetric_quantize", metatype=UnknownMetatype]; -"b4/b2/0/conv2d/0" [id=304, type=conv2d, metatype=PTConv2dMetatype]; -"b4.b2.1.weight" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b2.1.bias" [id=306, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b2.1.running_mean" [id=307, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b2.1.running_var" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b2/1/batch_norm/0" [id=309, type="batch_norm", metatype=PTBatchNormMetatype]; -"b4/b2/2/relu_/0" [id=310, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b4/b2/2/relu_/0__0.0._scale_param_storage" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=312, type="symmetric_quantize", metatype=UnknownMetatype]; -"b4.b2.3.weight" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b2.3.bias" [id=314, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b4/b2/3/conv2d/0__1.0._scale_param_storage" [id=315, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=316, type="symmetric_quantize", metatype=UnknownMetatype]; -"b4/b2/3/conv2d/0" [id=317, type=conv2d, metatype=PTConv2dMetatype]; -"b4.b2.4.weight" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b2.4.bias" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b2.4.running_mean" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b2.4.running_var" [id=321, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b2/4/batch_norm/0" [id=322, type="batch_norm", metatype=PTBatchNormMetatype]; -"b4/b2/5/relu_/0" [id=323, type="relu_", metatype=PTRELUMetatype]; -"b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=324, type="symmetric_quantize", metatype=UnknownMetatype]; -"b4.b3.0.weight" [id=325, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b3.0.bias" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b4/b3/0/conv2d/0__1.0._scale_param_storage" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=328, type="symmetric_quantize", metatype=UnknownMetatype]; -"b4/b3/0/conv2d/0" [id=329, type=conv2d, metatype=PTConv2dMetatype]; -"b4.b3.1.weight" [id=330, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b3.1.bias" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b3.1.running_mean" [id=332, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b3.1.running_var" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b3/1/batch_norm/0" [id=334, type="batch_norm", metatype=PTBatchNormMetatype]; -"b4/b3/2/relu_/0" [id=335, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b4/b3/2/relu_/0__0.0._scale_param_storage" [id=336, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=337, type="symmetric_quantize", metatype=UnknownMetatype]; -"b4.b3.3.weight" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b3.3.bias" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b4/b3/3/conv2d/0__1.0._scale_param_storage" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=341, type="symmetric_quantize", metatype=UnknownMetatype]; -"b4/b3/3/conv2d/0" [id=342, type=conv2d, metatype=PTConv2dMetatype]; -"b4.b3.4.weight" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b3.4.bias" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b3.4.running_mean" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b3.4.running_var" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b3/4/batch_norm/0" [id=347, type="batch_norm", metatype=PTBatchNormMetatype]; -"b4/b3/5/relu_/0" [id=348, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b4/b3/5/relu_/0__0.0._scale_param_storage" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=350, type="symmetric_quantize", metatype=UnknownMetatype]; -"b4.b3.6.weight" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b3.6.bias" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b4/b3/6/conv2d/0__1.0._scale_param_storage" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=354, type="symmetric_quantize", metatype=UnknownMetatype]; -"b4/b3/6/conv2d/0" [id=355, type=conv2d, metatype=PTConv2dMetatype]; -"b4.b3.7.weight" [id=356, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b3.7.bias" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b3.7.running_mean" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b3.7.running_var" [id=359, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b3/7/batch_norm/0" [id=360, type="batch_norm", metatype=PTBatchNormMetatype]; -"b4/b3/8/relu_/0" [id=361, type="relu_", metatype=PTRELUMetatype]; -"b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=362, type="symmetric_quantize", metatype=UnknownMetatype]; -"b4/b4/0/max_pool2d/0" [id=363, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"b4.b4.1.weight" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b4.1.bias" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b4/b4/1/conv2d/0__1.0._scale_param_storage" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=367, type="symmetric_quantize", metatype=UnknownMetatype]; -"b4/b4/1/conv2d/0" [id=368, type=conv2d, metatype=PTConv2dMetatype]; -"b4.b4.2.weight" [id=369, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b4.2.bias" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b4.2.running_mean" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4.b4.2.running_var" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b4/b4/2/batch_norm/0" [id=373, type="batch_norm", metatype=PTBatchNormMetatype]; -"b4/b4/3/relu_/0" [id=374, type="relu_", metatype=PTRELUMetatype]; -"b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=375, type="symmetric_quantize", metatype=UnknownMetatype]; -"b4/cat/0" [id=376, type=cat, metatype=PTCatMetatype]; -"c4.b1.0.weight" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b1.0.bias" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.c4/b1/0/conv2d/0__1.0._scale_param_storage" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=380, type="symmetric_quantize", metatype=UnknownMetatype]; -"c4/b1/0/conv2d/0" [id=381, type=conv2d, metatype=PTConv2dMetatype]; -"c4.b1.1.weight" [id=382, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b1.1.bias" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b1.1.running_mean" [id=384, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b1.1.running_var" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b1/1/batch_norm/0" [id=386, type="batch_norm", metatype=PTBatchNormMetatype]; -"c4/b1/2/relu_/0" [id=387, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" [id=388, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=389, type="symmetric_quantize", metatype=UnknownMetatype]; -"c4.b2.0.weight" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b2.0.bias" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.c4/b2/0/conv2d/0__1.0._scale_param_storage" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=393, type="symmetric_quantize", metatype=UnknownMetatype]; -"c4/b2/0/conv2d/0" [id=394, type=conv2d, metatype=PTConv2dMetatype]; -"c4.b2.1.weight" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b2.1.bias" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b2.1.running_mean" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b2.1.running_var" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b2/1/batch_norm/0" [id=399, type="batch_norm", metatype=PTBatchNormMetatype]; -"c4/b2/2/relu_/0" [id=400, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.c4/b2/2/relu_/0__0.0._scale_param_storage" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=402, type="symmetric_quantize", metatype=UnknownMetatype]; -"c4.b2.3.weight" [id=403, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b2.3.bias" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.c4/b2/3/conv2d/0__1.0._scale_param_storage" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=406, type="symmetric_quantize", metatype=UnknownMetatype]; -"c4/b2/3/conv2d/0" [id=407, type=conv2d, metatype=PTConv2dMetatype]; -"c4.b2.4.weight" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b2.4.bias" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b2.4.running_mean" [id=410, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b2.4.running_var" [id=411, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b2/4/batch_norm/0" [id=412, type="batch_norm", metatype=PTBatchNormMetatype]; -"c4/b2/5/relu_/0" [id=413, type="relu_", metatype=PTRELUMetatype]; -"c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=414, type="symmetric_quantize", metatype=UnknownMetatype]; -"c4.b3.0.weight" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b3.0.bias" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.c4/b3/0/conv2d/0__1.0._scale_param_storage" [id=417, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=418, type="symmetric_quantize", metatype=UnknownMetatype]; -"c4/b3/0/conv2d/0" [id=419, type=conv2d, metatype=PTConv2dMetatype]; -"c4.b3.1.weight" [id=420, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b3.1.bias" [id=421, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b3.1.running_mean" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b3.1.running_var" [id=423, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b3/1/batch_norm/0" [id=424, type="batch_norm", metatype=PTBatchNormMetatype]; -"c4/b3/2/relu_/0" [id=425, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.c4/b3/2/relu_/0__0.0._scale_param_storage" [id=426, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=427, type="symmetric_quantize", metatype=UnknownMetatype]; -"c4.b3.3.weight" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b3.3.bias" [id=429, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.c4/b3/3/conv2d/0__1.0._scale_param_storage" [id=430, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=431, type="symmetric_quantize", metatype=UnknownMetatype]; -"c4/b3/3/conv2d/0" [id=432, type=conv2d, metatype=PTConv2dMetatype]; -"c4.b3.4.weight" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b3.4.bias" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b3.4.running_mean" [id=435, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b3.4.running_var" [id=436, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b3/4/batch_norm/0" [id=437, type="batch_norm", metatype=PTBatchNormMetatype]; -"c4/b3/5/relu_/0" [id=438, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.c4/b3/5/relu_/0__0.0._scale_param_storage" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=440, type="symmetric_quantize", metatype=UnknownMetatype]; -"c4.b3.6.weight" [id=441, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b3.6.bias" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.c4/b3/6/conv2d/0__1.0._scale_param_storage" [id=443, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=444, type="symmetric_quantize", metatype=UnknownMetatype]; -"c4/b3/6/conv2d/0" [id=445, type=conv2d, metatype=PTConv2dMetatype]; -"c4.b3.7.weight" [id=446, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b3.7.bias" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b3.7.running_mean" [id=448, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b3.7.running_var" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b3/7/batch_norm/0" [id=450, type="batch_norm", metatype=PTBatchNormMetatype]; -"c4/b3/8/relu_/0" [id=451, type="relu_", metatype=PTRELUMetatype]; -"c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=452, type="symmetric_quantize", metatype=UnknownMetatype]; -"c4/b4/0/max_pool2d/0" [id=453, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"c4.b4.1.weight" [id=454, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b4.1.bias" [id=455, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.c4/b4/1/conv2d/0__1.0._scale_param_storage" [id=456, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=457, type="symmetric_quantize", metatype=UnknownMetatype]; -"c4/b4/1/conv2d/0" [id=458, type=conv2d, metatype=PTConv2dMetatype]; -"c4.b4.2.weight" [id=459, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b4.2.bias" [id=460, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b4.2.running_mean" [id=461, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4.b4.2.running_var" [id=462, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"c4/b4/2/batch_norm/0" [id=463, type="batch_norm", metatype=PTBatchNormMetatype]; -"c4/b4/3/relu_/0" [id=464, type="relu_", metatype=PTRELUMetatype]; -"c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=465, type="symmetric_quantize", metatype=UnknownMetatype]; -"c4/cat/0" [id=466, type=cat, metatype=PTCatMetatype]; -"d4.b1.0.weight" [id=467, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b1.0.bias" [id=468, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.d4/b1/0/conv2d/0__1.0._scale_param_storage" [id=469, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=470, type="symmetric_quantize", metatype=UnknownMetatype]; -"d4/b1/0/conv2d/0" [id=471, type=conv2d, metatype=PTConv2dMetatype]; -"d4.b1.1.weight" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b1.1.bias" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b1.1.running_mean" [id=474, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b1.1.running_var" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b1/1/batch_norm/0" [id=476, type="batch_norm", metatype=PTBatchNormMetatype]; -"d4/b1/2/relu_/0" [id=477, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" [id=478, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=479, type="symmetric_quantize", metatype=UnknownMetatype]; -"d4.b2.0.weight" [id=480, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b2.0.bias" [id=481, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.d4/b2/0/conv2d/0__1.0._scale_param_storage" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=483, type="symmetric_quantize", metatype=UnknownMetatype]; -"d4/b2/0/conv2d/0" [id=484, type=conv2d, metatype=PTConv2dMetatype]; -"d4.b2.1.weight" [id=485, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b2.1.bias" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b2.1.running_mean" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b2.1.running_var" [id=488, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b2/1/batch_norm/0" [id=489, type="batch_norm", metatype=PTBatchNormMetatype]; -"d4/b2/2/relu_/0" [id=490, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.d4/b2/2/relu_/0__0.0._scale_param_storage" [id=491, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=492, type="symmetric_quantize", metatype=UnknownMetatype]; -"d4.b2.3.weight" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b2.3.bias" [id=494, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.d4/b2/3/conv2d/0__1.0._scale_param_storage" [id=495, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=496, type="symmetric_quantize", metatype=UnknownMetatype]; -"d4/b2/3/conv2d/0" [id=497, type=conv2d, metatype=PTConv2dMetatype]; -"d4.b2.4.weight" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b2.4.bias" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b2.4.running_mean" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b2.4.running_var" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b2/4/batch_norm/0" [id=502, type="batch_norm", metatype=PTBatchNormMetatype]; -"d4/b2/5/relu_/0" [id=503, type="relu_", metatype=PTRELUMetatype]; -"d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=504, type="symmetric_quantize", metatype=UnknownMetatype]; -"d4.b3.0.weight" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b3.0.bias" [id=506, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.d4/b3/0/conv2d/0__1.0._scale_param_storage" [id=507, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=508, type="symmetric_quantize", metatype=UnknownMetatype]; -"d4/b3/0/conv2d/0" [id=509, type=conv2d, metatype=PTConv2dMetatype]; -"d4.b3.1.weight" [id=510, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b3.1.bias" [id=511, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b3.1.running_mean" [id=512, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b3.1.running_var" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b3/1/batch_norm/0" [id=514, type="batch_norm", metatype=PTBatchNormMetatype]; -"d4/b3/2/relu_/0" [id=515, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.d4/b3/2/relu_/0__0.0._scale_param_storage" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=517, type="symmetric_quantize", metatype=UnknownMetatype]; -"d4.b3.3.weight" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b3.3.bias" [id=519, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.d4/b3/3/conv2d/0__1.0._scale_param_storage" [id=520, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=521, type="symmetric_quantize", metatype=UnknownMetatype]; -"d4/b3/3/conv2d/0" [id=522, type=conv2d, metatype=PTConv2dMetatype]; -"d4.b3.4.weight" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b3.4.bias" [id=524, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b3.4.running_mean" [id=525, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b3.4.running_var" [id=526, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b3/4/batch_norm/0" [id=527, type="batch_norm", metatype=PTBatchNormMetatype]; -"d4/b3/5/relu_/0" [id=528, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.d4/b3/5/relu_/0__0.0._scale_param_storage" [id=529, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=530, type="symmetric_quantize", metatype=UnknownMetatype]; -"d4.b3.6.weight" [id=531, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b3.6.bias" [id=532, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.d4/b3/6/conv2d/0__1.0._scale_param_storage" [id=533, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=534, type="symmetric_quantize", metatype=UnknownMetatype]; -"d4/b3/6/conv2d/0" [id=535, type=conv2d, metatype=PTConv2dMetatype]; -"d4.b3.7.weight" [id=536, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b3.7.bias" [id=537, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b3.7.running_mean" [id=538, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b3.7.running_var" [id=539, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b3/7/batch_norm/0" [id=540, type="batch_norm", metatype=PTBatchNormMetatype]; -"d4/b3/8/relu_/0" [id=541, type="relu_", metatype=PTRELUMetatype]; -"d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=542, type="symmetric_quantize", metatype=UnknownMetatype]; -"d4/b4/0/max_pool2d/0" [id=543, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"d4.b4.1.weight" [id=544, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b4.1.bias" [id=545, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.d4/b4/1/conv2d/0__1.0._scale_param_storage" [id=546, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=547, type="symmetric_quantize", metatype=UnknownMetatype]; -"d4/b4/1/conv2d/0" [id=548, type=conv2d, metatype=PTConv2dMetatype]; -"d4.b4.2.weight" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b4.2.bias" [id=550, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b4.2.running_mean" [id=551, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4.b4.2.running_var" [id=552, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"d4/b4/2/batch_norm/0" [id=553, type="batch_norm", metatype=PTBatchNormMetatype]; -"d4/b4/3/relu_/0" [id=554, type="relu_", metatype=PTRELUMetatype]; -"d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=555, type="symmetric_quantize", metatype=UnknownMetatype]; -"d4/cat/0" [id=556, type=cat, metatype=PTCatMetatype]; -"e4.b1.0.weight" [id=557, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b1.0.bias" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.e4/b1/0/conv2d/0__1.0._scale_param_storage" [id=559, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=560, type="symmetric_quantize", metatype=UnknownMetatype]; -"e4/b1/0/conv2d/0" [id=561, type=conv2d, metatype=PTConv2dMetatype]; -"e4.b1.1.weight" [id=562, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b1.1.bias" [id=563, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b1.1.running_mean" [id=564, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b1.1.running_var" [id=565, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b1/1/batch_norm/0" [id=566, type="batch_norm", metatype=PTBatchNormMetatype]; -"e4/b1/2/relu_/0" [id=567, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" [id=568, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=569, type="symmetric_quantize", metatype=UnknownMetatype]; -"e4.b2.0.weight" [id=570, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b2.0.bias" [id=571, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.e4/b2/0/conv2d/0__1.0._scale_param_storage" [id=572, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=573, type="symmetric_quantize", metatype=UnknownMetatype]; -"e4/b2/0/conv2d/0" [id=574, type=conv2d, metatype=PTConv2dMetatype]; -"e4.b2.1.weight" [id=575, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b2.1.bias" [id=576, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b2.1.running_mean" [id=577, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b2.1.running_var" [id=578, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b2/1/batch_norm/0" [id=579, type="batch_norm", metatype=PTBatchNormMetatype]; -"e4/b2/2/relu_/0" [id=580, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.e4/b2/2/relu_/0__0.0._scale_param_storage" [id=581, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=582, type="symmetric_quantize", metatype=UnknownMetatype]; -"e4.b2.3.weight" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b2.3.bias" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.e4/b2/3/conv2d/0__1.0._scale_param_storage" [id=585, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=586, type="symmetric_quantize", metatype=UnknownMetatype]; -"e4/b2/3/conv2d/0" [id=587, type=conv2d, metatype=PTConv2dMetatype]; -"e4.b2.4.weight" [id=588, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b2.4.bias" [id=589, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b2.4.running_mean" [id=590, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b2.4.running_var" [id=591, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b2/4/batch_norm/0" [id=592, type="batch_norm", metatype=PTBatchNormMetatype]; -"e4/b2/5/relu_/0" [id=593, type="relu_", metatype=PTRELUMetatype]; -"e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=594, type="symmetric_quantize", metatype=UnknownMetatype]; -"e4.b3.0.weight" [id=595, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b3.0.bias" [id=596, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.e4/b3/0/conv2d/0__1.0._scale_param_storage" [id=597, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=598, type="symmetric_quantize", metatype=UnknownMetatype]; -"e4/b3/0/conv2d/0" [id=599, type=conv2d, metatype=PTConv2dMetatype]; -"e4.b3.1.weight" [id=600, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b3.1.bias" [id=601, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b3.1.running_mean" [id=602, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b3.1.running_var" [id=603, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b3/1/batch_norm/0" [id=604, type="batch_norm", metatype=PTBatchNormMetatype]; -"e4/b3/2/relu_/0" [id=605, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.e4/b3/2/relu_/0__0.0._scale_param_storage" [id=606, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=607, type="symmetric_quantize", metatype=UnknownMetatype]; -"e4.b3.3.weight" [id=608, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b3.3.bias" [id=609, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.e4/b3/3/conv2d/0__1.0._scale_param_storage" [id=610, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=611, type="symmetric_quantize", metatype=UnknownMetatype]; -"e4/b3/3/conv2d/0" [id=612, type=conv2d, metatype=PTConv2dMetatype]; -"e4.b3.4.weight" [id=613, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b3.4.bias" [id=614, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b3.4.running_mean" [id=615, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b3.4.running_var" [id=616, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b3/4/batch_norm/0" [id=617, type="batch_norm", metatype=PTBatchNormMetatype]; -"e4/b3/5/relu_/0" [id=618, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.e4/b3/5/relu_/0__0.0._scale_param_storage" [id=619, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=620, type="symmetric_quantize", metatype=UnknownMetatype]; -"e4.b3.6.weight" [id=621, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b3.6.bias" [id=622, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.e4/b3/6/conv2d/0__1.0._scale_param_storage" [id=623, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=624, type="symmetric_quantize", metatype=UnknownMetatype]; -"e4/b3/6/conv2d/0" [id=625, type=conv2d, metatype=PTConv2dMetatype]; -"e4.b3.7.weight" [id=626, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b3.7.bias" [id=627, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b3.7.running_mean" [id=628, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b3.7.running_var" [id=629, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b3/7/batch_norm/0" [id=630, type="batch_norm", metatype=PTBatchNormMetatype]; -"e4/b3/8/relu_/0" [id=631, type="relu_", metatype=PTRELUMetatype]; -"e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=632, type="symmetric_quantize", metatype=UnknownMetatype]; -"e4/b4/0/max_pool2d/0" [id=633, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"e4.b4.1.weight" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b4.1.bias" [id=635, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.e4/b4/1/conv2d/0__1.0._scale_param_storage" [id=636, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=637, type="symmetric_quantize", metatype=UnknownMetatype]; -"e4/b4/1/conv2d/0" [id=638, type=conv2d, metatype=PTConv2dMetatype]; -"e4.b4.2.weight" [id=639, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b4.2.bias" [id=640, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b4.2.running_mean" [id=641, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4.b4.2.running_var" [id=642, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"e4/b4/2/batch_norm/0" [id=643, type="batch_norm", metatype=PTBatchNormMetatype]; -"e4/b4/3/relu_/0" [id=644, type="relu_", metatype=PTRELUMetatype]; -"e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=645, type="symmetric_quantize", metatype=UnknownMetatype]; -"e4/cat/0" [id=646, type=cat, metatype=PTCatMetatype]; -"maxpool/max_pool2d/1" [id=647, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"a5.b1.0.weight" [id=648, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b1.0.bias" [id=649, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a5/b1/0/conv2d/0__1.0._scale_param_storage" [id=650, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=651, type="symmetric_quantize", metatype=UnknownMetatype]; -"a5/b1/0/conv2d/0" [id=652, type=conv2d, metatype=PTConv2dMetatype]; -"a5.b1.1.weight" [id=653, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b1.1.bias" [id=654, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b1.1.running_mean" [id=655, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b1.1.running_var" [id=656, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b1/1/batch_norm/0" [id=657, type="batch_norm", metatype=PTBatchNormMetatype]; -"a5/b1/2/relu_/0" [id=658, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" [id=659, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=660, type="symmetric_quantize", metatype=UnknownMetatype]; -"a5.b2.0.weight" [id=661, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b2.0.bias" [id=662, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a5/b2/0/conv2d/0__1.0._scale_param_storage" [id=663, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=664, type="symmetric_quantize", metatype=UnknownMetatype]; -"a5/b2/0/conv2d/0" [id=665, type=conv2d, metatype=PTConv2dMetatype]; -"a5.b2.1.weight" [id=666, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b2.1.bias" [id=667, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b2.1.running_mean" [id=668, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b2.1.running_var" [id=669, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b2/1/batch_norm/0" [id=670, type="batch_norm", metatype=PTBatchNormMetatype]; -"a5/b2/2/relu_/0" [id=671, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.a5/b2/2/relu_/0__0.0._scale_param_storage" [id=672, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=673, type="symmetric_quantize", metatype=UnknownMetatype]; -"a5.b2.3.weight" [id=674, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b2.3.bias" [id=675, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a5/b2/3/conv2d/0__1.0._scale_param_storage" [id=676, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=677, type="symmetric_quantize", metatype=UnknownMetatype]; -"a5/b2/3/conv2d/0" [id=678, type=conv2d, metatype=PTConv2dMetatype]; -"a5.b2.4.weight" [id=679, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b2.4.bias" [id=680, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b2.4.running_mean" [id=681, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b2.4.running_var" [id=682, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b2/4/batch_norm/0" [id=683, type="batch_norm", metatype=PTBatchNormMetatype]; -"a5/b2/5/relu_/0" [id=684, type="relu_", metatype=PTRELUMetatype]; -"a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=685, type="symmetric_quantize", metatype=UnknownMetatype]; -"a5.b3.0.weight" [id=686, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b3.0.bias" [id=687, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a5/b3/0/conv2d/0__1.0._scale_param_storage" [id=688, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=689, type="symmetric_quantize", metatype=UnknownMetatype]; -"a5/b3/0/conv2d/0" [id=690, type=conv2d, metatype=PTConv2dMetatype]; -"a5.b3.1.weight" [id=691, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b3.1.bias" [id=692, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b3.1.running_mean" [id=693, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b3.1.running_var" [id=694, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b3/1/batch_norm/0" [id=695, type="batch_norm", metatype=PTBatchNormMetatype]; -"a5/b3/2/relu_/0" [id=696, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.a5/b3/2/relu_/0__0.0._scale_param_storage" [id=697, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=698, type="symmetric_quantize", metatype=UnknownMetatype]; -"a5.b3.3.weight" [id=699, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b3.3.bias" [id=700, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a5/b3/3/conv2d/0__1.0._scale_param_storage" [id=701, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=702, type="symmetric_quantize", metatype=UnknownMetatype]; -"a5/b3/3/conv2d/0" [id=703, type=conv2d, metatype=PTConv2dMetatype]; -"a5.b3.4.weight" [id=704, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b3.4.bias" [id=705, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b3.4.running_mean" [id=706, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b3.4.running_var" [id=707, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b3/4/batch_norm/0" [id=708, type="batch_norm", metatype=PTBatchNormMetatype]; -"a5/b3/5/relu_/0" [id=709, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.a5/b3/5/relu_/0__0.0._scale_param_storage" [id=710, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=711, type="symmetric_quantize", metatype=UnknownMetatype]; -"a5.b3.6.weight" [id=712, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b3.6.bias" [id=713, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a5/b3/6/conv2d/0__1.0._scale_param_storage" [id=714, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=715, type="symmetric_quantize", metatype=UnknownMetatype]; -"a5/b3/6/conv2d/0" [id=716, type=conv2d, metatype=PTConv2dMetatype]; -"a5.b3.7.weight" [id=717, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b3.7.bias" [id=718, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b3.7.running_mean" [id=719, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b3.7.running_var" [id=720, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b3/7/batch_norm/0" [id=721, type="batch_norm", metatype=PTBatchNormMetatype]; -"a5/b3/8/relu_/0" [id=722, type="relu_", metatype=PTRELUMetatype]; -"a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=723, type="symmetric_quantize", metatype=UnknownMetatype]; -"a5/b4/0/max_pool2d/0" [id=724, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"a5.b4.1.weight" [id=725, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b4.1.bias" [id=726, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.a5/b4/1/conv2d/0__1.0._scale_param_storage" [id=727, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=728, type="symmetric_quantize", metatype=UnknownMetatype]; -"a5/b4/1/conv2d/0" [id=729, type=conv2d, metatype=PTConv2dMetatype]; -"a5.b4.2.weight" [id=730, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b4.2.bias" [id=731, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b4.2.running_mean" [id=732, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5.b4.2.running_var" [id=733, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"a5/b4/2/batch_norm/0" [id=734, type="batch_norm", metatype=PTBatchNormMetatype]; -"a5/b4/3/relu_/0" [id=735, type="relu_", metatype=PTRELUMetatype]; -"a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=736, type="symmetric_quantize", metatype=UnknownMetatype]; -"a5/cat/0" [id=737, type=cat, metatype=PTCatMetatype]; -"b5.b1.0.weight" [id=738, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b1.0.bias" [id=739, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b5/b1/0/conv2d/0__1.0._scale_param_storage" [id=740, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=741, type="symmetric_quantize", metatype=UnknownMetatype]; -"b5/b1/0/conv2d/0" [id=742, type=conv2d, metatype=PTConv2dMetatype]; -"b5.b1.1.weight" [id=743, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b1.1.bias" [id=744, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b1.1.running_mean" [id=745, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b1.1.running_var" [id=746, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b1/1/batch_norm/0" [id=747, type="batch_norm", metatype=PTBatchNormMetatype]; -"b5/b1/2/relu_/0" [id=748, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b5/b1/2/relu_/0__0.0._scale_param_storage" [id=749, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=750, type="symmetric_quantize", metatype=UnknownMetatype]; -"b5.b2.0.weight" [id=751, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b2.0.bias" [id=752, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b5/b2/0/conv2d/0__1.0._scale_param_storage" [id=753, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=754, type="symmetric_quantize", metatype=UnknownMetatype]; -"b5/b2/0/conv2d/0" [id=755, type=conv2d, metatype=PTConv2dMetatype]; -"b5.b2.1.weight" [id=756, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b2.1.bias" [id=757, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b2.1.running_mean" [id=758, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b2.1.running_var" [id=759, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b2/1/batch_norm/0" [id=760, type="batch_norm", metatype=PTBatchNormMetatype]; -"b5/b2/2/relu_/0" [id=761, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b5/b2/2/relu_/0__0.0._scale_param_storage" [id=762, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=763, type="symmetric_quantize", metatype=UnknownMetatype]; -"b5.b2.3.weight" [id=764, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b2.3.bias" [id=765, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b5/b2/3/conv2d/0__1.0._scale_param_storage" [id=766, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=767, type="symmetric_quantize", metatype=UnknownMetatype]; -"b5/b2/3/conv2d/0" [id=768, type=conv2d, metatype=PTConv2dMetatype]; -"b5.b2.4.weight" [id=769, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b2.4.bias" [id=770, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b2.4.running_mean" [id=771, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b2.4.running_var" [id=772, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b2/4/batch_norm/0" [id=773, type="batch_norm", metatype=PTBatchNormMetatype]; -"b5/b2/5/relu_/0" [id=774, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b5/b2/5/relu_/0__0.0._scale_param_storage" [id=775, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" [id=776, type="symmetric_quantize", metatype=UnknownMetatype]; -"b5.b3.0.weight" [id=777, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b3.0.bias" [id=778, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b5/b3/0/conv2d/0__1.0._scale_param_storage" [id=779, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=780, type="symmetric_quantize", metatype=UnknownMetatype]; -"b5/b3/0/conv2d/0" [id=781, type=conv2d, metatype=PTConv2dMetatype]; -"b5.b3.1.weight" [id=782, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b3.1.bias" [id=783, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b3.1.running_mean" [id=784, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b3.1.running_var" [id=785, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b3/1/batch_norm/0" [id=786, type="batch_norm", metatype=PTBatchNormMetatype]; -"b5/b3/2/relu_/0" [id=787, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b5/b3/2/relu_/0__0.0._scale_param_storage" [id=788, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=789, type="symmetric_quantize", metatype=UnknownMetatype]; -"b5.b3.3.weight" [id=790, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b3.3.bias" [id=791, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b5/b3/3/conv2d/0__1.0._scale_param_storage" [id=792, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=793, type="symmetric_quantize", metatype=UnknownMetatype]; -"b5/b3/3/conv2d/0" [id=794, type=conv2d, metatype=PTConv2dMetatype]; -"b5.b3.4.weight" [id=795, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b3.4.bias" [id=796, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b3.4.running_mean" [id=797, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b3.4.running_var" [id=798, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b3/4/batch_norm/0" [id=799, type="batch_norm", metatype=PTBatchNormMetatype]; -"b5/b3/5/relu_/0" [id=800, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b5/b3/5/relu_/0__0.0._scale_param_storage" [id=801, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=802, type="symmetric_quantize", metatype=UnknownMetatype]; -"b5.b3.6.weight" [id=803, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b3.6.bias" [id=804, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b5/b3/6/conv2d/0__1.0._scale_param_storage" [id=805, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=806, type="symmetric_quantize", metatype=UnknownMetatype]; -"b5/b3/6/conv2d/0" [id=807, type=conv2d, metatype=PTConv2dMetatype]; -"b5.b3.7.weight" [id=808, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b3.7.bias" [id=809, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b3.7.running_mean" [id=810, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b3.7.running_var" [id=811, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b3/7/batch_norm/0" [id=812, type="batch_norm", metatype=PTBatchNormMetatype]; -"b5/b3/8/relu_/0" [id=813, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b5/b3/8/relu_/0__0.0._scale_param_storage" [id=814, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=815, type="symmetric_quantize", metatype=UnknownMetatype]; -"b5/b4/0/max_pool2d/0" [id=816, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"b5.b4.1.weight" [id=817, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b4.1.bias" [id=818, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.b5/b4/1/conv2d/0__1.0._scale_param_storage" [id=819, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=820, type="symmetric_quantize", metatype=UnknownMetatype]; -"b5/b4/1/conv2d/0" [id=821, type=conv2d, metatype=PTConv2dMetatype]; -"b5.b4.2.weight" [id=822, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b4.2.bias" [id=823, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b4.2.running_mean" [id=824, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5.b4.2.running_var" [id=825, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b4/2/batch_norm/0" [id=826, type="batch_norm", metatype=PTBatchNormMetatype]; -"b5/b4/3/relu_/0" [id=827, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.b5/b4/3/relu_/0__0.0._scale_param_storage" [id=828, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=829, type="symmetric_quantize", metatype=UnknownMetatype]; -"b5/cat/0" [id=830, type=cat, metatype=PTCatMetatype]; -"avgpool/avg_pool2d/0" [id=831, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.avgpool/avg_pool2d/0__0.0._scale_param_storage" [id=832, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=833, type="symmetric_quantize", metatype=UnknownMetatype]; -"/view/0" [id=834, type=view, metatype=PTReshapeMetatype]; -"linear.weight" [id=835, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"linear.bias" [id=836, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=837, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=838, type="symmetric_quantize", metatype=UnknownMetatype]; -"linear/linear/0" [id=839, type=linear, metatype=PTLinearMetatype]; -output [id=840, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "pre_layers/0/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"pre_layers.0.weight" -> "pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 3, 3, 3)", out_port_id=0, in_port_id=0]; -"pre_layers.0.bias" -> "pre_layers/0/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.pre_layers/0/conv2d/0__1.0._scale_param_storage" -> "pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" -> "pre_layers/0/conv2d/0" [dtype=float, shape="(192, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"pre_layers/0/conv2d/0" -> "pre_layers/1/batch_norm/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"pre_layers.1.weight" -> "pre_layers/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"pre_layers.1.bias" -> "pre_layers/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"pre_layers.1.running_mean" -> "pre_layers/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"pre_layers.1.running_var" -> "pre_layers/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"pre_layers/1/batch_norm/0" -> "pre_layers/2/relu_/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"pre_layers/2/relu_/0" -> "pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.pre_layers/2/relu_/0__0.0._scale_param_storage" -> "pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b1/0/conv2d/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b2/0/conv2d/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b3/0/conv2d/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b4/0/max_pool2d/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"a3.b1.0.weight" -> "a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"a3.b1.0.bias" -> "a3/b1/0/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a3/b1/0/conv2d/0__1.0._scale_param_storage" -> "a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b1/0/conv2d/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"a3/b1/0/conv2d/0" -> "a3/b1/1/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"a3.b1.1.weight" -> "a3/b1/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"a3.b1.1.bias" -> "a3/b1/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"a3.b1.1.running_mean" -> "a3/b1/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"a3.b1.1.running_var" -> "a3/b1/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"a3/b1/1/batch_norm/0" -> "a3/b1/2/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"a3/b1/2/relu_/0" -> "a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"a3.b2.0.weight" -> "a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"a3.b2.0.bias" -> "a3/b2/0/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a3/b2/0/conv2d/0__1.0._scale_param_storage" -> "a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b2/0/conv2d/0" [dtype=float, shape="(96, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"a3/b2/0/conv2d/0" -> "a3/b2/1/batch_norm/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"a3.b2.1.weight" -> "a3/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"a3.b2.1.bias" -> "a3/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"a3.b2.1.running_mean" -> "a3/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"a3.b2.1.running_var" -> "a3/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"a3/b2/1/batch_norm/0" -> "a3/b2/2/relu_/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"a3/b2/2/relu_/0" -> "a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.a3/b2/2/relu_/0__0.0._scale_param_storage" -> "a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b2/3/conv2d/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"a3.b2.3.weight" -> "a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 96, 3, 3)", out_port_id=0, in_port_id=0]; -"a3.b2.3.bias" -> "a3/b2/3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a3/b2/3/conv2d/0__1.0._scale_param_storage" -> "a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b2/3/conv2d/0" [dtype=float, shape="(128, 96, 3, 3)", out_port_id=0, in_port_id=1]; -"a3/b2/3/conv2d/0" -> "a3/b2/4/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"a3.b2.4.weight" -> "a3/b2/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"a3.b2.4.bias" -> "a3/b2/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"a3.b2.4.running_mean" -> "a3/b2/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"a3.b2.4.running_var" -> "a3/b2/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"a3/b2/4/batch_norm/0" -> "a3/b2/5/relu_/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"a3/b2/5/relu_/0" -> "a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=1]; -"a3.b3.0.weight" -> "a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"a3.b3.0.bias" -> "a3/b3/0/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a3/b3/0/conv2d/0__1.0._scale_param_storage" -> "a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b3/0/conv2d/0" [dtype=float, shape="(16, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"a3/b3/0/conv2d/0" -> "a3/b3/1/batch_norm/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; -"a3.b3.1.weight" -> "a3/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; -"a3.b3.1.bias" -> "a3/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"a3.b3.1.running_mean" -> "a3/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; -"a3.b3.1.running_var" -> "a3/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; -"a3/b3/1/batch_norm/0" -> "a3/b3/2/relu_/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; -"a3/b3/2/relu_/0" -> "a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.a3/b3/2/relu_/0__0.0._scale_param_storage" -> "a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b3/3/conv2d/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; -"a3.b3.3.weight" -> "a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 16, 3, 3)", out_port_id=0, in_port_id=0]; -"a3.b3.3.bias" -> "a3/b3/3/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a3/b3/3/conv2d/0__1.0._scale_param_storage" -> "a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b3/3/conv2d/0" [dtype=float, shape="(32, 16, 3, 3)", out_port_id=0, in_port_id=1]; -"a3/b3/3/conv2d/0" -> "a3/b3/4/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"a3.b3.4.weight" -> "a3/b3/4/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"a3.b3.4.bias" -> "a3/b3/4/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"a3.b3.4.running_mean" -> "a3/b3/4/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"a3.b3.4.running_var" -> "a3/b3/4/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"a3/b3/4/batch_norm/0" -> "a3/b3/5/relu_/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"a3/b3/5/relu_/0" -> "a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.a3/b3/5/relu_/0__0.0._scale_param_storage" -> "a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b3/6/conv2d/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"a3.b3.6.weight" -> "a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"a3.b3.6.bias" -> "a3/b3/6/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a3/b3/6/conv2d/0__1.0._scale_param_storage" -> "a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b3/6/conv2d/0" [dtype=float, shape="(32, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"a3/b3/6/conv2d/0" -> "a3/b3/7/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"a3.b3.7.weight" -> "a3/b3/7/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"a3.b3.7.bias" -> "a3/b3/7/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"a3.b3.7.running_mean" -> "a3/b3/7/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"a3.b3.7.running_var" -> "a3/b3/7/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"a3/b3/7/batch_norm/0" -> "a3/b3/8/relu_/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"a3/b3/8/relu_/0" -> "a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=2]; -"a3/b4/0/max_pool2d/0" -> "a3/b4/1/conv2d/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"a3.b4.1.weight" -> "a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"a3.b4.1.bias" -> "a3/b4/1/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a3/b4/1/conv2d/0__1.0._scale_param_storage" -> "a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b4/1/conv2d/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"a3/b4/1/conv2d/0" -> "a3/b4/2/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"a3.b4.2.weight" -> "a3/b4/2/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"a3.b4.2.bias" -> "a3/b4/2/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"a3.b4.2.running_mean" -> "a3/b4/2/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"a3.b4.2.running_var" -> "a3/b4/2/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"a3/b4/2/batch_norm/0" -> "a3/b4/3/relu_/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"a3/b4/3/relu_/0" -> "a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=3]; -"a3/cat/0" -> "b3/b1/0/conv2d/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; -"a3/cat/0" -> "b3/b2/0/conv2d/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; -"a3/cat/0" -> "b3/b3/0/conv2d/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; -"a3/cat/0" -> "b3/b4/0/max_pool2d/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; -"b3.b1.0.weight" -> "b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"b3.b1.0.bias" -> "b3/b1/0/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b3/b1/0/conv2d/0__1.0._scale_param_storage" -> "b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b1/0/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"b3/b1/0/conv2d/0" -> "b3/b1/1/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"b3.b1.1.weight" -> "b3/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"b3.b1.1.bias" -> "b3/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"b3.b1.1.running_mean" -> "b3/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"b3.b1.1.running_var" -> "b3/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"b3/b1/1/batch_norm/0" -> "b3/b1/2/relu_/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"b3/b1/2/relu_/0" -> "b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"b3.b2.0.weight" -> "b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"b3.b2.0.bias" -> "b3/b2/0/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b3/b2/0/conv2d/0__1.0._scale_param_storage" -> "b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b2/0/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"b3/b2/0/conv2d/0" -> "b3/b2/1/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"b3.b2.1.weight" -> "b3/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"b3.b2.1.bias" -> "b3/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"b3.b2.1.running_mean" -> "b3/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"b3.b2.1.running_var" -> "b3/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"b3/b2/1/batch_norm/0" -> "b3/b2/2/relu_/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"b3/b2/2/relu_/0" -> "b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b3/b2/2/relu_/0__0.0._scale_param_storage" -> "b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "b3/b2/3/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; -"b3.b2.3.weight" -> "b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"b3.b2.3.bias" -> "b3/b2/3/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b3/b2/3/conv2d/0__1.0._scale_param_storage" -> "b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b2/3/conv2d/0" [dtype=float, shape="(192, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"b3/b2/3/conv2d/0" -> "b3/b2/4/batch_norm/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"b3.b2.4.weight" -> "b3/b2/4/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"b3.b2.4.bias" -> "b3/b2/4/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"b3.b2.4.running_mean" -> "b3/b2/4/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"b3.b2.4.running_var" -> "b3/b2/4/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"b3/b2/4/batch_norm/0" -> "b3/b2/5/relu_/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"b3/b2/5/relu_/0" -> "b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; -"b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=1]; -"b3.b3.0.weight" -> "b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"b3.b3.0.bias" -> "b3/b3/0/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b3/b3/0/conv2d/0__1.0._scale_param_storage" -> "b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b3/0/conv2d/0" [dtype=float, shape="(32, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"b3/b3/0/conv2d/0" -> "b3/b3/1/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"b3.b3.1.weight" -> "b3/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"b3.b3.1.bias" -> "b3/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"b3.b3.1.running_mean" -> "b3/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"b3.b3.1.running_var" -> "b3/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"b3/b3/1/batch_norm/0" -> "b3/b3/2/relu_/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"b3/b3/2/relu_/0" -> "b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b3/b3/2/relu_/0__0.0._scale_param_storage" -> "b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "b3/b3/3/conv2d/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; -"b3.b3.3.weight" -> "b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"b3.b3.3.bias" -> "b3/b3/3/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b3/b3/3/conv2d/0__1.0._scale_param_storage" -> "b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b3/3/conv2d/0" [dtype=float, shape="(96, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"b3/b3/3/conv2d/0" -> "b3/b3/4/batch_norm/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"b3.b3.4.weight" -> "b3/b3/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"b3.b3.4.bias" -> "b3/b3/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"b3.b3.4.running_mean" -> "b3/b3/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"b3.b3.4.running_var" -> "b3/b3/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"b3/b3/4/batch_norm/0" -> "b3/b3/5/relu_/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"b3/b3/5/relu_/0" -> "b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b3/b3/5/relu_/0__0.0._scale_param_storage" -> "b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "b3/b3/6/conv2d/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"b3.b3.6.weight" -> "b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=0]; -"b3.b3.6.bias" -> "b3/b3/6/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b3/b3/6/conv2d/0__1.0._scale_param_storage" -> "b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b3/6/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; -"b3/b3/6/conv2d/0" -> "b3/b3/7/batch_norm/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"b3.b3.7.weight" -> "b3/b3/7/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"b3.b3.7.bias" -> "b3/b3/7/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"b3.b3.7.running_mean" -> "b3/b3/7/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"b3.b3.7.running_var" -> "b3/b3/7/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"b3/b3/7/batch_norm/0" -> "b3/b3/8/relu_/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"b3/b3/8/relu_/0" -> "b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; -"b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=2]; -"b3/b4/0/max_pool2d/0" -> "b3/b4/1/conv2d/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; -"b3.b4.1.weight" -> "b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"b3.b4.1.bias" -> "b3/b4/1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b3/b4/1/conv2d/0__1.0._scale_param_storage" -> "b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b4/1/conv2d/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"b3/b4/1/conv2d/0" -> "b3/b4/2/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"b3.b4.2.weight" -> "b3/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"b3.b4.2.bias" -> "b3/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"b3.b4.2.running_mean" -> "b3/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"b3.b4.2.running_var" -> "b3/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"b3/b4/2/batch_norm/0" -> "b3/b4/3/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"b3/b4/3/relu_/0" -> "b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=3]; -"b3/cat/0" -> "maxpool/max_pool2d/0" [dtype=float, shape="(1, 480, 32, 32)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/0" -> "a4/b1/0/conv2d/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/0" -> "a4/b2/0/conv2d/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/0" -> "a4/b3/0/conv2d/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/0" -> "a4/b4/0/max_pool2d/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; -"a4.b1.0.weight" -> "a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"a4.b1.0.bias" -> "a4/b1/0/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a4/b1/0/conv2d/0__1.0._scale_param_storage" -> "a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b1/0/conv2d/0" [dtype=float, shape="(192, 480, 1, 1)", out_port_id=0, in_port_id=1]; -"a4/b1/0/conv2d/0" -> "a4/b1/1/batch_norm/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; -"a4.b1.1.weight" -> "a4/b1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"a4.b1.1.bias" -> "a4/b1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"a4.b1.1.running_mean" -> "a4/b1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"a4.b1.1.running_var" -> "a4/b1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"a4/b1/1/batch_norm/0" -> "a4/b1/2/relu_/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; -"a4/b1/2/relu_/0" -> "a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; -"a4.b2.0.weight" -> "a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"a4.b2.0.bias" -> "a4/b2/0/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a4/b2/0/conv2d/0__1.0._scale_param_storage" -> "a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b2/0/conv2d/0" [dtype=float, shape="(96, 480, 1, 1)", out_port_id=0, in_port_id=1]; -"a4/b2/0/conv2d/0" -> "a4/b2/1/batch_norm/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"a4.b2.1.weight" -> "a4/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"a4.b2.1.bias" -> "a4/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"a4.b2.1.running_mean" -> "a4/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"a4.b2.1.running_var" -> "a4/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"a4/b2/1/batch_norm/0" -> "a4/b2/2/relu_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"a4/b2/2/relu_/0" -> "a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.a4/b2/2/relu_/0__0.0._scale_param_storage" -> "a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "a4/b2/3/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"a4.b2.3.weight" -> "a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(208, 96, 3, 3)", out_port_id=0, in_port_id=0]; -"a4.b2.3.bias" -> "a4/b2/3/conv2d/0" [dtype=float, shape="(208,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a4/b2/3/conv2d/0__1.0._scale_param_storage" -> "a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(208, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b2/3/conv2d/0" [dtype=float, shape="(208, 96, 3, 3)", out_port_id=0, in_port_id=1]; -"a4/b2/3/conv2d/0" -> "a4/b2/4/batch_norm/0" [dtype=float, shape="(1, 208, 16, 16)", out_port_id=0, in_port_id=0]; -"a4.b2.4.weight" -> "a4/b2/4/batch_norm/0" [dtype=float, shape="(208,)", out_port_id=0, in_port_id=1]; -"a4.b2.4.bias" -> "a4/b2/4/batch_norm/0" [dtype=float, shape="(208,)", out_port_id=0, in_port_id=2]; -"a4.b2.4.running_mean" -> "a4/b2/4/batch_norm/0" [dtype=float, shape="(208,)", out_port_id=0, in_port_id=3]; -"a4.b2.4.running_var" -> "a4/b2/4/batch_norm/0" [dtype=float, shape="(208,)", out_port_id=0, in_port_id=4]; -"a4/b2/4/batch_norm/0" -> "a4/b2/5/relu_/0" [dtype=float, shape="(1, 208, 16, 16)", out_port_id=0, in_port_id=0]; -"a4/b2/5/relu_/0" -> "a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 208, 16, 16)", out_port_id=0, in_port_id=0]; -"a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, shape="(1, 208, 16, 16)", out_port_id=0, in_port_id=1]; -"a4.b3.0.weight" -> "a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"a4.b3.0.bias" -> "a4/b3/0/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a4/b3/0/conv2d/0__1.0._scale_param_storage" -> "a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b3/0/conv2d/0" [dtype=float, shape="(16, 480, 1, 1)", out_port_id=0, in_port_id=1]; -"a4/b3/0/conv2d/0" -> "a4/b3/1/batch_norm/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"a4.b3.1.weight" -> "a4/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; -"a4.b3.1.bias" -> "a4/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"a4.b3.1.running_mean" -> "a4/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; -"a4.b3.1.running_var" -> "a4/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; -"a4/b3/1/batch_norm/0" -> "a4/b3/2/relu_/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"a4/b3/2/relu_/0" -> "a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.a4/b3/2/relu_/0__0.0._scale_param_storage" -> "a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "a4/b3/3/conv2d/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"a4.b3.3.weight" -> "a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 16, 3, 3)", out_port_id=0, in_port_id=0]; -"a4.b3.3.bias" -> "a4/b3/3/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a4/b3/3/conv2d/0__1.0._scale_param_storage" -> "a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b3/3/conv2d/0" [dtype=float, shape="(48, 16, 3, 3)", out_port_id=0, in_port_id=1]; -"a4/b3/3/conv2d/0" -> "a4/b3/4/batch_norm/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"a4.b3.4.weight" -> "a4/b3/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"a4.b3.4.bias" -> "a4/b3/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"a4.b3.4.running_mean" -> "a4/b3/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"a4.b3.4.running_var" -> "a4/b3/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"a4/b3/4/batch_norm/0" -> "a4/b3/5/relu_/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"a4/b3/5/relu_/0" -> "a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.a4/b3/5/relu_/0__0.0._scale_param_storage" -> "a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "a4/b3/6/conv2d/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"a4.b3.6.weight" -> "a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 3, 3)", out_port_id=0, in_port_id=0]; -"a4.b3.6.bias" -> "a4/b3/6/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a4/b3/6/conv2d/0__1.0._scale_param_storage" -> "a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b3/6/conv2d/0" [dtype=float, shape="(48, 48, 3, 3)", out_port_id=0, in_port_id=1]; -"a4/b3/6/conv2d/0" -> "a4/b3/7/batch_norm/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"a4.b3.7.weight" -> "a4/b3/7/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"a4.b3.7.bias" -> "a4/b3/7/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"a4.b3.7.running_mean" -> "a4/b3/7/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"a4.b3.7.running_var" -> "a4/b3/7/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"a4/b3/7/batch_norm/0" -> "a4/b3/8/relu_/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"a4/b3/8/relu_/0" -> "a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=2]; -"a4/b4/0/max_pool2d/0" -> "a4/b4/1/conv2d/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; -"a4.b4.1.weight" -> "a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 480, 1, 1)", out_port_id=0, in_port_id=0]; -"a4.b4.1.bias" -> "a4/b4/1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a4/b4/1/conv2d/0__1.0._scale_param_storage" -> "a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b4/1/conv2d/0" [dtype=float, shape="(64, 480, 1, 1)", out_port_id=0, in_port_id=1]; -"a4/b4/1/conv2d/0" -> "a4/b4/2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"a4.b4.2.weight" -> "a4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"a4.b4.2.bias" -> "a4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"a4.b4.2.running_mean" -> "a4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"a4.b4.2.running_var" -> "a4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"a4/b4/2/batch_norm/0" -> "a4/b4/3/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"a4/b4/3/relu_/0" -> "a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=3]; -"a4/cat/0" -> "b4/b1/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"a4/cat/0" -> "b4/b2/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"a4/cat/0" -> "b4/b3/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"a4/cat/0" -> "b4/b4/0/max_pool2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"b4.b1.0.weight" -> "b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"b4.b1.0.bias" -> "b4/b1/0/conv2d/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b4/b1/0/conv2d/0__1.0._scale_param_storage" -> "b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b1/0/conv2d/0" [dtype=float, shape="(160, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"b4/b1/0/conv2d/0" -> "b4/b1/1/batch_norm/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"b4.b1.1.weight" -> "b4/b1/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"b4.b1.1.bias" -> "b4/b1/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"b4.b1.1.running_mean" -> "b4/b1/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"b4.b1.1.running_var" -> "b4/b1/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"b4/b1/1/batch_norm/0" -> "b4/b1/2/relu_/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"b4/b1/2/relu_/0" -> "b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"b4.b2.0.weight" -> "b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(112, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"b4.b2.0.bias" -> "b4/b2/0/conv2d/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b4/b2/0/conv2d/0__1.0._scale_param_storage" -> "b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(112, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b2/0/conv2d/0" [dtype=float, shape="(112, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"b4/b2/0/conv2d/0" -> "b4/b2/1/batch_norm/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; -"b4.b2.1.weight" -> "b4/b2/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=1]; -"b4.b2.1.bias" -> "b4/b2/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=2]; -"b4.b2.1.running_mean" -> "b4/b2/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=3]; -"b4.b2.1.running_var" -> "b4/b2/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=4]; -"b4/b2/1/batch_norm/0" -> "b4/b2/2/relu_/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; -"b4/b2/2/relu_/0" -> "b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b4/b2/2/relu_/0__0.0._scale_param_storage" -> "b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "b4/b2/3/conv2d/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; -"b4.b2.3.weight" -> "b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(224, 112, 3, 3)", out_port_id=0, in_port_id=0]; -"b4.b2.3.bias" -> "b4/b2/3/conv2d/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b4/b2/3/conv2d/0__1.0._scale_param_storage" -> "b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(224, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b2/3/conv2d/0" [dtype=float, shape="(224, 112, 3, 3)", out_port_id=0, in_port_id=1]; -"b4/b2/3/conv2d/0" -> "b4/b2/4/batch_norm/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; -"b4.b2.4.weight" -> "b4/b2/4/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=1]; -"b4.b2.4.bias" -> "b4/b2/4/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=2]; -"b4.b2.4.running_mean" -> "b4/b2/4/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=3]; -"b4.b2.4.running_var" -> "b4/b2/4/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=4]; -"b4/b2/4/batch_norm/0" -> "b4/b2/5/relu_/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; -"b4/b2/5/relu_/0" -> "b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; -"b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=1]; -"b4.b3.0.weight" -> "b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"b4.b3.0.bias" -> "b4/b3/0/conv2d/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b4/b3/0/conv2d/0__1.0._scale_param_storage" -> "b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b3/0/conv2d/0" [dtype=float, shape="(24, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"b4/b3/0/conv2d/0" -> "b4/b3/1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"b4.b3.1.weight" -> "b4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"b4.b3.1.bias" -> "b4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"b4.b3.1.running_mean" -> "b4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"b4.b3.1.running_var" -> "b4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"b4/b3/1/batch_norm/0" -> "b4/b3/2/relu_/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"b4/b3/2/relu_/0" -> "b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b4/b3/2/relu_/0__0.0._scale_param_storage" -> "b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "b4/b3/3/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"b4.b3.3.weight" -> "b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 24, 3, 3)", out_port_id=0, in_port_id=0]; -"b4.b3.3.bias" -> "b4/b3/3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b4/b3/3/conv2d/0__1.0._scale_param_storage" -> "b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b3/3/conv2d/0" [dtype=float, shape="(64, 24, 3, 3)", out_port_id=0, in_port_id=1]; -"b4/b3/3/conv2d/0" -> "b4/b3/4/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"b4.b3.4.weight" -> "b4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"b4.b3.4.bias" -> "b4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"b4.b3.4.running_mean" -> "b4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"b4.b3.4.running_var" -> "b4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"b4/b3/4/batch_norm/0" -> "b4/b3/5/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"b4/b3/5/relu_/0" -> "b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b4/b3/5/relu_/0__0.0._scale_param_storage" -> "b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "b4/b3/6/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"b4.b3.6.weight" -> "b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"b4.b3.6.bias" -> "b4/b3/6/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b4/b3/6/conv2d/0__1.0._scale_param_storage" -> "b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b3/6/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"b4/b3/6/conv2d/0" -> "b4/b3/7/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"b4.b3.7.weight" -> "b4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"b4.b3.7.bias" -> "b4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"b4.b3.7.running_mean" -> "b4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"b4.b3.7.running_var" -> "b4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"b4/b3/7/batch_norm/0" -> "b4/b3/8/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"b4/b3/8/relu_/0" -> "b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=2]; -"b4/b4/0/max_pool2d/0" -> "b4/b4/1/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"b4.b4.1.weight" -> "b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"b4.b4.1.bias" -> "b4/b4/1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b4/b4/1/conv2d/0__1.0._scale_param_storage" -> "b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b4/1/conv2d/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"b4/b4/1/conv2d/0" -> "b4/b4/2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"b4.b4.2.weight" -> "b4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"b4.b4.2.bias" -> "b4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"b4.b4.2.running_mean" -> "b4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"b4.b4.2.running_var" -> "b4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"b4/b4/2/batch_norm/0" -> "b4/b4/3/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"b4/b4/3/relu_/0" -> "b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=3]; -"b4/cat/0" -> "c4/b1/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"b4/cat/0" -> "c4/b2/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"b4/cat/0" -> "c4/b3/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"b4/cat/0" -> "c4/b4/0/max_pool2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"c4.b1.0.weight" -> "c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"c4.b1.0.bias" -> "c4/b1/0/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.c4/b1/0/conv2d/0__1.0._scale_param_storage" -> "c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b1/0/conv2d/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"c4/b1/0/conv2d/0" -> "c4/b1/1/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"c4.b1.1.weight" -> "c4/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"c4.b1.1.bias" -> "c4/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"c4.b1.1.running_mean" -> "c4/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"c4.b1.1.running_var" -> "c4/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"c4/b1/1/batch_norm/0" -> "c4/b1/2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"c4/b1/2/relu_/0" -> "c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"c4.b2.0.weight" -> "c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"c4.b2.0.bias" -> "c4/b2/0/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.c4/b2/0/conv2d/0__1.0._scale_param_storage" -> "c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b2/0/conv2d/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"c4/b2/0/conv2d/0" -> "c4/b2/1/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"c4.b2.1.weight" -> "c4/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"c4.b2.1.bias" -> "c4/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"c4.b2.1.running_mean" -> "c4/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"c4.b2.1.running_var" -> "c4/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"c4/b2/1/batch_norm/0" -> "c4/b2/2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"c4/b2/2/relu_/0" -> "c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.c4/b2/2/relu_/0__0.0._scale_param_storage" -> "c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/b2/3/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"c4.b2.3.weight" -> "c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"c4.b2.3.bias" -> "c4/b2/3/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.c4/b2/3/conv2d/0__1.0._scale_param_storage" -> "c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b2/3/conv2d/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"c4/b2/3/conv2d/0" -> "c4/b2/4/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"c4.b2.4.weight" -> "c4/b2/4/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"c4.b2.4.bias" -> "c4/b2/4/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"c4.b2.4.running_mean" -> "c4/b2/4/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"c4.b2.4.running_var" -> "c4/b2/4/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"c4/b2/4/batch_norm/0" -> "c4/b2/5/relu_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"c4/b2/5/relu_/0" -> "c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=1]; -"c4.b3.0.weight" -> "c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"c4.b3.0.bias" -> "c4/b3/0/conv2d/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.c4/b3/0/conv2d/0__1.0._scale_param_storage" -> "c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b3/0/conv2d/0" [dtype=float, shape="(24, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"c4/b3/0/conv2d/0" -> "c4/b3/1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"c4.b3.1.weight" -> "c4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"c4.b3.1.bias" -> "c4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"c4.b3.1.running_mean" -> "c4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"c4.b3.1.running_var" -> "c4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"c4/b3/1/batch_norm/0" -> "c4/b3/2/relu_/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"c4/b3/2/relu_/0" -> "c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.c4/b3/2/relu_/0__0.0._scale_param_storage" -> "c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/b3/3/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"c4.b3.3.weight" -> "c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 24, 3, 3)", out_port_id=0, in_port_id=0]; -"c4.b3.3.bias" -> "c4/b3/3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.c4/b3/3/conv2d/0__1.0._scale_param_storage" -> "c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b3/3/conv2d/0" [dtype=float, shape="(64, 24, 3, 3)", out_port_id=0, in_port_id=1]; -"c4/b3/3/conv2d/0" -> "c4/b3/4/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"c4.b3.4.weight" -> "c4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"c4.b3.4.bias" -> "c4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"c4.b3.4.running_mean" -> "c4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"c4.b3.4.running_var" -> "c4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"c4/b3/4/batch_norm/0" -> "c4/b3/5/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"c4/b3/5/relu_/0" -> "c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.c4/b3/5/relu_/0__0.0._scale_param_storage" -> "c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "c4/b3/6/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"c4.b3.6.weight" -> "c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"c4.b3.6.bias" -> "c4/b3/6/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.c4/b3/6/conv2d/0__1.0._scale_param_storage" -> "c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b3/6/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"c4/b3/6/conv2d/0" -> "c4/b3/7/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"c4.b3.7.weight" -> "c4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"c4.b3.7.bias" -> "c4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"c4.b3.7.running_mean" -> "c4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"c4.b3.7.running_var" -> "c4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"c4/b3/7/batch_norm/0" -> "c4/b3/8/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"c4/b3/8/relu_/0" -> "c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=2]; -"c4/b4/0/max_pool2d/0" -> "c4/b4/1/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"c4.b4.1.weight" -> "c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"c4.b4.1.bias" -> "c4/b4/1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.c4/b4/1/conv2d/0__1.0._scale_param_storage" -> "c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b4/1/conv2d/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"c4/b4/1/conv2d/0" -> "c4/b4/2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"c4.b4.2.weight" -> "c4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"c4.b4.2.bias" -> "c4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"c4.b4.2.running_mean" -> "c4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"c4.b4.2.running_var" -> "c4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"c4/b4/2/batch_norm/0" -> "c4/b4/3/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"c4/b4/3/relu_/0" -> "c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=3]; -"c4/cat/0" -> "d4/b1/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"c4/cat/0" -> "d4/b2/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"c4/cat/0" -> "d4/b3/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"c4/cat/0" -> "d4/b4/0/max_pool2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"d4.b1.0.weight" -> "d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(112, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"d4.b1.0.bias" -> "d4/b1/0/conv2d/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.d4/b1/0/conv2d/0__1.0._scale_param_storage" -> "d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(112, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b1/0/conv2d/0" [dtype=float, shape="(112, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"d4/b1/0/conv2d/0" -> "d4/b1/1/batch_norm/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; -"d4.b1.1.weight" -> "d4/b1/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=1]; -"d4.b1.1.bias" -> "d4/b1/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=2]; -"d4.b1.1.running_mean" -> "d4/b1/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=3]; -"d4.b1.1.running_var" -> "d4/b1/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=4]; -"d4/b1/1/batch_norm/0" -> "d4/b1/2/relu_/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; -"d4/b1/2/relu_/0" -> "d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; -"d4.b2.0.weight" -> "d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"d4.b2.0.bias" -> "d4/b2/0/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.d4/b2/0/conv2d/0__1.0._scale_param_storage" -> "d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b2/0/conv2d/0" [dtype=float, shape="(144, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"d4/b2/0/conv2d/0" -> "d4/b2/1/batch_norm/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"d4.b2.1.weight" -> "d4/b2/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"d4.b2.1.bias" -> "d4/b2/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"d4.b2.1.running_mean" -> "d4/b2/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"d4.b2.1.running_var" -> "d4/b2/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"d4/b2/1/batch_norm/0" -> "d4/b2/2/relu_/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"d4/b2/2/relu_/0" -> "d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.d4/b2/2/relu_/0__0.0._scale_param_storage" -> "d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/b2/3/conv2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; -"d4.b2.3.weight" -> "d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(288, 144, 3, 3)", out_port_id=0, in_port_id=0]; -"d4.b2.3.bias" -> "d4/b2/3/conv2d/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.d4/b2/3/conv2d/0__1.0._scale_param_storage" -> "d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(288, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b2/3/conv2d/0" [dtype=float, shape="(288, 144, 3, 3)", out_port_id=0, in_port_id=1]; -"d4/b2/3/conv2d/0" -> "d4/b2/4/batch_norm/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=0]; -"d4.b2.4.weight" -> "d4/b2/4/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; -"d4.b2.4.bias" -> "d4/b2/4/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; -"d4.b2.4.running_mean" -> "d4/b2/4/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; -"d4.b2.4.running_var" -> "d4/b2/4/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; -"d4/b2/4/batch_norm/0" -> "d4/b2/5/relu_/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=0]; -"d4/b2/5/relu_/0" -> "d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=0]; -"d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=1]; -"d4.b3.0.weight" -> "d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"d4.b3.0.bias" -> "d4/b3/0/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.d4/b3/0/conv2d/0__1.0._scale_param_storage" -> "d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b3/0/conv2d/0" [dtype=float, shape="(32, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"d4/b3/0/conv2d/0" -> "d4/b3/1/batch_norm/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"d4.b3.1.weight" -> "d4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"d4.b3.1.bias" -> "d4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"d4.b3.1.running_mean" -> "d4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"d4.b3.1.running_var" -> "d4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"d4/b3/1/batch_norm/0" -> "d4/b3/2/relu_/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"d4/b3/2/relu_/0" -> "d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.d4/b3/2/relu_/0__0.0._scale_param_storage" -> "d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/b3/3/conv2d/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"d4.b3.3.weight" -> "d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"d4.b3.3.bias" -> "d4/b3/3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.d4/b3/3/conv2d/0__1.0._scale_param_storage" -> "d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b3/3/conv2d/0" [dtype=float, shape="(64, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"d4/b3/3/conv2d/0" -> "d4/b3/4/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"d4.b3.4.weight" -> "d4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"d4.b3.4.bias" -> "d4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"d4.b3.4.running_mean" -> "d4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"d4.b3.4.running_var" -> "d4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"d4/b3/4/batch_norm/0" -> "d4/b3/5/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"d4/b3/5/relu_/0" -> "d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.d4/b3/5/relu_/0__0.0._scale_param_storage" -> "d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "d4/b3/6/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"d4.b3.6.weight" -> "d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"d4.b3.6.bias" -> "d4/b3/6/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.d4/b3/6/conv2d/0__1.0._scale_param_storage" -> "d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b3/6/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"d4/b3/6/conv2d/0" -> "d4/b3/7/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"d4.b3.7.weight" -> "d4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"d4.b3.7.bias" -> "d4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"d4.b3.7.running_mean" -> "d4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"d4.b3.7.running_var" -> "d4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"d4/b3/7/batch_norm/0" -> "d4/b3/8/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"d4/b3/8/relu_/0" -> "d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=2]; -"d4/b4/0/max_pool2d/0" -> "d4/b4/1/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; -"d4.b4.1.weight" -> "d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"d4.b4.1.bias" -> "d4/b4/1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.d4/b4/1/conv2d/0__1.0._scale_param_storage" -> "d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b4/1/conv2d/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"d4/b4/1/conv2d/0" -> "d4/b4/2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"d4.b4.2.weight" -> "d4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"d4.b4.2.bias" -> "d4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"d4.b4.2.running_mean" -> "d4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"d4.b4.2.running_var" -> "d4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"d4/b4/2/batch_norm/0" -> "d4/b4/3/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"d4/b4/3/relu_/0" -> "d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=3]; -"d4/cat/0" -> "e4/b1/0/conv2d/0" [dtype=float, shape="(1, 528, 16, 16)", out_port_id=0, in_port_id=0]; -"d4/cat/0" -> "e4/b2/0/conv2d/0" [dtype=float, shape="(1, 528, 16, 16)", out_port_id=0, in_port_id=0]; -"d4/cat/0" -> "e4/b3/0/conv2d/0" [dtype=float, shape="(1, 528, 16, 16)", out_port_id=0, in_port_id=0]; -"d4/cat/0" -> "e4/b4/0/max_pool2d/0" [dtype=float, shape="(1, 528, 16, 16)", out_port_id=0, in_port_id=0]; -"e4.b1.0.weight" -> "e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 528, 1, 1)", out_port_id=0, in_port_id=0]; -"e4.b1.0.bias" -> "e4/b1/0/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.e4/b1/0/conv2d/0__1.0._scale_param_storage" -> "e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b1/0/conv2d/0" [dtype=float, shape="(256, 528, 1, 1)", out_port_id=0, in_port_id=1]; -"e4/b1/0/conv2d/0" -> "e4/b1/1/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"e4.b1.1.weight" -> "e4/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"e4.b1.1.bias" -> "e4/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"e4.b1.1.running_mean" -> "e4/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"e4.b1.1.running_var" -> "e4/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"e4/b1/1/batch_norm/0" -> "e4/b1/2/relu_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"e4/b1/2/relu_/0" -> "e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; -"e4.b2.0.weight" -> "e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 528, 1, 1)", out_port_id=0, in_port_id=0]; -"e4.b2.0.bias" -> "e4/b2/0/conv2d/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.e4/b2/0/conv2d/0__1.0._scale_param_storage" -> "e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b2/0/conv2d/0" [dtype=float, shape="(160, 528, 1, 1)", out_port_id=0, in_port_id=1]; -"e4/b2/0/conv2d/0" -> "e4/b2/1/batch_norm/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"e4.b2.1.weight" -> "e4/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"e4.b2.1.bias" -> "e4/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"e4.b2.1.running_mean" -> "e4/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"e4.b2.1.running_var" -> "e4/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"e4/b2/1/batch_norm/0" -> "e4/b2/2/relu_/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"e4/b2/2/relu_/0" -> "e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.e4/b2/2/relu_/0__0.0._scale_param_storage" -> "e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "e4/b2/3/conv2d/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; -"e4.b2.3.weight" -> "e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 160, 3, 3)", out_port_id=0, in_port_id=0]; -"e4.b2.3.bias" -> "e4/b2/3/conv2d/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.e4/b2/3/conv2d/0__1.0._scale_param_storage" -> "e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b2/3/conv2d/0" [dtype=float, shape="(320, 160, 3, 3)", out_port_id=0, in_port_id=1]; -"e4/b2/3/conv2d/0" -> "e4/b2/4/batch_norm/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=0]; -"e4.b2.4.weight" -> "e4/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"e4.b2.4.bias" -> "e4/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"e4.b2.4.running_mean" -> "e4/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"e4.b2.4.running_var" -> "e4/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"e4/b2/4/batch_norm/0" -> "e4/b2/5/relu_/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=0]; -"e4/b2/5/relu_/0" -> "e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=0]; -"e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=1]; -"e4.b3.0.weight" -> "e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 528, 1, 1)", out_port_id=0, in_port_id=0]; -"e4.b3.0.bias" -> "e4/b3/0/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.e4/b3/0/conv2d/0__1.0._scale_param_storage" -> "e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b3/0/conv2d/0" [dtype=float, shape="(32, 528, 1, 1)", out_port_id=0, in_port_id=1]; -"e4/b3/0/conv2d/0" -> "e4/b3/1/batch_norm/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"e4.b3.1.weight" -> "e4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"e4.b3.1.bias" -> "e4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"e4.b3.1.running_mean" -> "e4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"e4.b3.1.running_var" -> "e4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"e4/b3/1/batch_norm/0" -> "e4/b3/2/relu_/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"e4/b3/2/relu_/0" -> "e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.e4/b3/2/relu_/0__0.0._scale_param_storage" -> "e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "e4/b3/3/conv2d/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"e4.b3.3.weight" -> "e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"e4.b3.3.bias" -> "e4/b3/3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.e4/b3/3/conv2d/0__1.0._scale_param_storage" -> "e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b3/3/conv2d/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"e4/b3/3/conv2d/0" -> "e4/b3/4/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"e4.b3.4.weight" -> "e4/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"e4.b3.4.bias" -> "e4/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"e4.b3.4.running_mean" -> "e4/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"e4.b3.4.running_var" -> "e4/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"e4/b3/4/batch_norm/0" -> "e4/b3/5/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"e4/b3/5/relu_/0" -> "e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.e4/b3/5/relu_/0__0.0._scale_param_storage" -> "e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "e4/b3/6/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"e4.b3.6.weight" -> "e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"e4.b3.6.bias" -> "e4/b3/6/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.e4/b3/6/conv2d/0__1.0._scale_param_storage" -> "e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b3/6/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"e4/b3/6/conv2d/0" -> "e4/b3/7/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"e4.b3.7.weight" -> "e4/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"e4.b3.7.bias" -> "e4/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"e4.b3.7.running_mean" -> "e4/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"e4.b3.7.running_var" -> "e4/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"e4/b3/7/batch_norm/0" -> "e4/b3/8/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"e4/b3/8/relu_/0" -> "e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=2]; -"e4/b4/0/max_pool2d/0" -> "e4/b4/1/conv2d/0" [dtype=float, shape="(1, 528, 16, 16)", out_port_id=0, in_port_id=0]; -"e4.b4.1.weight" -> "e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 528, 1, 1)", out_port_id=0, in_port_id=0]; -"e4.b4.1.bias" -> "e4/b4/1/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.e4/b4/1/conv2d/0__1.0._scale_param_storage" -> "e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b4/1/conv2d/0" [dtype=float, shape="(128, 528, 1, 1)", out_port_id=0, in_port_id=1]; -"e4/b4/1/conv2d/0" -> "e4/b4/2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"e4.b4.2.weight" -> "e4/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"e4.b4.2.bias" -> "e4/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"e4.b4.2.running_mean" -> "e4/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"e4.b4.2.running_var" -> "e4/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"e4/b4/2/batch_norm/0" -> "e4/b4/3/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"e4/b4/3/relu_/0" -> "e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=3]; -"e4/cat/0" -> "maxpool/max_pool2d/1" [dtype=float, shape="(1, 832, 16, 16)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/1" -> "a5/b1/0/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/1" -> "a5/b2/0/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/1" -> "a5/b3/0/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/1" -> "a5/b4/0/max_pool2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; -"a5.b1.0.weight" -> "a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 832, 1, 1)", out_port_id=0, in_port_id=0]; -"a5.b1.0.bias" -> "a5/b1/0/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a5/b1/0/conv2d/0__1.0._scale_param_storage" -> "a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b1/0/conv2d/0" [dtype=float, shape="(256, 832, 1, 1)", out_port_id=0, in_port_id=1]; -"a5/b1/0/conv2d/0" -> "a5/b1/1/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"a5.b1.1.weight" -> "a5/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"a5.b1.1.bias" -> "a5/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"a5.b1.1.running_mean" -> "a5/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"a5.b1.1.running_var" -> "a5/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"a5/b1/1/batch_norm/0" -> "a5/b1/2/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"a5/b1/2/relu_/0" -> "a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"a5.b2.0.weight" -> "a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 832, 1, 1)", out_port_id=0, in_port_id=0]; -"a5.b2.0.bias" -> "a5/b2/0/conv2d/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a5/b2/0/conv2d/0__1.0._scale_param_storage" -> "a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b2/0/conv2d/0" [dtype=float, shape="(160, 832, 1, 1)", out_port_id=0, in_port_id=1]; -"a5/b2/0/conv2d/0" -> "a5/b2/1/batch_norm/0" [dtype=float, shape="(1, 160, 8, 8)", out_port_id=0, in_port_id=0]; -"a5.b2.1.weight" -> "a5/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"a5.b2.1.bias" -> "a5/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"a5.b2.1.running_mean" -> "a5/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"a5.b2.1.running_var" -> "a5/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"a5/b2/1/batch_norm/0" -> "a5/b2/2/relu_/0" [dtype=float, shape="(1, 160, 8, 8)", out_port_id=0, in_port_id=0]; -"a5/b2/2/relu_/0" -> "a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.a5/b2/2/relu_/0__0.0._scale_param_storage" -> "a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "a5/b2/3/conv2d/0" [dtype=float, shape="(1, 160, 8, 8)", out_port_id=0, in_port_id=0]; -"a5.b2.3.weight" -> "a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 160, 3, 3)", out_port_id=0, in_port_id=0]; -"a5.b2.3.bias" -> "a5/b2/3/conv2d/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a5/b2/3/conv2d/0__1.0._scale_param_storage" -> "a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b2/3/conv2d/0" [dtype=float, shape="(320, 160, 3, 3)", out_port_id=0, in_port_id=1]; -"a5/b2/3/conv2d/0" -> "a5/b2/4/batch_norm/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"a5.b2.4.weight" -> "a5/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"a5.b2.4.bias" -> "a5/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"a5.b2.4.running_mean" -> "a5/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"a5.b2.4.running_var" -> "a5/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"a5/b2/4/batch_norm/0" -> "a5/b2/5/relu_/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"a5/b2/5/relu_/0" -> "a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=1]; -"a5.b3.0.weight" -> "a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 832, 1, 1)", out_port_id=0, in_port_id=0]; -"a5.b3.0.bias" -> "a5/b3/0/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a5/b3/0/conv2d/0__1.0._scale_param_storage" -> "a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b3/0/conv2d/0" [dtype=float, shape="(32, 832, 1, 1)", out_port_id=0, in_port_id=1]; -"a5/b3/0/conv2d/0" -> "a5/b3/1/batch_norm/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"a5.b3.1.weight" -> "a5/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"a5.b3.1.bias" -> "a5/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"a5.b3.1.running_mean" -> "a5/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"a5.b3.1.running_var" -> "a5/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"a5/b3/1/batch_norm/0" -> "a5/b3/2/relu_/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"a5/b3/2/relu_/0" -> "a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.a5/b3/2/relu_/0__0.0._scale_param_storage" -> "a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "a5/b3/3/conv2d/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; -"a5.b3.3.weight" -> "a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"a5.b3.3.bias" -> "a5/b3/3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a5/b3/3/conv2d/0__1.0._scale_param_storage" -> "a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b3/3/conv2d/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"a5/b3/3/conv2d/0" -> "a5/b3/4/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"a5.b3.4.weight" -> "a5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"a5.b3.4.bias" -> "a5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"a5.b3.4.running_mean" -> "a5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"a5.b3.4.running_var" -> "a5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"a5/b3/4/batch_norm/0" -> "a5/b3/5/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"a5/b3/5/relu_/0" -> "a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.a5/b3/5/relu_/0__0.0._scale_param_storage" -> "a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "a5/b3/6/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"a5.b3.6.weight" -> "a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"a5.b3.6.bias" -> "a5/b3/6/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a5/b3/6/conv2d/0__1.0._scale_param_storage" -> "a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b3/6/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"a5/b3/6/conv2d/0" -> "a5/b3/7/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"a5.b3.7.weight" -> "a5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"a5.b3.7.bias" -> "a5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"a5.b3.7.running_mean" -> "a5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"a5.b3.7.running_var" -> "a5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"a5/b3/7/batch_norm/0" -> "a5/b3/8/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"a5/b3/8/relu_/0" -> "a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=2]; -"a5/b4/0/max_pool2d/0" -> "a5/b4/1/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; -"a5.b4.1.weight" -> "a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=0]; -"a5.b4.1.bias" -> "a5/b4/1/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.a5/b4/1/conv2d/0__1.0._scale_param_storage" -> "a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b4/1/conv2d/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=1]; -"a5/b4/1/conv2d/0" -> "a5/b4/2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"a5.b4.2.weight" -> "a5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"a5.b4.2.bias" -> "a5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"a5.b4.2.running_mean" -> "a5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"a5.b4.2.running_var" -> "a5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"a5/b4/2/batch_norm/0" -> "a5/b4/3/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"a5/b4/3/relu_/0" -> "a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=3]; -"a5/cat/0" -> "b5/b1/0/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; -"a5/cat/0" -> "b5/b2/0/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; -"a5/cat/0" -> "b5/b3/0/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; -"a5/cat/0" -> "b5/b4/0/max_pool2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; -"b5.b1.0.weight" -> "b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 832, 1, 1)", out_port_id=0, in_port_id=0]; -"b5.b1.0.bias" -> "b5/b1/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b5/b1/0/conv2d/0__1.0._scale_param_storage" -> "b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b1/0/conv2d/0" [dtype=float, shape="(384, 832, 1, 1)", out_port_id=0, in_port_id=1]; -"b5/b1/0/conv2d/0" -> "b5/b1/1/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"b5.b1.1.weight" -> "b5/b1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"b5.b1.1.bias" -> "b5/b1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"b5.b1.1.running_mean" -> "b5/b1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"b5.b1.1.running_var" -> "b5/b1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"b5/b1/1/batch_norm/0" -> "b5/b1/2/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"b5/b1/2/relu_/0" -> "b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b5/b1/2/relu_/0__0.0._scale_param_storage" -> "b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"b5.b2.0.weight" -> "b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 832, 1, 1)", out_port_id=0, in_port_id=0]; -"b5.b2.0.bias" -> "b5/b2/0/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b5/b2/0/conv2d/0__1.0._scale_param_storage" -> "b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b2/0/conv2d/0" [dtype=float, shape="(192, 832, 1, 1)", out_port_id=0, in_port_id=1]; -"b5/b2/0/conv2d/0" -> "b5/b2/1/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"b5.b2.1.weight" -> "b5/b2/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"b5.b2.1.bias" -> "b5/b2/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"b5.b2.1.running_mean" -> "b5/b2/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"b5.b2.1.running_var" -> "b5/b2/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"b5/b2/1/batch_norm/0" -> "b5/b2/2/relu_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"b5/b2/2/relu_/0" -> "b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b5/b2/2/relu_/0__0.0._scale_param_storage" -> "b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "b5/b2/3/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"b5.b2.3.weight" -> "b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 192, 3, 3)", out_port_id=0, in_port_id=0]; -"b5.b2.3.bias" -> "b5/b2/3/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b5/b2/3/conv2d/0__1.0._scale_param_storage" -> "b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b2/3/conv2d/0" [dtype=float, shape="(384, 192, 3, 3)", out_port_id=0, in_port_id=1]; -"b5/b2/3/conv2d/0" -> "b5/b2/4/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"b5.b2.4.weight" -> "b5/b2/4/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"b5.b2.4.bias" -> "b5/b2/4/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"b5.b2.4.running_mean" -> "b5/b2/4/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"b5.b2.4.running_var" -> "b5/b2/4/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"b5/b2/4/batch_norm/0" -> "b5/b2/5/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"b5/b2/5/relu_/0" -> "b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b5/b2/5/relu_/0__0.0._scale_param_storage" -> "b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=1]; -"b5.b3.0.weight" -> "b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 832, 1, 1)", out_port_id=0, in_port_id=0]; -"b5.b3.0.bias" -> "b5/b3/0/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b5/b3/0/conv2d/0__1.0._scale_param_storage" -> "b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b3/0/conv2d/0" [dtype=float, shape="(48, 832, 1, 1)", out_port_id=0, in_port_id=1]; -"b5/b3/0/conv2d/0" -> "b5/b3/1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"b5.b3.1.weight" -> "b5/b3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"b5.b3.1.bias" -> "b5/b3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"b5.b3.1.running_mean" -> "b5/b3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"b5.b3.1.running_var" -> "b5/b3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"b5/b3/1/batch_norm/0" -> "b5/b3/2/relu_/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"b5/b3/2/relu_/0" -> "b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b5/b3/2/relu_/0__0.0._scale_param_storage" -> "b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "b5/b3/3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"b5.b3.3.weight" -> "b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 48, 3, 3)", out_port_id=0, in_port_id=0]; -"b5.b3.3.bias" -> "b5/b3/3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b5/b3/3/conv2d/0__1.0._scale_param_storage" -> "b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b3/3/conv2d/0" [dtype=float, shape="(128, 48, 3, 3)", out_port_id=0, in_port_id=1]; -"b5/b3/3/conv2d/0" -> "b5/b3/4/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"b5.b3.4.weight" -> "b5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"b5.b3.4.bias" -> "b5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"b5.b3.4.running_mean" -> "b5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"b5.b3.4.running_var" -> "b5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"b5/b3/4/batch_norm/0" -> "b5/b3/5/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"b5/b3/5/relu_/0" -> "b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b5/b3/5/relu_/0__0.0._scale_param_storage" -> "b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "b5/b3/6/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"b5.b3.6.weight" -> "b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"b5.b3.6.bias" -> "b5/b3/6/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b5/b3/6/conv2d/0__1.0._scale_param_storage" -> "b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b3/6/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"b5/b3/6/conv2d/0" -> "b5/b3/7/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"b5.b3.7.weight" -> "b5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"b5.b3.7.bias" -> "b5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"b5.b3.7.running_mean" -> "b5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"b5.b3.7.running_var" -> "b5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"b5/b3/7/batch_norm/0" -> "b5/b3/8/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"b5/b3/8/relu_/0" -> "b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b5/b3/8/relu_/0__0.0._scale_param_storage" -> "b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=2]; -"b5/b4/0/max_pool2d/0" -> "b5/b4/1/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; -"b5.b4.1.weight" -> "b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=0]; -"b5.b4.1.bias" -> "b5/b4/1/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.b5/b4/1/conv2d/0__1.0._scale_param_storage" -> "b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b4/1/conv2d/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=1]; -"b5/b4/1/conv2d/0" -> "b5/b4/2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"b5.b4.2.weight" -> "b5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"b5.b4.2.bias" -> "b5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"b5.b4.2.running_mean" -> "b5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"b5.b4.2.running_var" -> "b5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"b5/b4/2/batch_norm/0" -> "b5/b4/3/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"b5/b4/3/relu_/0" -> "b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.b5/b4/3/relu_/0__0.0._scale_param_storage" -> "b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=3]; -"b5/cat/0" -> "avgpool/avg_pool2d/0" [dtype=float, shape="(1, 1024, 8, 8)", out_port_id=0, in_port_id=0]; -"avgpool/avg_pool2d/0" -> "avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.avgpool/avg_pool2d/0__0.0._scale_param_storage" -> "avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; -"/view/0" -> "linear/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1024)", out_port_id=0, in_port_id=0]; -"linear.bias" -> "linear/linear/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1)", out_port_id=0, in_port_id=4]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, shape="(10, 1024)", out_port_id=0, in_port_id=1]; -"linear/linear/0" -> output [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +"pre_layers.0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"pre_layers.0.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.pre_layers/0/conv2d/0__1.0._scale_param_storage" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, metatype=UnknownMetatype, type=symmetric_quantize]; +"pre_layers/0/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; +"pre_layers.1.weight" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"pre_layers.1.bias" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"pre_layers.1.running_mean" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"pre_layers.1.running_var" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"pre_layers/1/batch_norm/0" [id=12, metatype=PT2BatchNormMetatype, type=batch_norm]; +"pre_layers/2/relu_/0" [id=13, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.pre_layers/2/relu_/0__0.0._scale_param_storage" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" [id=15, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3.b1.0.weight" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b1.0.bias" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a3/b1/0/conv2d/0__1.0._scale_param_storage" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=19, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3/b1/0/conv2d/0" [id=20, metatype=PTConv2dMetatype, type=conv2d]; +"a3.b1.1.weight" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b1.1.bias" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b1.1.running_mean" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b1.1.running_var" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b1/1/batch_norm/0" [id=25, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a3/b1/2/relu_/0" [id=26, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=28, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3.b2.0.weight" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b2.0.bias" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a3/b2/0/conv2d/0__1.0._scale_param_storage" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=32, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3/b2/0/conv2d/0" [id=33, metatype=PTConv2dMetatype, type=conv2d]; +"a3.b2.1.weight" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b2.1.bias" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b2.1.running_mean" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b2.1.running_var" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b2/1/batch_norm/0" [id=38, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a3/b2/2/relu_/0" [id=39, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.a3/b2/2/relu_/0__0.0._scale_param_storage" [id=40, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=41, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3.b2.3.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b2.3.bias" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a3/b2/3/conv2d/0__1.0._scale_param_storage" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=45, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3/b2/3/conv2d/0" [id=46, metatype=PTConv2dMetatype, type=conv2d]; +"a3.b2.4.weight" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b2.4.bias" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b2.4.running_mean" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b2.4.running_var" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b2/4/batch_norm/0" [id=51, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a3/b2/5/relu_/0" [id=52, metatype=PTRELUMetatype, type=relu_]; +"a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=53, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3.b3.0.weight" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b3.0.bias" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a3/b3/0/conv2d/0__1.0._scale_param_storage" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=57, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3/b3/0/conv2d/0" [id=58, metatype=PTConv2dMetatype, type=conv2d]; +"a3.b3.1.weight" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b3.1.bias" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b3.1.running_mean" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b3.1.running_var" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b3/1/batch_norm/0" [id=63, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a3/b3/2/relu_/0" [id=64, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.a3/b3/2/relu_/0__0.0._scale_param_storage" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=66, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3.b3.3.weight" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b3.3.bias" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a3/b3/3/conv2d/0__1.0._scale_param_storage" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=70, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3/b3/3/conv2d/0" [id=71, metatype=PTConv2dMetatype, type=conv2d]; +"a3.b3.4.weight" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b3.4.bias" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b3.4.running_mean" [id=74, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b3.4.running_var" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b3/4/batch_norm/0" [id=76, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a3/b3/5/relu_/0" [id=77, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.a3/b3/5/relu_/0__0.0._scale_param_storage" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=79, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3.b3.6.weight" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b3.6.bias" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a3/b3/6/conv2d/0__1.0._scale_param_storage" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=83, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3/b3/6/conv2d/0" [id=84, metatype=PTConv2dMetatype, type=conv2d]; +"a3.b3.7.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b3.7.bias" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b3.7.running_mean" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b3.7.running_var" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b3/7/batch_norm/0" [id=89, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a3/b3/8/relu_/0" [id=90, metatype=PTRELUMetatype, type=relu_]; +"a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=91, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3/b4/0/max_pool2d/0" [id=92, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"a3.b4.1.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b4.1.bias" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a3/b4/1/conv2d/0__1.0._scale_param_storage" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=96, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3/b4/1/conv2d/0" [id=97, metatype=PTConv2dMetatype, type=conv2d]; +"a3.b4.2.weight" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b4.2.bias" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b4.2.running_mean" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3.b4.2.running_var" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a3/b4/2/batch_norm/0" [id=102, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a3/b4/3/relu_/0" [id=103, metatype=PTRELUMetatype, type=relu_]; +"a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=104, metatype=UnknownMetatype, type=symmetric_quantize]; +"a3/cat/0" [id=105, metatype=PTCatMetatype, type=cat]; +"b3.b1.0.weight" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b1.0.bias" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b3/b1/0/conv2d/0__1.0._scale_param_storage" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=109, metatype=UnknownMetatype, type=symmetric_quantize]; +"b3/b1/0/conv2d/0" [id=110, metatype=PTConv2dMetatype, type=conv2d]; +"b3.b1.1.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b1.1.bias" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b1.1.running_mean" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b1.1.running_var" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b1/1/batch_norm/0" [id=115, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b3/b1/2/relu_/0" [id=116, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=118, metatype=UnknownMetatype, type=symmetric_quantize]; +"b3.b2.0.weight" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b2.0.bias" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b3/b2/0/conv2d/0__1.0._scale_param_storage" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=122, metatype=UnknownMetatype, type=symmetric_quantize]; +"b3/b2/0/conv2d/0" [id=123, metatype=PTConv2dMetatype, type=conv2d]; +"b3.b2.1.weight" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b2.1.bias" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b2.1.running_mean" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b2.1.running_var" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b2/1/batch_norm/0" [id=128, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b3/b2/2/relu_/0" [id=129, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b3/b2/2/relu_/0__0.0._scale_param_storage" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=131, metatype=UnknownMetatype, type=symmetric_quantize]; +"b3.b2.3.weight" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b2.3.bias" [id=133, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b3/b2/3/conv2d/0__1.0._scale_param_storage" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=135, metatype=UnknownMetatype, type=symmetric_quantize]; +"b3/b2/3/conv2d/0" [id=136, metatype=PTConv2dMetatype, type=conv2d]; +"b3.b2.4.weight" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b2.4.bias" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b2.4.running_mean" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b2.4.running_var" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b2/4/batch_norm/0" [id=141, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b3/b2/5/relu_/0" [id=142, metatype=PTRELUMetatype, type=relu_]; +"b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=143, metatype=UnknownMetatype, type=symmetric_quantize]; +"b3.b3.0.weight" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b3.0.bias" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b3/b3/0/conv2d/0__1.0._scale_param_storage" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=147, metatype=UnknownMetatype, type=symmetric_quantize]; +"b3/b3/0/conv2d/0" [id=148, metatype=PTConv2dMetatype, type=conv2d]; +"b3.b3.1.weight" [id=149, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b3.1.bias" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b3.1.running_mean" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b3.1.running_var" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b3/1/batch_norm/0" [id=153, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b3/b3/2/relu_/0" [id=154, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b3/b3/2/relu_/0__0.0._scale_param_storage" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=156, metatype=UnknownMetatype, type=symmetric_quantize]; +"b3.b3.3.weight" [id=157, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b3.3.bias" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b3/b3/3/conv2d/0__1.0._scale_param_storage" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=160, metatype=UnknownMetatype, type=symmetric_quantize]; +"b3/b3/3/conv2d/0" [id=161, metatype=PTConv2dMetatype, type=conv2d]; +"b3.b3.4.weight" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b3.4.bias" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b3.4.running_mean" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b3.4.running_var" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b3/4/batch_norm/0" [id=166, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b3/b3/5/relu_/0" [id=167, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b3/b3/5/relu_/0__0.0._scale_param_storage" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=169, metatype=UnknownMetatype, type=symmetric_quantize]; +"b3.b3.6.weight" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b3.6.bias" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b3/b3/6/conv2d/0__1.0._scale_param_storage" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=173, metatype=UnknownMetatype, type=symmetric_quantize]; +"b3/b3/6/conv2d/0" [id=174, metatype=PTConv2dMetatype, type=conv2d]; +"b3.b3.7.weight" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b3.7.bias" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b3.7.running_mean" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b3.7.running_var" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b3/7/batch_norm/0" [id=179, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b3/b3/8/relu_/0" [id=180, metatype=PTRELUMetatype, type=relu_]; +"b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=181, metatype=UnknownMetatype, type=symmetric_quantize]; +"b3/b4/0/max_pool2d/0" [id=182, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"b3.b4.1.weight" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b4.1.bias" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b3/b4/1/conv2d/0__1.0._scale_param_storage" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=186, metatype=UnknownMetatype, type=symmetric_quantize]; +"b3/b4/1/conv2d/0" [id=187, metatype=PTConv2dMetatype, type=conv2d]; +"b3.b4.2.weight" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b4.2.bias" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b4.2.running_mean" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3.b4.2.running_var" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b3/b4/2/batch_norm/0" [id=192, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b3/b4/3/relu_/0" [id=193, metatype=PTRELUMetatype, type=relu_]; +"b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=194, metatype=UnknownMetatype, type=symmetric_quantize]; +"b3/cat/0" [id=195, metatype=PTCatMetatype, type=cat]; +"maxpool/max_pool2d/0" [id=196, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"a4.b1.0.weight" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b1.0.bias" [id=198, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a4/b1/0/conv2d/0__1.0._scale_param_storage" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=200, metatype=UnknownMetatype, type=symmetric_quantize]; +"a4/b1/0/conv2d/0" [id=201, metatype=PTConv2dMetatype, type=conv2d]; +"a4.b1.1.weight" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b1.1.bias" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b1.1.running_mean" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b1.1.running_var" [id=205, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b1/1/batch_norm/0" [id=206, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a4/b1/2/relu_/0" [id=207, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=209, metatype=UnknownMetatype, type=symmetric_quantize]; +"a4.b2.0.weight" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b2.0.bias" [id=211, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a4/b2/0/conv2d/0__1.0._scale_param_storage" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=213, metatype=UnknownMetatype, type=symmetric_quantize]; +"a4/b2/0/conv2d/0" [id=214, metatype=PTConv2dMetatype, type=conv2d]; +"a4.b2.1.weight" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b2.1.bias" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b2.1.running_mean" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b2.1.running_var" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b2/1/batch_norm/0" [id=219, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a4/b2/2/relu_/0" [id=220, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.a4/b2/2/relu_/0__0.0._scale_param_storage" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=222, metatype=UnknownMetatype, type=symmetric_quantize]; +"a4.b2.3.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b2.3.bias" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a4/b2/3/conv2d/0__1.0._scale_param_storage" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=226, metatype=UnknownMetatype, type=symmetric_quantize]; +"a4/b2/3/conv2d/0" [id=227, metatype=PTConv2dMetatype, type=conv2d]; +"a4.b2.4.weight" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b2.4.bias" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b2.4.running_mean" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b2.4.running_var" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b2/4/batch_norm/0" [id=232, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a4/b2/5/relu_/0" [id=233, metatype=PTRELUMetatype, type=relu_]; +"a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=234, metatype=UnknownMetatype, type=symmetric_quantize]; +"a4.b3.0.weight" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b3.0.bias" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a4/b3/0/conv2d/0__1.0._scale_param_storage" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=238, metatype=UnknownMetatype, type=symmetric_quantize]; +"a4/b3/0/conv2d/0" [id=239, metatype=PTConv2dMetatype, type=conv2d]; +"a4.b3.1.weight" [id=240, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b3.1.bias" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b3.1.running_mean" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b3.1.running_var" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b3/1/batch_norm/0" [id=244, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a4/b3/2/relu_/0" [id=245, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.a4/b3/2/relu_/0__0.0._scale_param_storage" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=247, metatype=UnknownMetatype, type=symmetric_quantize]; +"a4.b3.3.weight" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b3.3.bias" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a4/b3/3/conv2d/0__1.0._scale_param_storage" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=251, metatype=UnknownMetatype, type=symmetric_quantize]; +"a4/b3/3/conv2d/0" [id=252, metatype=PTConv2dMetatype, type=conv2d]; +"a4.b3.4.weight" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b3.4.bias" [id=254, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b3.4.running_mean" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b3.4.running_var" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b3/4/batch_norm/0" [id=257, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a4/b3/5/relu_/0" [id=258, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.a4/b3/5/relu_/0__0.0._scale_param_storage" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=260, metatype=UnknownMetatype, type=symmetric_quantize]; +"a4.b3.6.weight" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b3.6.bias" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a4/b3/6/conv2d/0__1.0._scale_param_storage" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=264, metatype=UnknownMetatype, type=symmetric_quantize]; +"a4/b3/6/conv2d/0" [id=265, metatype=PTConv2dMetatype, type=conv2d]; +"a4.b3.7.weight" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b3.7.bias" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b3.7.running_mean" [id=268, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b3.7.running_var" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b3/7/batch_norm/0" [id=270, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a4/b3/8/relu_/0" [id=271, metatype=PTRELUMetatype, type=relu_]; +"a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=272, metatype=UnknownMetatype, type=symmetric_quantize]; +"a4/b4/0/max_pool2d/0" [id=273, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"a4.b4.1.weight" [id=274, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b4.1.bias" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a4/b4/1/conv2d/0__1.0._scale_param_storage" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=277, metatype=UnknownMetatype, type=symmetric_quantize]; +"a4/b4/1/conv2d/0" [id=278, metatype=PTConv2dMetatype, type=conv2d]; +"a4.b4.2.weight" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b4.2.bias" [id=280, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b4.2.running_mean" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4.b4.2.running_var" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a4/b4/2/batch_norm/0" [id=283, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a4/b4/3/relu_/0" [id=284, metatype=PTRELUMetatype, type=relu_]; +"a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=285, metatype=UnknownMetatype, type=symmetric_quantize]; +"a4/cat/0" [id=286, metatype=PTCatMetatype, type=cat]; +"b4.b1.0.weight" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b1.0.bias" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b4/b1/0/conv2d/0__1.0._scale_param_storage" [id=289, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=290, metatype=UnknownMetatype, type=symmetric_quantize]; +"b4/b1/0/conv2d/0" [id=291, metatype=PTConv2dMetatype, type=conv2d]; +"b4.b1.1.weight" [id=292, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b1.1.bias" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b1.1.running_mean" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b1.1.running_var" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b1/1/batch_norm/0" [id=296, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b4/b1/2/relu_/0" [id=297, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" [id=298, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=299, metatype=UnknownMetatype, type=symmetric_quantize]; +"b4.b2.0.weight" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b2.0.bias" [id=301, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b4/b2/0/conv2d/0__1.0._scale_param_storage" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=303, metatype=UnknownMetatype, type=symmetric_quantize]; +"b4/b2/0/conv2d/0" [id=304, metatype=PTConv2dMetatype, type=conv2d]; +"b4.b2.1.weight" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b2.1.bias" [id=306, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b2.1.running_mean" [id=307, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b2.1.running_var" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b2/1/batch_norm/0" [id=309, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b4/b2/2/relu_/0" [id=310, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b4/b2/2/relu_/0__0.0._scale_param_storage" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=312, metatype=UnknownMetatype, type=symmetric_quantize]; +"b4.b2.3.weight" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b2.3.bias" [id=314, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b4/b2/3/conv2d/0__1.0._scale_param_storage" [id=315, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=316, metatype=UnknownMetatype, type=symmetric_quantize]; +"b4/b2/3/conv2d/0" [id=317, metatype=PTConv2dMetatype, type=conv2d]; +"b4.b2.4.weight" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b2.4.bias" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b2.4.running_mean" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b2.4.running_var" [id=321, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b2/4/batch_norm/0" [id=322, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b4/b2/5/relu_/0" [id=323, metatype=PTRELUMetatype, type=relu_]; +"b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=324, metatype=UnknownMetatype, type=symmetric_quantize]; +"b4.b3.0.weight" [id=325, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b3.0.bias" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b4/b3/0/conv2d/0__1.0._scale_param_storage" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=328, metatype=UnknownMetatype, type=symmetric_quantize]; +"b4/b3/0/conv2d/0" [id=329, metatype=PTConv2dMetatype, type=conv2d]; +"b4.b3.1.weight" [id=330, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b3.1.bias" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b3.1.running_mean" [id=332, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b3.1.running_var" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b3/1/batch_norm/0" [id=334, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b4/b3/2/relu_/0" [id=335, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b4/b3/2/relu_/0__0.0._scale_param_storage" [id=336, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=337, metatype=UnknownMetatype, type=symmetric_quantize]; +"b4.b3.3.weight" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b3.3.bias" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b4/b3/3/conv2d/0__1.0._scale_param_storage" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=341, metatype=UnknownMetatype, type=symmetric_quantize]; +"b4/b3/3/conv2d/0" [id=342, metatype=PTConv2dMetatype, type=conv2d]; +"b4.b3.4.weight" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b3.4.bias" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b3.4.running_mean" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b3.4.running_var" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b3/4/batch_norm/0" [id=347, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b4/b3/5/relu_/0" [id=348, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b4/b3/5/relu_/0__0.0._scale_param_storage" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=350, metatype=UnknownMetatype, type=symmetric_quantize]; +"b4.b3.6.weight" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b3.6.bias" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b4/b3/6/conv2d/0__1.0._scale_param_storage" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=354, metatype=UnknownMetatype, type=symmetric_quantize]; +"b4/b3/6/conv2d/0" [id=355, metatype=PTConv2dMetatype, type=conv2d]; +"b4.b3.7.weight" [id=356, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b3.7.bias" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b3.7.running_mean" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b3.7.running_var" [id=359, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b3/7/batch_norm/0" [id=360, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b4/b3/8/relu_/0" [id=361, metatype=PTRELUMetatype, type=relu_]; +"b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=362, metatype=UnknownMetatype, type=symmetric_quantize]; +"b4/b4/0/max_pool2d/0" [id=363, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"b4.b4.1.weight" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b4.1.bias" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b4/b4/1/conv2d/0__1.0._scale_param_storage" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=367, metatype=UnknownMetatype, type=symmetric_quantize]; +"b4/b4/1/conv2d/0" [id=368, metatype=PTConv2dMetatype, type=conv2d]; +"b4.b4.2.weight" [id=369, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b4.2.bias" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b4.2.running_mean" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4.b4.2.running_var" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b4/b4/2/batch_norm/0" [id=373, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b4/b4/3/relu_/0" [id=374, metatype=PTRELUMetatype, type=relu_]; +"b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=375, metatype=UnknownMetatype, type=symmetric_quantize]; +"b4/cat/0" [id=376, metatype=PTCatMetatype, type=cat]; +"c4.b1.0.weight" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b1.0.bias" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.c4/b1/0/conv2d/0__1.0._scale_param_storage" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=380, metatype=UnknownMetatype, type=symmetric_quantize]; +"c4/b1/0/conv2d/0" [id=381, metatype=PTConv2dMetatype, type=conv2d]; +"c4.b1.1.weight" [id=382, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b1.1.bias" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b1.1.running_mean" [id=384, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b1.1.running_var" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b1/1/batch_norm/0" [id=386, metatype=PT2BatchNormMetatype, type=batch_norm]; +"c4/b1/2/relu_/0" [id=387, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" [id=388, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=389, metatype=UnknownMetatype, type=symmetric_quantize]; +"c4.b2.0.weight" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b2.0.bias" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.c4/b2/0/conv2d/0__1.0._scale_param_storage" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=393, metatype=UnknownMetatype, type=symmetric_quantize]; +"c4/b2/0/conv2d/0" [id=394, metatype=PTConv2dMetatype, type=conv2d]; +"c4.b2.1.weight" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b2.1.bias" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b2.1.running_mean" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b2.1.running_var" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b2/1/batch_norm/0" [id=399, metatype=PT2BatchNormMetatype, type=batch_norm]; +"c4/b2/2/relu_/0" [id=400, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.c4/b2/2/relu_/0__0.0._scale_param_storage" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=402, metatype=UnknownMetatype, type=symmetric_quantize]; +"c4.b2.3.weight" [id=403, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b2.3.bias" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.c4/b2/3/conv2d/0__1.0._scale_param_storage" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=406, metatype=UnknownMetatype, type=symmetric_quantize]; +"c4/b2/3/conv2d/0" [id=407, metatype=PTConv2dMetatype, type=conv2d]; +"c4.b2.4.weight" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b2.4.bias" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b2.4.running_mean" [id=410, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b2.4.running_var" [id=411, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b2/4/batch_norm/0" [id=412, metatype=PT2BatchNormMetatype, type=batch_norm]; +"c4/b2/5/relu_/0" [id=413, metatype=PTRELUMetatype, type=relu_]; +"c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=414, metatype=UnknownMetatype, type=symmetric_quantize]; +"c4.b3.0.weight" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b3.0.bias" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.c4/b3/0/conv2d/0__1.0._scale_param_storage" [id=417, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=418, metatype=UnknownMetatype, type=symmetric_quantize]; +"c4/b3/0/conv2d/0" [id=419, metatype=PTConv2dMetatype, type=conv2d]; +"c4.b3.1.weight" [id=420, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b3.1.bias" [id=421, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b3.1.running_mean" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b3.1.running_var" [id=423, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b3/1/batch_norm/0" [id=424, metatype=PT2BatchNormMetatype, type=batch_norm]; +"c4/b3/2/relu_/0" [id=425, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.c4/b3/2/relu_/0__0.0._scale_param_storage" [id=426, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=427, metatype=UnknownMetatype, type=symmetric_quantize]; +"c4.b3.3.weight" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b3.3.bias" [id=429, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.c4/b3/3/conv2d/0__1.0._scale_param_storage" [id=430, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=431, metatype=UnknownMetatype, type=symmetric_quantize]; +"c4/b3/3/conv2d/0" [id=432, metatype=PTConv2dMetatype, type=conv2d]; +"c4.b3.4.weight" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b3.4.bias" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b3.4.running_mean" [id=435, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b3.4.running_var" [id=436, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b3/4/batch_norm/0" [id=437, metatype=PT2BatchNormMetatype, type=batch_norm]; +"c4/b3/5/relu_/0" [id=438, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.c4/b3/5/relu_/0__0.0._scale_param_storage" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=440, metatype=UnknownMetatype, type=symmetric_quantize]; +"c4.b3.6.weight" [id=441, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b3.6.bias" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.c4/b3/6/conv2d/0__1.0._scale_param_storage" [id=443, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=444, metatype=UnknownMetatype, type=symmetric_quantize]; +"c4/b3/6/conv2d/0" [id=445, metatype=PTConv2dMetatype, type=conv2d]; +"c4.b3.7.weight" [id=446, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b3.7.bias" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b3.7.running_mean" [id=448, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b3.7.running_var" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b3/7/batch_norm/0" [id=450, metatype=PT2BatchNormMetatype, type=batch_norm]; +"c4/b3/8/relu_/0" [id=451, metatype=PTRELUMetatype, type=relu_]; +"c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=452, metatype=UnknownMetatype, type=symmetric_quantize]; +"c4/b4/0/max_pool2d/0" [id=453, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"c4.b4.1.weight" [id=454, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b4.1.bias" [id=455, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.c4/b4/1/conv2d/0__1.0._scale_param_storage" [id=456, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=457, metatype=UnknownMetatype, type=symmetric_quantize]; +"c4/b4/1/conv2d/0" [id=458, metatype=PTConv2dMetatype, type=conv2d]; +"c4.b4.2.weight" [id=459, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b4.2.bias" [id=460, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b4.2.running_mean" [id=461, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4.b4.2.running_var" [id=462, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"c4/b4/2/batch_norm/0" [id=463, metatype=PT2BatchNormMetatype, type=batch_norm]; +"c4/b4/3/relu_/0" [id=464, metatype=PTRELUMetatype, type=relu_]; +"c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=465, metatype=UnknownMetatype, type=symmetric_quantize]; +"c4/cat/0" [id=466, metatype=PTCatMetatype, type=cat]; +"d4.b1.0.weight" [id=467, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b1.0.bias" [id=468, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.d4/b1/0/conv2d/0__1.0._scale_param_storage" [id=469, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=470, metatype=UnknownMetatype, type=symmetric_quantize]; +"d4/b1/0/conv2d/0" [id=471, metatype=PTConv2dMetatype, type=conv2d]; +"d4.b1.1.weight" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b1.1.bias" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b1.1.running_mean" [id=474, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b1.1.running_var" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b1/1/batch_norm/0" [id=476, metatype=PT2BatchNormMetatype, type=batch_norm]; +"d4/b1/2/relu_/0" [id=477, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" [id=478, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=479, metatype=UnknownMetatype, type=symmetric_quantize]; +"d4.b2.0.weight" [id=480, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b2.0.bias" [id=481, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.d4/b2/0/conv2d/0__1.0._scale_param_storage" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=483, metatype=UnknownMetatype, type=symmetric_quantize]; +"d4/b2/0/conv2d/0" [id=484, metatype=PTConv2dMetatype, type=conv2d]; +"d4.b2.1.weight" [id=485, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b2.1.bias" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b2.1.running_mean" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b2.1.running_var" [id=488, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b2/1/batch_norm/0" [id=489, metatype=PT2BatchNormMetatype, type=batch_norm]; +"d4/b2/2/relu_/0" [id=490, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.d4/b2/2/relu_/0__0.0._scale_param_storage" [id=491, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=492, metatype=UnknownMetatype, type=symmetric_quantize]; +"d4.b2.3.weight" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b2.3.bias" [id=494, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.d4/b2/3/conv2d/0__1.0._scale_param_storage" [id=495, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=496, metatype=UnknownMetatype, type=symmetric_quantize]; +"d4/b2/3/conv2d/0" [id=497, metatype=PTConv2dMetatype, type=conv2d]; +"d4.b2.4.weight" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b2.4.bias" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b2.4.running_mean" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b2.4.running_var" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b2/4/batch_norm/0" [id=502, metatype=PT2BatchNormMetatype, type=batch_norm]; +"d4/b2/5/relu_/0" [id=503, metatype=PTRELUMetatype, type=relu_]; +"d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=504, metatype=UnknownMetatype, type=symmetric_quantize]; +"d4.b3.0.weight" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b3.0.bias" [id=506, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.d4/b3/0/conv2d/0__1.0._scale_param_storage" [id=507, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=508, metatype=UnknownMetatype, type=symmetric_quantize]; +"d4/b3/0/conv2d/0" [id=509, metatype=PTConv2dMetatype, type=conv2d]; +"d4.b3.1.weight" [id=510, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b3.1.bias" [id=511, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b3.1.running_mean" [id=512, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b3.1.running_var" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b3/1/batch_norm/0" [id=514, metatype=PT2BatchNormMetatype, type=batch_norm]; +"d4/b3/2/relu_/0" [id=515, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.d4/b3/2/relu_/0__0.0._scale_param_storage" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=517, metatype=UnknownMetatype, type=symmetric_quantize]; +"d4.b3.3.weight" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b3.3.bias" [id=519, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.d4/b3/3/conv2d/0__1.0._scale_param_storage" [id=520, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=521, metatype=UnknownMetatype, type=symmetric_quantize]; +"d4/b3/3/conv2d/0" [id=522, metatype=PTConv2dMetatype, type=conv2d]; +"d4.b3.4.weight" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b3.4.bias" [id=524, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b3.4.running_mean" [id=525, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b3.4.running_var" [id=526, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b3/4/batch_norm/0" [id=527, metatype=PT2BatchNormMetatype, type=batch_norm]; +"d4/b3/5/relu_/0" [id=528, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.d4/b3/5/relu_/0__0.0._scale_param_storage" [id=529, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=530, metatype=UnknownMetatype, type=symmetric_quantize]; +"d4.b3.6.weight" [id=531, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b3.6.bias" [id=532, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.d4/b3/6/conv2d/0__1.0._scale_param_storage" [id=533, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=534, metatype=UnknownMetatype, type=symmetric_quantize]; +"d4/b3/6/conv2d/0" [id=535, metatype=PTConv2dMetatype, type=conv2d]; +"d4.b3.7.weight" [id=536, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b3.7.bias" [id=537, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b3.7.running_mean" [id=538, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b3.7.running_var" [id=539, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b3/7/batch_norm/0" [id=540, metatype=PT2BatchNormMetatype, type=batch_norm]; +"d4/b3/8/relu_/0" [id=541, metatype=PTRELUMetatype, type=relu_]; +"d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=542, metatype=UnknownMetatype, type=symmetric_quantize]; +"d4/b4/0/max_pool2d/0" [id=543, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"d4.b4.1.weight" [id=544, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b4.1.bias" [id=545, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.d4/b4/1/conv2d/0__1.0._scale_param_storage" [id=546, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=547, metatype=UnknownMetatype, type=symmetric_quantize]; +"d4/b4/1/conv2d/0" [id=548, metatype=PTConv2dMetatype, type=conv2d]; +"d4.b4.2.weight" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b4.2.bias" [id=550, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b4.2.running_mean" [id=551, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4.b4.2.running_var" [id=552, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"d4/b4/2/batch_norm/0" [id=553, metatype=PT2BatchNormMetatype, type=batch_norm]; +"d4/b4/3/relu_/0" [id=554, metatype=PTRELUMetatype, type=relu_]; +"d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=555, metatype=UnknownMetatype, type=symmetric_quantize]; +"d4/cat/0" [id=556, metatype=PTCatMetatype, type=cat]; +"e4.b1.0.weight" [id=557, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b1.0.bias" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.e4/b1/0/conv2d/0__1.0._scale_param_storage" [id=559, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=560, metatype=UnknownMetatype, type=symmetric_quantize]; +"e4/b1/0/conv2d/0" [id=561, metatype=PTConv2dMetatype, type=conv2d]; +"e4.b1.1.weight" [id=562, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b1.1.bias" [id=563, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b1.1.running_mean" [id=564, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b1.1.running_var" [id=565, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b1/1/batch_norm/0" [id=566, metatype=PT2BatchNormMetatype, type=batch_norm]; +"e4/b1/2/relu_/0" [id=567, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" [id=568, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=569, metatype=UnknownMetatype, type=symmetric_quantize]; +"e4.b2.0.weight" [id=570, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b2.0.bias" [id=571, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.e4/b2/0/conv2d/0__1.0._scale_param_storage" [id=572, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=573, metatype=UnknownMetatype, type=symmetric_quantize]; +"e4/b2/0/conv2d/0" [id=574, metatype=PTConv2dMetatype, type=conv2d]; +"e4.b2.1.weight" [id=575, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b2.1.bias" [id=576, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b2.1.running_mean" [id=577, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b2.1.running_var" [id=578, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b2/1/batch_norm/0" [id=579, metatype=PT2BatchNormMetatype, type=batch_norm]; +"e4/b2/2/relu_/0" [id=580, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.e4/b2/2/relu_/0__0.0._scale_param_storage" [id=581, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=582, metatype=UnknownMetatype, type=symmetric_quantize]; +"e4.b2.3.weight" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b2.3.bias" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.e4/b2/3/conv2d/0__1.0._scale_param_storage" [id=585, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=586, metatype=UnknownMetatype, type=symmetric_quantize]; +"e4/b2/3/conv2d/0" [id=587, metatype=PTConv2dMetatype, type=conv2d]; +"e4.b2.4.weight" [id=588, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b2.4.bias" [id=589, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b2.4.running_mean" [id=590, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b2.4.running_var" [id=591, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b2/4/batch_norm/0" [id=592, metatype=PT2BatchNormMetatype, type=batch_norm]; +"e4/b2/5/relu_/0" [id=593, metatype=PTRELUMetatype, type=relu_]; +"e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=594, metatype=UnknownMetatype, type=symmetric_quantize]; +"e4.b3.0.weight" [id=595, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b3.0.bias" [id=596, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.e4/b3/0/conv2d/0__1.0._scale_param_storage" [id=597, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=598, metatype=UnknownMetatype, type=symmetric_quantize]; +"e4/b3/0/conv2d/0" [id=599, metatype=PTConv2dMetatype, type=conv2d]; +"e4.b3.1.weight" [id=600, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b3.1.bias" [id=601, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b3.1.running_mean" [id=602, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b3.1.running_var" [id=603, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b3/1/batch_norm/0" [id=604, metatype=PT2BatchNormMetatype, type=batch_norm]; +"e4/b3/2/relu_/0" [id=605, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.e4/b3/2/relu_/0__0.0._scale_param_storage" [id=606, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=607, metatype=UnknownMetatype, type=symmetric_quantize]; +"e4.b3.3.weight" [id=608, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b3.3.bias" [id=609, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.e4/b3/3/conv2d/0__1.0._scale_param_storage" [id=610, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=611, metatype=UnknownMetatype, type=symmetric_quantize]; +"e4/b3/3/conv2d/0" [id=612, metatype=PTConv2dMetatype, type=conv2d]; +"e4.b3.4.weight" [id=613, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b3.4.bias" [id=614, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b3.4.running_mean" [id=615, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b3.4.running_var" [id=616, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b3/4/batch_norm/0" [id=617, metatype=PT2BatchNormMetatype, type=batch_norm]; +"e4/b3/5/relu_/0" [id=618, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.e4/b3/5/relu_/0__0.0._scale_param_storage" [id=619, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=620, metatype=UnknownMetatype, type=symmetric_quantize]; +"e4.b3.6.weight" [id=621, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b3.6.bias" [id=622, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.e4/b3/6/conv2d/0__1.0._scale_param_storage" [id=623, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=624, metatype=UnknownMetatype, type=symmetric_quantize]; +"e4/b3/6/conv2d/0" [id=625, metatype=PTConv2dMetatype, type=conv2d]; +"e4.b3.7.weight" [id=626, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b3.7.bias" [id=627, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b3.7.running_mean" [id=628, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b3.7.running_var" [id=629, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b3/7/batch_norm/0" [id=630, metatype=PT2BatchNormMetatype, type=batch_norm]; +"e4/b3/8/relu_/0" [id=631, metatype=PTRELUMetatype, type=relu_]; +"e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=632, metatype=UnknownMetatype, type=symmetric_quantize]; +"e4/b4/0/max_pool2d/0" [id=633, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"e4.b4.1.weight" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b4.1.bias" [id=635, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.e4/b4/1/conv2d/0__1.0._scale_param_storage" [id=636, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=637, metatype=UnknownMetatype, type=symmetric_quantize]; +"e4/b4/1/conv2d/0" [id=638, metatype=PTConv2dMetatype, type=conv2d]; +"e4.b4.2.weight" [id=639, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b4.2.bias" [id=640, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b4.2.running_mean" [id=641, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4.b4.2.running_var" [id=642, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"e4/b4/2/batch_norm/0" [id=643, metatype=PT2BatchNormMetatype, type=batch_norm]; +"e4/b4/3/relu_/0" [id=644, metatype=PTRELUMetatype, type=relu_]; +"e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=645, metatype=UnknownMetatype, type=symmetric_quantize]; +"e4/cat/0" [id=646, metatype=PTCatMetatype, type=cat]; +"maxpool/max_pool2d/1" [id=647, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"a5.b1.0.weight" [id=648, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b1.0.bias" [id=649, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a5/b1/0/conv2d/0__1.0._scale_param_storage" [id=650, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=651, metatype=UnknownMetatype, type=symmetric_quantize]; +"a5/b1/0/conv2d/0" [id=652, metatype=PTConv2dMetatype, type=conv2d]; +"a5.b1.1.weight" [id=653, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b1.1.bias" [id=654, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b1.1.running_mean" [id=655, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b1.1.running_var" [id=656, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b1/1/batch_norm/0" [id=657, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a5/b1/2/relu_/0" [id=658, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" [id=659, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=660, metatype=UnknownMetatype, type=symmetric_quantize]; +"a5.b2.0.weight" [id=661, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b2.0.bias" [id=662, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a5/b2/0/conv2d/0__1.0._scale_param_storage" [id=663, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=664, metatype=UnknownMetatype, type=symmetric_quantize]; +"a5/b2/0/conv2d/0" [id=665, metatype=PTConv2dMetatype, type=conv2d]; +"a5.b2.1.weight" [id=666, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b2.1.bias" [id=667, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b2.1.running_mean" [id=668, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b2.1.running_var" [id=669, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b2/1/batch_norm/0" [id=670, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a5/b2/2/relu_/0" [id=671, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.a5/b2/2/relu_/0__0.0._scale_param_storage" [id=672, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=673, metatype=UnknownMetatype, type=symmetric_quantize]; +"a5.b2.3.weight" [id=674, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b2.3.bias" [id=675, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a5/b2/3/conv2d/0__1.0._scale_param_storage" [id=676, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=677, metatype=UnknownMetatype, type=symmetric_quantize]; +"a5/b2/3/conv2d/0" [id=678, metatype=PTConv2dMetatype, type=conv2d]; +"a5.b2.4.weight" [id=679, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b2.4.bias" [id=680, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b2.4.running_mean" [id=681, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b2.4.running_var" [id=682, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b2/4/batch_norm/0" [id=683, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a5/b2/5/relu_/0" [id=684, metatype=PTRELUMetatype, type=relu_]; +"a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=685, metatype=UnknownMetatype, type=symmetric_quantize]; +"a5.b3.0.weight" [id=686, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b3.0.bias" [id=687, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a5/b3/0/conv2d/0__1.0._scale_param_storage" [id=688, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=689, metatype=UnknownMetatype, type=symmetric_quantize]; +"a5/b3/0/conv2d/0" [id=690, metatype=PTConv2dMetatype, type=conv2d]; +"a5.b3.1.weight" [id=691, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b3.1.bias" [id=692, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b3.1.running_mean" [id=693, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b3.1.running_var" [id=694, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b3/1/batch_norm/0" [id=695, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a5/b3/2/relu_/0" [id=696, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.a5/b3/2/relu_/0__0.0._scale_param_storage" [id=697, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=698, metatype=UnknownMetatype, type=symmetric_quantize]; +"a5.b3.3.weight" [id=699, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b3.3.bias" [id=700, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a5/b3/3/conv2d/0__1.0._scale_param_storage" [id=701, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=702, metatype=UnknownMetatype, type=symmetric_quantize]; +"a5/b3/3/conv2d/0" [id=703, metatype=PTConv2dMetatype, type=conv2d]; +"a5.b3.4.weight" [id=704, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b3.4.bias" [id=705, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b3.4.running_mean" [id=706, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b3.4.running_var" [id=707, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b3/4/batch_norm/0" [id=708, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a5/b3/5/relu_/0" [id=709, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.a5/b3/5/relu_/0__0.0._scale_param_storage" [id=710, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=711, metatype=UnknownMetatype, type=symmetric_quantize]; +"a5.b3.6.weight" [id=712, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b3.6.bias" [id=713, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a5/b3/6/conv2d/0__1.0._scale_param_storage" [id=714, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=715, metatype=UnknownMetatype, type=symmetric_quantize]; +"a5/b3/6/conv2d/0" [id=716, metatype=PTConv2dMetatype, type=conv2d]; +"a5.b3.7.weight" [id=717, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b3.7.bias" [id=718, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b3.7.running_mean" [id=719, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b3.7.running_var" [id=720, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b3/7/batch_norm/0" [id=721, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a5/b3/8/relu_/0" [id=722, metatype=PTRELUMetatype, type=relu_]; +"a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=723, metatype=UnknownMetatype, type=symmetric_quantize]; +"a5/b4/0/max_pool2d/0" [id=724, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"a5.b4.1.weight" [id=725, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b4.1.bias" [id=726, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.a5/b4/1/conv2d/0__1.0._scale_param_storage" [id=727, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=728, metatype=UnknownMetatype, type=symmetric_quantize]; +"a5/b4/1/conv2d/0" [id=729, metatype=PTConv2dMetatype, type=conv2d]; +"a5.b4.2.weight" [id=730, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b4.2.bias" [id=731, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b4.2.running_mean" [id=732, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5.b4.2.running_var" [id=733, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"a5/b4/2/batch_norm/0" [id=734, metatype=PT2BatchNormMetatype, type=batch_norm]; +"a5/b4/3/relu_/0" [id=735, metatype=PTRELUMetatype, type=relu_]; +"a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=736, metatype=UnknownMetatype, type=symmetric_quantize]; +"a5/cat/0" [id=737, metatype=PTCatMetatype, type=cat]; +"b5.b1.0.weight" [id=738, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b1.0.bias" [id=739, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b5/b1/0/conv2d/0__1.0._scale_param_storage" [id=740, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=741, metatype=UnknownMetatype, type=symmetric_quantize]; +"b5/b1/0/conv2d/0" [id=742, metatype=PTConv2dMetatype, type=conv2d]; +"b5.b1.1.weight" [id=743, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b1.1.bias" [id=744, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b1.1.running_mean" [id=745, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b1.1.running_var" [id=746, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b1/1/batch_norm/0" [id=747, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b5/b1/2/relu_/0" [id=748, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b5/b1/2/relu_/0__0.0._scale_param_storage" [id=749, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=750, metatype=UnknownMetatype, type=symmetric_quantize]; +"b5.b2.0.weight" [id=751, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b2.0.bias" [id=752, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b5/b2/0/conv2d/0__1.0._scale_param_storage" [id=753, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=754, metatype=UnknownMetatype, type=symmetric_quantize]; +"b5/b2/0/conv2d/0" [id=755, metatype=PTConv2dMetatype, type=conv2d]; +"b5.b2.1.weight" [id=756, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b2.1.bias" [id=757, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b2.1.running_mean" [id=758, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b2.1.running_var" [id=759, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b2/1/batch_norm/0" [id=760, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b5/b2/2/relu_/0" [id=761, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b5/b2/2/relu_/0__0.0._scale_param_storage" [id=762, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=763, metatype=UnknownMetatype, type=symmetric_quantize]; +"b5.b2.3.weight" [id=764, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b2.3.bias" [id=765, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b5/b2/3/conv2d/0__1.0._scale_param_storage" [id=766, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=767, metatype=UnknownMetatype, type=symmetric_quantize]; +"b5/b2/3/conv2d/0" [id=768, metatype=PTConv2dMetatype, type=conv2d]; +"b5.b2.4.weight" [id=769, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b2.4.bias" [id=770, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b2.4.running_mean" [id=771, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b2.4.running_var" [id=772, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b2/4/batch_norm/0" [id=773, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b5/b2/5/relu_/0" [id=774, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b5/b2/5/relu_/0__0.0._scale_param_storage" [id=775, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" [id=776, metatype=UnknownMetatype, type=symmetric_quantize]; +"b5.b3.0.weight" [id=777, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b3.0.bias" [id=778, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b5/b3/0/conv2d/0__1.0._scale_param_storage" [id=779, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=780, metatype=UnknownMetatype, type=symmetric_quantize]; +"b5/b3/0/conv2d/0" [id=781, metatype=PTConv2dMetatype, type=conv2d]; +"b5.b3.1.weight" [id=782, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b3.1.bias" [id=783, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b3.1.running_mean" [id=784, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b3.1.running_var" [id=785, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b3/1/batch_norm/0" [id=786, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b5/b3/2/relu_/0" [id=787, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b5/b3/2/relu_/0__0.0._scale_param_storage" [id=788, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=789, metatype=UnknownMetatype, type=symmetric_quantize]; +"b5.b3.3.weight" [id=790, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b3.3.bias" [id=791, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b5/b3/3/conv2d/0__1.0._scale_param_storage" [id=792, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=793, metatype=UnknownMetatype, type=symmetric_quantize]; +"b5/b3/3/conv2d/0" [id=794, metatype=PTConv2dMetatype, type=conv2d]; +"b5.b3.4.weight" [id=795, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b3.4.bias" [id=796, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b3.4.running_mean" [id=797, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b3.4.running_var" [id=798, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b3/4/batch_norm/0" [id=799, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b5/b3/5/relu_/0" [id=800, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b5/b3/5/relu_/0__0.0._scale_param_storage" [id=801, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=802, metatype=UnknownMetatype, type=symmetric_quantize]; +"b5.b3.6.weight" [id=803, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b3.6.bias" [id=804, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b5/b3/6/conv2d/0__1.0._scale_param_storage" [id=805, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=806, metatype=UnknownMetatype, type=symmetric_quantize]; +"b5/b3/6/conv2d/0" [id=807, metatype=PTConv2dMetatype, type=conv2d]; +"b5.b3.7.weight" [id=808, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b3.7.bias" [id=809, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b3.7.running_mean" [id=810, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b3.7.running_var" [id=811, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b3/7/batch_norm/0" [id=812, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b5/b3/8/relu_/0" [id=813, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b5/b3/8/relu_/0__0.0._scale_param_storage" [id=814, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=815, metatype=UnknownMetatype, type=symmetric_quantize]; +"b5/b4/0/max_pool2d/0" [id=816, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"b5.b4.1.weight" [id=817, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b4.1.bias" [id=818, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.b5/b4/1/conv2d/0__1.0._scale_param_storage" [id=819, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=820, metatype=UnknownMetatype, type=symmetric_quantize]; +"b5/b4/1/conv2d/0" [id=821, metatype=PTConv2dMetatype, type=conv2d]; +"b5.b4.2.weight" [id=822, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b4.2.bias" [id=823, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b4.2.running_mean" [id=824, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5.b4.2.running_var" [id=825, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b4/2/batch_norm/0" [id=826, metatype=PT2BatchNormMetatype, type=batch_norm]; +"b5/b4/3/relu_/0" [id=827, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.b5/b4/3/relu_/0__0.0._scale_param_storage" [id=828, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=829, metatype=UnknownMetatype, type=symmetric_quantize]; +"b5/cat/0" [id=830, metatype=PTCatMetatype, type=cat]; +"avgpool/avg_pool2d/0" [id=831, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks.avgpool/avg_pool2d/0__0.0._scale_param_storage" [id=832, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=833, metatype=UnknownMetatype, type=symmetric_quantize]; +"/view/0" [id=834, metatype=PTReshapeMetatype, type=view]; +"linear.weight" [id=835, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"linear.bias" [id=836, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=837, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=838, metatype=UnknownMetatype, type=symmetric_quantize]; +"linear/linear/0" [id=839, metatype=PTLinearMetatype, type=linear]; +output [id=840, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "pre_layers/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"pre_layers.0.weight" -> "pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 3, 3, 3)"]; +"pre_layers.0.bias" -> "pre_layers/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"__nncf_hooks.pre_hooks.pre_layers/0/conv2d/0__1.0._scale_param_storage" -> "pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" -> "pre_layers/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 3, 3, 3)"]; +"pre_layers/0/conv2d/0" -> "pre_layers/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"pre_layers.1.weight" -> "pre_layers/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"pre_layers.1.bias" -> "pre_layers/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"pre_layers.1.running_mean" -> "pre_layers/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"pre_layers.1.running_var" -> "pre_layers/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"pre_layers/1/batch_norm/0" -> "pre_layers/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"pre_layers/2/relu_/0" -> "pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"__nncf_hooks.post_hooks.pre_layers/2/relu_/0__0.0._scale_param_storage" -> "pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"a3.b1.0.weight" -> "a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 192, 1, 1)"]; +"a3.b1.0.bias" -> "a3/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.a3/b1/0/conv2d/0__1.0._scale_param_storage" -> "a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 192, 1, 1)"]; +"a3/b1/0/conv2d/0" -> "a3/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"a3.b1.1.weight" -> "a3/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"a3.b1.1.bias" -> "a3/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"a3.b1.1.running_mean" -> "a3/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"a3.b1.1.running_var" -> "a3/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"a3/b1/1/batch_norm/0" -> "a3/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"a3/b1/2/relu_/0" -> "a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"a3.b2.0.weight" -> "a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 192, 1, 1)"]; +"a3.b2.0.bias" -> "a3/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"__nncf_hooks.pre_hooks.a3/b2/0/conv2d/0__1.0._scale_param_storage" -> "a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 192, 1, 1)"]; +"a3/b2/0/conv2d/0" -> "a3/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"a3.b2.1.weight" -> "a3/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"a3.b2.1.bias" -> "a3/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"a3.b2.1.running_mean" -> "a3/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"a3.b2.1.running_var" -> "a3/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"a3/b2/1/batch_norm/0" -> "a3/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"a3/b2/2/relu_/0" -> "a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"__nncf_hooks.post_hooks.a3/b2/2/relu_/0__0.0._scale_param_storage" -> "a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"a3.b2.3.weight" -> "a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 96, 3, 3)"]; +"a3.b2.3.bias" -> "a3/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.a3/b2/3/conv2d/0__1.0._scale_param_storage" -> "a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 96, 3, 3)"]; +"a3/b2/3/conv2d/0" -> "a3/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"a3.b2.4.weight" -> "a3/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"a3.b2.4.bias" -> "a3/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"a3.b2.4.running_mean" -> "a3/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"a3.b2.4.running_var" -> "a3/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"a3/b2/4/batch_norm/0" -> "a3/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"a3/b2/5/relu_/0" -> "a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 32, 32)"]; +"a3.b3.0.weight" -> "a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 192, 1, 1)"]; +"a3.b3.0.bias" -> "a3/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"__nncf_hooks.pre_hooks.a3/b3/0/conv2d/0__1.0._scale_param_storage" -> "a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; +"a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 192, 1, 1)"]; +"a3/b3/0/conv2d/0" -> "a3/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; +"a3.b3.1.weight" -> "a3/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; +"a3.b3.1.bias" -> "a3/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"a3.b3.1.running_mean" -> "a3/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; +"a3.b3.1.running_var" -> "a3/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; +"a3/b3/1/batch_norm/0" -> "a3/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; +"a3/b3/2/relu_/0" -> "a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; +"__nncf_hooks.post_hooks.a3/b3/2/relu_/0__0.0._scale_param_storage" -> "a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; +"a3.b3.3.weight" -> "a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 16, 3, 3)"]; +"a3.b3.3.bias" -> "a3/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"__nncf_hooks.pre_hooks.a3/b3/3/conv2d/0__1.0._scale_param_storage" -> "a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 16, 3, 3)"]; +"a3/b3/3/conv2d/0" -> "a3/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"a3.b3.4.weight" -> "a3/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"a3.b3.4.bias" -> "a3/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"a3.b3.4.running_mean" -> "a3/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"a3.b3.4.running_var" -> "a3/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"a3/b3/4/batch_norm/0" -> "a3/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"a3/b3/5/relu_/0" -> "a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"__nncf_hooks.post_hooks.a3/b3/5/relu_/0__0.0._scale_param_storage" -> "a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"a3.b3.6.weight" -> "a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 32, 3, 3)"]; +"a3.b3.6.bias" -> "a3/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"__nncf_hooks.pre_hooks.a3/b3/6/conv2d/0__1.0._scale_param_storage" -> "a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 32, 3, 3)"]; +"a3/b3/6/conv2d/0" -> "a3/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"a3.b3.7.weight" -> "a3/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"a3.b3.7.bias" -> "a3/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"a3.b3.7.running_mean" -> "a3/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"a3.b3.7.running_var" -> "a3/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"a3/b3/7/batch_norm/0" -> "a3/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"a3/b3/8/relu_/0" -> "a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 32, 32)"]; +"a3/b4/0/max_pool2d/0" -> "a3/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"a3.b4.1.weight" -> "a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 192, 1, 1)"]; +"a3.b4.1.bias" -> "a3/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"__nncf_hooks.pre_hooks.a3/b4/1/conv2d/0__1.0._scale_param_storage" -> "a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 192, 1, 1)"]; +"a3/b4/1/conv2d/0" -> "a3/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"a3.b4.2.weight" -> "a3/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"a3.b4.2.bias" -> "a3/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"a3.b4.2.running_mean" -> "a3/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"a3.b4.2.running_var" -> "a3/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"a3/b4/2/batch_norm/0" -> "a3/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"a3/b4/3/relu_/0" -> "a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 32, 32)"]; +"a3/cat/0" -> "b3/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; +"a3/cat/0" -> "b3/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; +"a3/cat/0" -> "b3/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; +"a3/cat/0" -> "b3/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; +"b3.b1.0.weight" -> "b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 256, 1, 1)"]; +"b3.b1.0.bias" -> "b3/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.b3/b1/0/conv2d/0__1.0._scale_param_storage" -> "b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; +"b3/b1/0/conv2d/0" -> "b3/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"b3.b1.1.weight" -> "b3/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"b3.b1.1.bias" -> "b3/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"b3.b1.1.running_mean" -> "b3/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"b3.b1.1.running_var" -> "b3/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"b3/b1/1/batch_norm/0" -> "b3/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"b3/b1/2/relu_/0" -> "b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"b3.b2.0.weight" -> "b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 256, 1, 1)"]; +"b3.b2.0.bias" -> "b3/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.b3/b2/0/conv2d/0__1.0._scale_param_storage" -> "b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; +"b3/b2/0/conv2d/0" -> "b3/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"b3.b2.1.weight" -> "b3/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"b3.b2.1.bias" -> "b3/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"b3.b2.1.running_mean" -> "b3/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"b3.b2.1.running_var" -> "b3/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"b3/b2/1/batch_norm/0" -> "b3/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"b3/b2/2/relu_/0" -> "b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"__nncf_hooks.post_hooks.b3/b2/2/relu_/0__0.0._scale_param_storage" -> "b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "b3/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; +"b3.b2.3.weight" -> "b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 128, 3, 3)"]; +"b3.b2.3.bias" -> "b3/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"__nncf_hooks.pre_hooks.b3/b2/3/conv2d/0__1.0._scale_param_storage" -> "b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 128, 3, 3)"]; +"b3/b2/3/conv2d/0" -> "b3/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"b3.b2.4.weight" -> "b3/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"b3.b2.4.bias" -> "b3/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"b3.b2.4.running_mean" -> "b3/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"b3.b2.4.running_var" -> "b3/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"b3/b2/4/batch_norm/0" -> "b3/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"b3/b2/5/relu_/0" -> "b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; +"b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 32, 32)"]; +"b3.b3.0.weight" -> "b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 256, 1, 1)"]; +"b3.b3.0.bias" -> "b3/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"__nncf_hooks.pre_hooks.b3/b3/0/conv2d/0__1.0._scale_param_storage" -> "b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 256, 1, 1)"]; +"b3/b3/0/conv2d/0" -> "b3/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"b3.b3.1.weight" -> "b3/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"b3.b3.1.bias" -> "b3/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"b3.b3.1.running_mean" -> "b3/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"b3.b3.1.running_var" -> "b3/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"b3/b3/1/batch_norm/0" -> "b3/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"b3/b3/2/relu_/0" -> "b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"__nncf_hooks.post_hooks.b3/b3/2/relu_/0__0.0._scale_param_storage" -> "b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "b3/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; +"b3.b3.3.weight" -> "b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 32, 3, 3)"]; +"b3.b3.3.bias" -> "b3/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"__nncf_hooks.pre_hooks.b3/b3/3/conv2d/0__1.0._scale_param_storage" -> "b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 32, 3, 3)"]; +"b3/b3/3/conv2d/0" -> "b3/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"b3.b3.4.weight" -> "b3/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"b3.b3.4.bias" -> "b3/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"b3.b3.4.running_mean" -> "b3/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"b3.b3.4.running_var" -> "b3/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"b3/b3/4/batch_norm/0" -> "b3/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"b3/b3/5/relu_/0" -> "b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"__nncf_hooks.post_hooks.b3/b3/5/relu_/0__0.0._scale_param_storage" -> "b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "b3/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"b3.b3.6.weight" -> "b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 3, 3)"]; +"b3.b3.6.bias" -> "b3/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"__nncf_hooks.pre_hooks.b3/b3/6/conv2d/0__1.0._scale_param_storage" -> "b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; +"b3/b3/6/conv2d/0" -> "b3/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"b3.b3.7.weight" -> "b3/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"b3.b3.7.bias" -> "b3/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"b3.b3.7.running_mean" -> "b3/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"b3.b3.7.running_var" -> "b3/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"b3/b3/7/batch_norm/0" -> "b3/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"b3/b3/8/relu_/0" -> "b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; +"b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 96, 32, 32)"]; +"b3/b4/0/max_pool2d/0" -> "b3/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; +"b3.b4.1.weight" -> "b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 256, 1, 1)"]; +"b3.b4.1.bias" -> "b3/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.b3/b4/1/conv2d/0__1.0._scale_param_storage" -> "b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 256, 1, 1)"]; +"b3/b4/1/conv2d/0" -> "b3/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"b3.b4.2.weight" -> "b3/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"b3.b4.2.bias" -> "b3/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"b3.b4.2.running_mean" -> "b3/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"b3.b4.2.running_var" -> "b3/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"b3/b4/2/batch_norm/0" -> "b3/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"b3/b4/3/relu_/0" -> "b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 64, 32, 32)"]; +"b3/cat/0" -> "maxpool/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 32, 32)"]; +"maxpool/max_pool2d/0" -> "a4/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; +"maxpool/max_pool2d/0" -> "a4/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; +"maxpool/max_pool2d/0" -> "a4/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; +"maxpool/max_pool2d/0" -> "a4/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; +"a4.b1.0.weight" -> "a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 480, 1, 1)"]; +"a4.b1.0.bias" -> "a4/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"__nncf_hooks.pre_hooks.a4/b1/0/conv2d/0__1.0._scale_param_storage" -> "a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 480, 1, 1)"]; +"a4/b1/0/conv2d/0" -> "a4/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; +"a4.b1.1.weight" -> "a4/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"a4.b1.1.bias" -> "a4/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"a4.b1.1.running_mean" -> "a4/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"a4.b1.1.running_var" -> "a4/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"a4/b1/1/batch_norm/0" -> "a4/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; +"a4/b1/2/relu_/0" -> "a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; +"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; +"a4.b2.0.weight" -> "a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 480, 1, 1)"]; +"a4.b2.0.bias" -> "a4/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"__nncf_hooks.pre_hooks.a4/b2/0/conv2d/0__1.0._scale_param_storage" -> "a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 480, 1, 1)"]; +"a4/b2/0/conv2d/0" -> "a4/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"a4.b2.1.weight" -> "a4/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"a4.b2.1.bias" -> "a4/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"a4.b2.1.running_mean" -> "a4/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"a4.b2.1.running_var" -> "a4/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"a4/b2/1/batch_norm/0" -> "a4/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"a4/b2/2/relu_/0" -> "a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"__nncf_hooks.post_hooks.a4/b2/2/relu_/0__0.0._scale_param_storage" -> "a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "a4/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"a4.b2.3.weight" -> "a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(208, 96, 3, 3)"]; +"a4.b2.3.bias" -> "a4/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(208,)"]; +"__nncf_hooks.pre_hooks.a4/b2/3/conv2d/0__1.0._scale_param_storage" -> "a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(208, 1, 1, 1)"]; +"a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(208, 96, 3, 3)"]; +"a4/b2/3/conv2d/0" -> "a4/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 208, 16, 16)"]; +"a4.b2.4.weight" -> "a4/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(208,)"]; +"a4.b2.4.bias" -> "a4/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(208,)"]; +"a4.b2.4.running_mean" -> "a4/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(208,)"]; +"a4.b2.4.running_var" -> "a4/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(208,)"]; +"a4/b2/4/batch_norm/0" -> "a4/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 208, 16, 16)"]; +"a4/b2/5/relu_/0" -> "a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 208, 16, 16)"]; +"a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 208, 16, 16)"]; +"a4.b3.0.weight" -> "a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 480, 1, 1)"]; +"a4.b3.0.bias" -> "a4/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"__nncf_hooks.pre_hooks.a4/b3/0/conv2d/0__1.0._scale_param_storage" -> "a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; +"a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 480, 1, 1)"]; +"a4/b3/0/conv2d/0" -> "a4/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"a4.b3.1.weight" -> "a4/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; +"a4.b3.1.bias" -> "a4/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"a4.b3.1.running_mean" -> "a4/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; +"a4.b3.1.running_var" -> "a4/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; +"a4/b3/1/batch_norm/0" -> "a4/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"a4/b3/2/relu_/0" -> "a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"__nncf_hooks.post_hooks.a4/b3/2/relu_/0__0.0._scale_param_storage" -> "a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "a4/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"a4.b3.3.weight" -> "a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 16, 3, 3)"]; +"a4.b3.3.bias" -> "a4/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"__nncf_hooks.pre_hooks.a4/b3/3/conv2d/0__1.0._scale_param_storage" -> "a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 16, 3, 3)"]; +"a4/b3/3/conv2d/0" -> "a4/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"a4.b3.4.weight" -> "a4/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"a4.b3.4.bias" -> "a4/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"a4.b3.4.running_mean" -> "a4/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"a4.b3.4.running_var" -> "a4/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"a4/b3/4/batch_norm/0" -> "a4/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"a4/b3/5/relu_/0" -> "a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"__nncf_hooks.post_hooks.a4/b3/5/relu_/0__0.0._scale_param_storage" -> "a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "a4/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"a4.b3.6.weight" -> "a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 3, 3)"]; +"a4.b3.6.bias" -> "a4/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"__nncf_hooks.pre_hooks.a4/b3/6/conv2d/0__1.0._scale_param_storage" -> "a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 3, 3)"]; +"a4/b3/6/conv2d/0" -> "a4/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"a4.b3.7.weight" -> "a4/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"a4.b3.7.bias" -> "a4/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"a4.b3.7.running_mean" -> "a4/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"a4.b3.7.running_var" -> "a4/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"a4/b3/7/batch_norm/0" -> "a4/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"a4/b3/8/relu_/0" -> "a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 48, 16, 16)"]; +"a4/b4/0/max_pool2d/0" -> "a4/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; +"a4.b4.1.weight" -> "a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 480, 1, 1)"]; +"a4.b4.1.bias" -> "a4/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.a4/b4/1/conv2d/0__1.0._scale_param_storage" -> "a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 480, 1, 1)"]; +"a4/b4/1/conv2d/0" -> "a4/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"a4.b4.2.weight" -> "a4/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"a4.b4.2.bias" -> "a4/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"a4.b4.2.running_mean" -> "a4/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"a4.b4.2.running_var" -> "a4/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"a4/b4/2/batch_norm/0" -> "a4/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"a4/b4/3/relu_/0" -> "a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 64, 16, 16)"]; +"a4/cat/0" -> "b4/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"a4/cat/0" -> "b4/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"a4/cat/0" -> "b4/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"a4/cat/0" -> "b4/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"b4.b1.0.weight" -> "b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 512, 1, 1)"]; +"b4.b1.0.bias" -> "b4/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"__nncf_hooks.pre_hooks.b4/b1/0/conv2d/0__1.0._scale_param_storage" -> "b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 512, 1, 1)"]; +"b4/b1/0/conv2d/0" -> "b4/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"b4.b1.1.weight" -> "b4/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"b4.b1.1.bias" -> "b4/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"b4.b1.1.running_mean" -> "b4/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"b4.b1.1.running_var" -> "b4/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"b4/b1/1/batch_norm/0" -> "b4/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"b4/b1/2/relu_/0" -> "b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"b4.b2.0.weight" -> "b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(112, 512, 1, 1)"]; +"b4.b2.0.bias" -> "b4/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(112,)"]; +"__nncf_hooks.pre_hooks.b4/b2/0/conv2d/0__1.0._scale_param_storage" -> "b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(112, 1, 1, 1)"]; +"b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112, 512, 1, 1)"]; +"b4/b2/0/conv2d/0" -> "b4/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; +"b4.b2.1.weight" -> "b4/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112,)"]; +"b4.b2.1.bias" -> "b4/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(112,)"]; +"b4.b2.1.running_mean" -> "b4/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(112,)"]; +"b4.b2.1.running_var" -> "b4/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(112,)"]; +"b4/b2/1/batch_norm/0" -> "b4/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; +"b4/b2/2/relu_/0" -> "b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; +"__nncf_hooks.post_hooks.b4/b2/2/relu_/0__0.0._scale_param_storage" -> "b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "b4/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; +"b4.b2.3.weight" -> "b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(224, 112, 3, 3)"]; +"b4.b2.3.bias" -> "b4/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(224,)"]; +"__nncf_hooks.pre_hooks.b4/b2/3/conv2d/0__1.0._scale_param_storage" -> "b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(224, 1, 1, 1)"]; +"b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(224, 112, 3, 3)"]; +"b4/b2/3/conv2d/0" -> "b4/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; +"b4.b2.4.weight" -> "b4/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(224,)"]; +"b4.b2.4.bias" -> "b4/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(224,)"]; +"b4.b2.4.running_mean" -> "b4/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(224,)"]; +"b4.b2.4.running_var" -> "b4/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(224,)"]; +"b4/b2/4/batch_norm/0" -> "b4/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; +"b4/b2/5/relu_/0" -> "b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; +"b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 224, 16, 16)"]; +"b4.b3.0.weight" -> "b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 512, 1, 1)"]; +"b4.b3.0.bias" -> "b4/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"__nncf_hooks.pre_hooks.b4/b3/0/conv2d/0__1.0._scale_param_storage" -> "b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 512, 1, 1)"]; +"b4/b3/0/conv2d/0" -> "b4/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"b4.b3.1.weight" -> "b4/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"b4.b3.1.bias" -> "b4/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"b4.b3.1.running_mean" -> "b4/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"b4.b3.1.running_var" -> "b4/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"b4/b3/1/batch_norm/0" -> "b4/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"b4/b3/2/relu_/0" -> "b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"__nncf_hooks.post_hooks.b4/b3/2/relu_/0__0.0._scale_param_storage" -> "b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "b4/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"b4.b3.3.weight" -> "b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 24, 3, 3)"]; +"b4.b3.3.bias" -> "b4/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.b4/b3/3/conv2d/0__1.0._scale_param_storage" -> "b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 24, 3, 3)"]; +"b4/b3/3/conv2d/0" -> "b4/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"b4.b3.4.weight" -> "b4/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"b4.b3.4.bias" -> "b4/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"b4.b3.4.running_mean" -> "b4/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"b4.b3.4.running_var" -> "b4/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"b4/b3/4/batch_norm/0" -> "b4/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"b4/b3/5/relu_/0" -> "b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"__nncf_hooks.post_hooks.b4/b3/5/relu_/0__0.0._scale_param_storage" -> "b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "b4/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"b4.b3.6.weight" -> "b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; +"b4.b3.6.bias" -> "b4/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.b4/b3/6/conv2d/0__1.0._scale_param_storage" -> "b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"b4/b3/6/conv2d/0" -> "b4/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"b4.b3.7.weight" -> "b4/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"b4.b3.7.bias" -> "b4/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"b4.b3.7.running_mean" -> "b4/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"b4.b3.7.running_var" -> "b4/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"b4/b3/7/batch_norm/0" -> "b4/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"b4/b3/8/relu_/0" -> "b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 64, 16, 16)"]; +"b4/b4/0/max_pool2d/0" -> "b4/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"b4.b4.1.weight" -> "b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 512, 1, 1)"]; +"b4.b4.1.bias" -> "b4/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.b4/b4/1/conv2d/0__1.0._scale_param_storage" -> "b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 512, 1, 1)"]; +"b4/b4/1/conv2d/0" -> "b4/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"b4.b4.2.weight" -> "b4/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"b4.b4.2.bias" -> "b4/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"b4.b4.2.running_mean" -> "b4/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"b4.b4.2.running_var" -> "b4/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"b4/b4/2/batch_norm/0" -> "b4/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"b4/b4/3/relu_/0" -> "b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 64, 16, 16)"]; +"b4/cat/0" -> "c4/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"b4/cat/0" -> "c4/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"b4/cat/0" -> "c4/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"b4/cat/0" -> "c4/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"c4.b1.0.weight" -> "c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 512, 1, 1)"]; +"c4.b1.0.bias" -> "c4/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.c4/b1/0/conv2d/0__1.0._scale_param_storage" -> "c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512, 1, 1)"]; +"c4/b1/0/conv2d/0" -> "c4/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"c4.b1.1.weight" -> "c4/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"c4.b1.1.bias" -> "c4/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"c4.b1.1.running_mean" -> "c4/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"c4.b1.1.running_var" -> "c4/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"c4/b1/1/batch_norm/0" -> "c4/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"c4/b1/2/relu_/0" -> "c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"c4.b2.0.weight" -> "c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 512, 1, 1)"]; +"c4.b2.0.bias" -> "c4/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.c4/b2/0/conv2d/0__1.0._scale_param_storage" -> "c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512, 1, 1)"]; +"c4/b2/0/conv2d/0" -> "c4/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"c4.b2.1.weight" -> "c4/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"c4.b2.1.bias" -> "c4/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"c4.b2.1.running_mean" -> "c4/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"c4.b2.1.running_var" -> "c4/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"c4/b2/1/batch_norm/0" -> "c4/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"c4/b2/2/relu_/0" -> "c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.c4/b2/2/relu_/0__0.0._scale_param_storage" -> "c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"c4.b2.3.weight" -> "c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 128, 3, 3)"]; +"c4.b2.3.bias" -> "c4/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.c4/b2/3/conv2d/0__1.0._scale_param_storage" -> "c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 3, 3)"]; +"c4/b2/3/conv2d/0" -> "c4/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"c4.b2.4.weight" -> "c4/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"c4.b2.4.bias" -> "c4/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"c4.b2.4.running_mean" -> "c4/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"c4.b2.4.running_var" -> "c4/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"c4/b2/4/batch_norm/0" -> "c4/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"c4/b2/5/relu_/0" -> "c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 16, 16)"]; +"c4.b3.0.weight" -> "c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 512, 1, 1)"]; +"c4.b3.0.bias" -> "c4/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"__nncf_hooks.pre_hooks.c4/b3/0/conv2d/0__1.0._scale_param_storage" -> "c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 512, 1, 1)"]; +"c4/b3/0/conv2d/0" -> "c4/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"c4.b3.1.weight" -> "c4/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"c4.b3.1.bias" -> "c4/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"c4.b3.1.running_mean" -> "c4/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"c4.b3.1.running_var" -> "c4/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"c4/b3/1/batch_norm/0" -> "c4/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"c4/b3/2/relu_/0" -> "c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"__nncf_hooks.post_hooks.c4/b3/2/relu_/0__0.0._scale_param_storage" -> "c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"c4.b3.3.weight" -> "c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 24, 3, 3)"]; +"c4.b3.3.bias" -> "c4/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.c4/b3/3/conv2d/0__1.0._scale_param_storage" -> "c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 24, 3, 3)"]; +"c4/b3/3/conv2d/0" -> "c4/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"c4.b3.4.weight" -> "c4/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"c4.b3.4.bias" -> "c4/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"c4.b3.4.running_mean" -> "c4/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"c4.b3.4.running_var" -> "c4/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"c4/b3/4/batch_norm/0" -> "c4/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"c4/b3/5/relu_/0" -> "c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"__nncf_hooks.post_hooks.c4/b3/5/relu_/0__0.0._scale_param_storage" -> "c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "c4/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"c4.b3.6.weight" -> "c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; +"c4.b3.6.bias" -> "c4/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.c4/b3/6/conv2d/0__1.0._scale_param_storage" -> "c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"c4/b3/6/conv2d/0" -> "c4/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"c4.b3.7.weight" -> "c4/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"c4.b3.7.bias" -> "c4/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"c4.b3.7.running_mean" -> "c4/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"c4.b3.7.running_var" -> "c4/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"c4/b3/7/batch_norm/0" -> "c4/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"c4/b3/8/relu_/0" -> "c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 64, 16, 16)"]; +"c4/b4/0/max_pool2d/0" -> "c4/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"c4.b4.1.weight" -> "c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 512, 1, 1)"]; +"c4.b4.1.bias" -> "c4/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.c4/b4/1/conv2d/0__1.0._scale_param_storage" -> "c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 512, 1, 1)"]; +"c4/b4/1/conv2d/0" -> "c4/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"c4.b4.2.weight" -> "c4/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"c4.b4.2.bias" -> "c4/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"c4.b4.2.running_mean" -> "c4/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"c4.b4.2.running_var" -> "c4/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"c4/b4/2/batch_norm/0" -> "c4/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"c4/b4/3/relu_/0" -> "c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 64, 16, 16)"]; +"c4/cat/0" -> "d4/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"c4/cat/0" -> "d4/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"c4/cat/0" -> "d4/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"c4/cat/0" -> "d4/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"d4.b1.0.weight" -> "d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(112, 512, 1, 1)"]; +"d4.b1.0.bias" -> "d4/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(112,)"]; +"__nncf_hooks.pre_hooks.d4/b1/0/conv2d/0__1.0._scale_param_storage" -> "d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(112, 1, 1, 1)"]; +"d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112, 512, 1, 1)"]; +"d4/b1/0/conv2d/0" -> "d4/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; +"d4.b1.1.weight" -> "d4/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112,)"]; +"d4.b1.1.bias" -> "d4/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(112,)"]; +"d4.b1.1.running_mean" -> "d4/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(112,)"]; +"d4.b1.1.running_var" -> "d4/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(112,)"]; +"d4/b1/1/batch_norm/0" -> "d4/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; +"d4/b1/2/relu_/0" -> "d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; +"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; +"d4.b2.0.weight" -> "d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(144, 512, 1, 1)"]; +"d4.b2.0.bias" -> "d4/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"__nncf_hooks.pre_hooks.d4/b2/0/conv2d/0__1.0._scale_param_storage" -> "d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144, 1, 1, 1)"]; +"d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 512, 1, 1)"]; +"d4/b2/0/conv2d/0" -> "d4/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"d4.b2.1.weight" -> "d4/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"d4.b2.1.bias" -> "d4/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"d4.b2.1.running_mean" -> "d4/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"d4.b2.1.running_var" -> "d4/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"d4/b2/1/batch_norm/0" -> "d4/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"d4/b2/2/relu_/0" -> "d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"__nncf_hooks.post_hooks.d4/b2/2/relu_/0__0.0._scale_param_storage" -> "d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; +"d4.b2.3.weight" -> "d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(288, 144, 3, 3)"]; +"d4.b2.3.bias" -> "d4/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; +"__nncf_hooks.pre_hooks.d4/b2/3/conv2d/0__1.0._scale_param_storage" -> "d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288, 1, 1, 1)"]; +"d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288, 144, 3, 3)"]; +"d4/b2/3/conv2d/0" -> "d4/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 16, 16)"]; +"d4.b2.4.weight" -> "d4/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; +"d4.b2.4.bias" -> "d4/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; +"d4.b2.4.running_mean" -> "d4/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; +"d4.b2.4.running_var" -> "d4/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; +"d4/b2/4/batch_norm/0" -> "d4/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 16, 16)"]; +"d4/b2/5/relu_/0" -> "d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 16, 16)"]; +"d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 288, 16, 16)"]; +"d4.b3.0.weight" -> "d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 512, 1, 1)"]; +"d4.b3.0.bias" -> "d4/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"__nncf_hooks.pre_hooks.d4/b3/0/conv2d/0__1.0._scale_param_storage" -> "d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 512, 1, 1)"]; +"d4/b3/0/conv2d/0" -> "d4/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"d4.b3.1.weight" -> "d4/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"d4.b3.1.bias" -> "d4/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"d4.b3.1.running_mean" -> "d4/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"d4.b3.1.running_var" -> "d4/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"d4/b3/1/batch_norm/0" -> "d4/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"d4/b3/2/relu_/0" -> "d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.d4/b3/2/relu_/0__0.0._scale_param_storage" -> "d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"d4.b3.3.weight" -> "d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 32, 3, 3)"]; +"d4.b3.3.bias" -> "d4/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.d4/b3/3/conv2d/0__1.0._scale_param_storage" -> "d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 32, 3, 3)"]; +"d4/b3/3/conv2d/0" -> "d4/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"d4.b3.4.weight" -> "d4/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"d4.b3.4.bias" -> "d4/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"d4.b3.4.running_mean" -> "d4/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"d4.b3.4.running_var" -> "d4/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"d4/b3/4/batch_norm/0" -> "d4/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"d4/b3/5/relu_/0" -> "d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"__nncf_hooks.post_hooks.d4/b3/5/relu_/0__0.0._scale_param_storage" -> "d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "d4/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"d4.b3.6.weight" -> "d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; +"d4.b3.6.bias" -> "d4/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.d4/b3/6/conv2d/0__1.0._scale_param_storage" -> "d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"d4/b3/6/conv2d/0" -> "d4/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"d4.b3.7.weight" -> "d4/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"d4.b3.7.bias" -> "d4/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"d4.b3.7.running_mean" -> "d4/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"d4.b3.7.running_var" -> "d4/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"d4/b3/7/batch_norm/0" -> "d4/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"d4/b3/8/relu_/0" -> "d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 64, 16, 16)"]; +"d4/b4/0/max_pool2d/0" -> "d4/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; +"d4.b4.1.weight" -> "d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 512, 1, 1)"]; +"d4.b4.1.bias" -> "d4/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.d4/b4/1/conv2d/0__1.0._scale_param_storage" -> "d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 512, 1, 1)"]; +"d4/b4/1/conv2d/0" -> "d4/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"d4.b4.2.weight" -> "d4/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"d4.b4.2.bias" -> "d4/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"d4.b4.2.running_mean" -> "d4/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"d4.b4.2.running_var" -> "d4/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"d4/b4/2/batch_norm/0" -> "d4/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"d4/b4/3/relu_/0" -> "d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 64, 16, 16)"]; +"d4/cat/0" -> "e4/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 528, 16, 16)"]; +"d4/cat/0" -> "e4/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 528, 16, 16)"]; +"d4/cat/0" -> "e4/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 528, 16, 16)"]; +"d4/cat/0" -> "e4/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 528, 16, 16)"]; +"e4.b1.0.weight" -> "e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 528, 1, 1)"]; +"e4.b1.0.bias" -> "e4/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.e4/b1/0/conv2d/0__1.0._scale_param_storage" -> "e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 528, 1, 1)"]; +"e4/b1/0/conv2d/0" -> "e4/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"e4.b1.1.weight" -> "e4/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"e4.b1.1.bias" -> "e4/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"e4.b1.1.running_mean" -> "e4/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"e4.b1.1.running_var" -> "e4/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"e4/b1/1/batch_norm/0" -> "e4/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"e4/b1/2/relu_/0" -> "e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; +"e4.b2.0.weight" -> "e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 528, 1, 1)"]; +"e4.b2.0.bias" -> "e4/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"__nncf_hooks.pre_hooks.e4/b2/0/conv2d/0__1.0._scale_param_storage" -> "e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 528, 1, 1)"]; +"e4/b2/0/conv2d/0" -> "e4/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"e4.b2.1.weight" -> "e4/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"e4.b2.1.bias" -> "e4/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"e4.b2.1.running_mean" -> "e4/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"e4.b2.1.running_var" -> "e4/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"e4/b2/1/batch_norm/0" -> "e4/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"e4/b2/2/relu_/0" -> "e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"__nncf_hooks.post_hooks.e4/b2/2/relu_/0__0.0._scale_param_storage" -> "e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "e4/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; +"e4.b2.3.weight" -> "e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(320, 160, 3, 3)"]; +"e4.b2.3.bias" -> "e4/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"__nncf_hooks.pre_hooks.e4/b2/3/conv2d/0__1.0._scale_param_storage" -> "e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320, 1, 1, 1)"]; +"e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 160, 3, 3)"]; +"e4/b2/3/conv2d/0" -> "e4/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 16, 16)"]; +"e4.b2.4.weight" -> "e4/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"e4.b2.4.bias" -> "e4/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"e4.b2.4.running_mean" -> "e4/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"e4.b2.4.running_var" -> "e4/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"e4/b2/4/batch_norm/0" -> "e4/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 16, 16)"]; +"e4/b2/5/relu_/0" -> "e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 16, 16)"]; +"e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 320, 16, 16)"]; +"e4.b3.0.weight" -> "e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 528, 1, 1)"]; +"e4.b3.0.bias" -> "e4/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"__nncf_hooks.pre_hooks.e4/b3/0/conv2d/0__1.0._scale_param_storage" -> "e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 528, 1, 1)"]; +"e4/b3/0/conv2d/0" -> "e4/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"e4.b3.1.weight" -> "e4/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"e4.b3.1.bias" -> "e4/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"e4.b3.1.running_mean" -> "e4/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"e4.b3.1.running_var" -> "e4/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"e4/b3/1/batch_norm/0" -> "e4/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"e4/b3/2/relu_/0" -> "e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.e4/b3/2/relu_/0__0.0._scale_param_storage" -> "e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "e4/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"e4.b3.3.weight" -> "e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 32, 3, 3)"]; +"e4.b3.3.bias" -> "e4/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.e4/b3/3/conv2d/0__1.0._scale_param_storage" -> "e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 3, 3)"]; +"e4/b3/3/conv2d/0" -> "e4/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"e4.b3.4.weight" -> "e4/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"e4.b3.4.bias" -> "e4/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"e4.b3.4.running_mean" -> "e4/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"e4.b3.4.running_var" -> "e4/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"e4/b3/4/batch_norm/0" -> "e4/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"e4/b3/5/relu_/0" -> "e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.e4/b3/5/relu_/0__0.0._scale_param_storage" -> "e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "e4/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"e4.b3.6.weight" -> "e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; +"e4.b3.6.bias" -> "e4/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.e4/b3/6/conv2d/0__1.0._scale_param_storage" -> "e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; +"e4/b3/6/conv2d/0" -> "e4/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"e4.b3.7.weight" -> "e4/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"e4.b3.7.bias" -> "e4/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"e4.b3.7.running_mean" -> "e4/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"e4.b3.7.running_var" -> "e4/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"e4/b3/7/batch_norm/0" -> "e4/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"e4/b3/8/relu_/0" -> "e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 128, 16, 16)"]; +"e4/b4/0/max_pool2d/0" -> "e4/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 528, 16, 16)"]; +"e4.b4.1.weight" -> "e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 528, 1, 1)"]; +"e4.b4.1.bias" -> "e4/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.e4/b4/1/conv2d/0__1.0._scale_param_storage" -> "e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 528, 1, 1)"]; +"e4/b4/1/conv2d/0" -> "e4/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"e4.b4.2.weight" -> "e4/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"e4.b4.2.bias" -> "e4/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"e4.b4.2.running_mean" -> "e4/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"e4.b4.2.running_var" -> "e4/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"e4/b4/2/batch_norm/0" -> "e4/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"e4/b4/3/relu_/0" -> "e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 128, 16, 16)"]; +"e4/cat/0" -> "maxpool/max_pool2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 16, 16)"]; +"maxpool/max_pool2d/1" -> "a5/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; +"maxpool/max_pool2d/1" -> "a5/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; +"maxpool/max_pool2d/1" -> "a5/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; +"maxpool/max_pool2d/1" -> "a5/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; +"a5.b1.0.weight" -> "a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 832, 1, 1)"]; +"a5.b1.0.bias" -> "a5/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.a5/b1/0/conv2d/0__1.0._scale_param_storage" -> "a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 832, 1, 1)"]; +"a5/b1/0/conv2d/0" -> "a5/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"a5.b1.1.weight" -> "a5/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"a5.b1.1.bias" -> "a5/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"a5.b1.1.running_mean" -> "a5/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"a5.b1.1.running_var" -> "a5/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"a5/b1/1/batch_norm/0" -> "a5/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"a5/b1/2/relu_/0" -> "a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"a5.b2.0.weight" -> "a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 832, 1, 1)"]; +"a5.b2.0.bias" -> "a5/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"__nncf_hooks.pre_hooks.a5/b2/0/conv2d/0__1.0._scale_param_storage" -> "a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 832, 1, 1)"]; +"a5/b2/0/conv2d/0" -> "a5/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 8, 8)"]; +"a5.b2.1.weight" -> "a5/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"a5.b2.1.bias" -> "a5/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"a5.b2.1.running_mean" -> "a5/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"a5.b2.1.running_var" -> "a5/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"a5/b2/1/batch_norm/0" -> "a5/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 8, 8)"]; +"a5/b2/2/relu_/0" -> "a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 8, 8)"]; +"__nncf_hooks.post_hooks.a5/b2/2/relu_/0__0.0._scale_param_storage" -> "a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "a5/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 8, 8)"]; +"a5.b2.3.weight" -> "a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(320, 160, 3, 3)"]; +"a5.b2.3.bias" -> "a5/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"__nncf_hooks.pre_hooks.a5/b2/3/conv2d/0__1.0._scale_param_storage" -> "a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320, 1, 1, 1)"]; +"a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 160, 3, 3)"]; +"a5/b2/3/conv2d/0" -> "a5/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"a5.b2.4.weight" -> "a5/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"a5.b2.4.bias" -> "a5/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"a5.b2.4.running_mean" -> "a5/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"a5.b2.4.running_var" -> "a5/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"a5/b2/4/batch_norm/0" -> "a5/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"a5/b2/5/relu_/0" -> "a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; +"a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 320, 8, 8)"]; +"a5.b3.0.weight" -> "a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 832, 1, 1)"]; +"a5.b3.0.bias" -> "a5/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"__nncf_hooks.pre_hooks.a5/b3/0/conv2d/0__1.0._scale_param_storage" -> "a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 832, 1, 1)"]; +"a5/b3/0/conv2d/0" -> "a5/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"a5.b3.1.weight" -> "a5/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"a5.b3.1.bias" -> "a5/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"a5.b3.1.running_mean" -> "a5/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"a5.b3.1.running_var" -> "a5/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"a5/b3/1/batch_norm/0" -> "a5/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"a5/b3/2/relu_/0" -> "a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"__nncf_hooks.post_hooks.a5/b3/2/relu_/0__0.0._scale_param_storage" -> "a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "a5/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; +"a5.b3.3.weight" -> "a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 32, 3, 3)"]; +"a5.b3.3.bias" -> "a5/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.a5/b3/3/conv2d/0__1.0._scale_param_storage" -> "a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 3, 3)"]; +"a5/b3/3/conv2d/0" -> "a5/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"a5.b3.4.weight" -> "a5/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"a5.b3.4.bias" -> "a5/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"a5.b3.4.running_mean" -> "a5/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"a5.b3.4.running_var" -> "a5/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"a5/b3/4/batch_norm/0" -> "a5/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"a5/b3/5/relu_/0" -> "a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.a5/b3/5/relu_/0__0.0._scale_param_storage" -> "a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "a5/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"a5.b3.6.weight" -> "a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; +"a5.b3.6.bias" -> "a5/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.a5/b3/6/conv2d/0__1.0._scale_param_storage" -> "a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; +"a5/b3/6/conv2d/0" -> "a5/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"a5.b3.7.weight" -> "a5/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"a5.b3.7.bias" -> "a5/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"a5.b3.7.running_mean" -> "a5/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"a5.b3.7.running_var" -> "a5/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"a5/b3/7/batch_norm/0" -> "a5/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"a5/b3/8/relu_/0" -> "a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 128, 8, 8)"]; +"a5/b4/0/max_pool2d/0" -> "a5/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; +"a5.b4.1.weight" -> "a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 832, 1, 1)"]; +"a5.b4.1.bias" -> "a5/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.a5/b4/1/conv2d/0__1.0._scale_param_storage" -> "a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 832, 1, 1)"]; +"a5/b4/1/conv2d/0" -> "a5/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"a5.b4.2.weight" -> "a5/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"a5.b4.2.bias" -> "a5/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"a5.b4.2.running_mean" -> "a5/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"a5.b4.2.running_var" -> "a5/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"a5/b4/2/batch_norm/0" -> "a5/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"a5/b4/3/relu_/0" -> "a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 128, 8, 8)"]; +"a5/cat/0" -> "b5/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; +"a5/cat/0" -> "b5/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; +"a5/cat/0" -> "b5/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; +"a5/cat/0" -> "b5/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; +"b5.b1.0.weight" -> "b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 832, 1, 1)"]; +"b5.b1.0.bias" -> "b5/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"__nncf_hooks.pre_hooks.b5/b1/0/conv2d/0__1.0._scale_param_storage" -> "b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 832, 1, 1)"]; +"b5/b1/0/conv2d/0" -> "b5/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"b5.b1.1.weight" -> "b5/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"b5.b1.1.bias" -> "b5/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"b5.b1.1.running_mean" -> "b5/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"b5.b1.1.running_var" -> "b5/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"b5/b1/1/batch_norm/0" -> "b5/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"b5/b1/2/relu_/0" -> "b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"__nncf_hooks.post_hooks.b5/b1/2/relu_/0__0.0._scale_param_storage" -> "b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"b5.b2.0.weight" -> "b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 832, 1, 1)"]; +"b5.b2.0.bias" -> "b5/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"__nncf_hooks.pre_hooks.b5/b2/0/conv2d/0__1.0._scale_param_storage" -> "b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 832, 1, 1)"]; +"b5/b2/0/conv2d/0" -> "b5/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"b5.b2.1.weight" -> "b5/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"b5.b2.1.bias" -> "b5/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"b5.b2.1.running_mean" -> "b5/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"b5.b2.1.running_var" -> "b5/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"b5/b2/1/batch_norm/0" -> "b5/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"b5/b2/2/relu_/0" -> "b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"__nncf_hooks.post_hooks.b5/b2/2/relu_/0__0.0._scale_param_storage" -> "b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "b5/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; +"b5.b2.3.weight" -> "b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 192, 3, 3)"]; +"b5.b2.3.bias" -> "b5/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"__nncf_hooks.pre_hooks.b5/b2/3/conv2d/0__1.0._scale_param_storage" -> "b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 192, 3, 3)"]; +"b5/b2/3/conv2d/0" -> "b5/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"b5.b2.4.weight" -> "b5/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"b5.b2.4.bias" -> "b5/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"b5.b2.4.running_mean" -> "b5/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"b5.b2.4.running_var" -> "b5/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"b5/b2/4/batch_norm/0" -> "b5/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"b5/b2/5/relu_/0" -> "b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; +"__nncf_hooks.post_hooks.b5/b2/5/relu_/0__0.0._scale_param_storage" -> "b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 8, 8)"]; +"b5.b3.0.weight" -> "b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 832, 1, 1)"]; +"b5.b3.0.bias" -> "b5/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"__nncf_hooks.pre_hooks.b5/b3/0/conv2d/0__1.0._scale_param_storage" -> "b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 832, 1, 1)"]; +"b5/b3/0/conv2d/0" -> "b5/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"b5.b3.1.weight" -> "b5/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"b5.b3.1.bias" -> "b5/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"b5.b3.1.running_mean" -> "b5/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"b5.b3.1.running_var" -> "b5/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"b5/b3/1/batch_norm/0" -> "b5/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"b5/b3/2/relu_/0" -> "b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.b5/b3/2/relu_/0__0.0._scale_param_storage" -> "b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "b5/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"b5.b3.3.weight" -> "b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 48, 3, 3)"]; +"b5.b3.3.bias" -> "b5/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.b5/b3/3/conv2d/0__1.0._scale_param_storage" -> "b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 48, 3, 3)"]; +"b5/b3/3/conv2d/0" -> "b5/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"b5.b3.4.weight" -> "b5/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"b5.b3.4.bias" -> "b5/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"b5.b3.4.running_mean" -> "b5/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"b5.b3.4.running_var" -> "b5/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"b5/b3/4/batch_norm/0" -> "b5/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"b5/b3/5/relu_/0" -> "b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.b5/b3/5/relu_/0__0.0._scale_param_storage" -> "b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "b5/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"b5.b3.6.weight" -> "b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; +"b5.b3.6.bias" -> "b5/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.b5/b3/6/conv2d/0__1.0._scale_param_storage" -> "b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; +"b5/b3/6/conv2d/0" -> "b5/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"b5.b3.7.weight" -> "b5/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"b5.b3.7.bias" -> "b5/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"b5.b3.7.running_mean" -> "b5/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"b5.b3.7.running_var" -> "b5/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"b5/b3/7/batch_norm/0" -> "b5/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"b5/b3/8/relu_/0" -> "b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.b5/b3/8/relu_/0__0.0._scale_param_storage" -> "b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 128, 8, 8)"]; +"b5/b4/0/max_pool2d/0" -> "b5/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; +"b5.b4.1.weight" -> "b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 832, 1, 1)"]; +"b5.b4.1.bias" -> "b5/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.b5/b4/1/conv2d/0__1.0._scale_param_storage" -> "b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 832, 1, 1)"]; +"b5/b4/1/conv2d/0" -> "b5/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"b5.b4.2.weight" -> "b5/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"b5.b4.2.bias" -> "b5/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"b5.b4.2.running_mean" -> "b5/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"b5.b4.2.running_var" -> "b5/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"b5/b4/2/batch_norm/0" -> "b5/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"b5/b4/3/relu_/0" -> "b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.b5/b4/3/relu_/0__0.0._scale_param_storage" -> "b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 128, 8, 8)"]; +"b5/cat/0" -> "avgpool/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 8, 8)"]; +"avgpool/avg_pool2d/0" -> "avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; +"__nncf_hooks.post_hooks.avgpool/avg_pool2d/0__0.0._scale_param_storage" -> "avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; +"/view/0" -> "linear/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 1024)"]; +"linear.bias" -> "linear/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(10, 1)"]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 1024)"]; +"linear/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/inception_v3.dot b/tests/torch2/data/quantization/test_quantized_graphs/inception_v3.dot index 4cf828159ad..744b1acef13 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/inception_v3.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/inception_v3.dot @@ -1,2420 +1,2420 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -"/__getitem__/0" [id=3, type="__getitem__", metatype=PTGatherMetatype]; -"/unsqueeze/0" [id=4, type=unsqueeze, metatype=PTReshapeMetatype]; -"/mul/0" [id=5, type=mul, metatype=PTMulMetatype]; -"/add/0" [id=6, type=add, metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__-add-0__0[0]/symmetric_quantize/0" [id=8, type="symmetric_quantize", metatype=UnknownMetatype]; -"/__getitem__/1" [id=9, type="__getitem__", metatype=PTGatherMetatype]; -"/unsqueeze/1" [id=10, type=unsqueeze, metatype=PTReshapeMetatype]; -"/mul/1" [id=11, type=mul, metatype=PTMulMetatype]; -"/add/1" [id=12, type=add, metatype=PTAddMetatype]; -"post_hook__-add-0__0[0]/symmetric_quantize/1" [id=13, type="symmetric_quantize", metatype=UnknownMetatype]; -"/__getitem__/2" [id=14, type="__getitem__", metatype=PTGatherMetatype]; -"/unsqueeze/2" [id=15, type=unsqueeze, metatype=PTReshapeMetatype]; -"/mul/2" [id=16, type=mul, metatype=PTMulMetatype]; -"/add/2" [id=17, type=add, metatype=PTAddMetatype]; -"post_hook__-add-0__0[0]/symmetric_quantize/2" [id=18, type="symmetric_quantize", metatype=UnknownMetatype]; -"/cat/0" [id=19, type=cat, metatype=PTCatMetatype]; -"Conv2d_1a_3x3.conv.weight" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Conv2d_1a_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=22, type="symmetric_quantize", metatype=UnknownMetatype]; -"Conv2d_1a_3x3/conv/conv2d/0" [id=23, type=conv2d, metatype=PTConv2dMetatype]; -"Conv2d_1a_3x3.bn.weight" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_1a_3x3.bn.bias" [id=25, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_1a_3x3.bn.running_mean" [id=26, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_1a_3x3.bn.running_var" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_1a_3x3/bn/batch_norm/0" [id=28, type="batch_norm", metatype=PTBatchNormMetatype]; -"Conv2d_1a_3x3/relu_/0" [id=29, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Conv2d_1a_3x3/relu_/0__0.0._scale_param_storage" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=31, type="symmetric_quantize", metatype=UnknownMetatype]; -"Conv2d_2a_3x3.conv.weight" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Conv2d_2a_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=34, type="symmetric_quantize", metatype=UnknownMetatype]; -"Conv2d_2a_3x3/conv/conv2d/0" [id=35, type=conv2d, metatype=PTConv2dMetatype]; -"Conv2d_2a_3x3.bn.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2a_3x3.bn.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2a_3x3.bn.running_mean" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2a_3x3.bn.running_var" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2a_3x3/bn/batch_norm/0" [id=40, type="batch_norm", metatype=PTBatchNormMetatype]; -"Conv2d_2a_3x3/relu_/0" [id=41, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Conv2d_2a_3x3/relu_/0__0.0._scale_param_storage" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=43, type="symmetric_quantize", metatype=UnknownMetatype]; -"Conv2d_2b_3x3.conv.weight" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Conv2d_2b_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=46, type="symmetric_quantize", metatype=UnknownMetatype]; -"Conv2d_2b_3x3/conv/conv2d/0" [id=47, type=conv2d, metatype=PTConv2dMetatype]; -"Conv2d_2b_3x3.bn.weight" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2b_3x3.bn.bias" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2b_3x3.bn.running_mean" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2b_3x3.bn.running_var" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2b_3x3/bn/batch_norm/0" [id=52, type="batch_norm", metatype=PTBatchNormMetatype]; -"Conv2d_2b_3x3/relu_/0" [id=53, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Conv2d_2b_3x3/relu_/0__0.0._scale_param_storage" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=55, type="symmetric_quantize", metatype=UnknownMetatype]; -"/max_pool2d/0" [id=56, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"Conv2d_3b_1x1.conv.weight" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Conv2d_3b_1x1/conv/conv2d/0__1.0._scale_param_storage" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=59, type="symmetric_quantize", metatype=UnknownMetatype]; -"Conv2d_3b_1x1/conv/conv2d/0" [id=60, type=conv2d, metatype=PTConv2dMetatype]; -"Conv2d_3b_1x1.bn.weight" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_3b_1x1.bn.bias" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_3b_1x1.bn.running_mean" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_3b_1x1.bn.running_var" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_3b_1x1/bn/batch_norm/0" [id=65, type="batch_norm", metatype=PTBatchNormMetatype]; -"Conv2d_3b_1x1/relu_/0" [id=66, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Conv2d_3b_1x1/relu_/0__0.0._scale_param_storage" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" [id=68, type="symmetric_quantize", metatype=UnknownMetatype]; -"Conv2d_4a_3x3.conv.weight" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Conv2d_4a_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=71, type="symmetric_quantize", metatype=UnknownMetatype]; -"Conv2d_4a_3x3/conv/conv2d/0" [id=72, type=conv2d, metatype=PTConv2dMetatype]; -"Conv2d_4a_3x3.bn.weight" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_4a_3x3.bn.bias" [id=74, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_4a_3x3.bn.running_mean" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_4a_3x3.bn.running_var" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_4a_3x3/bn/batch_norm/0" [id=77, type="batch_norm", metatype=PTBatchNormMetatype]; -"Conv2d_4a_3x3/relu_/0" [id=78, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Conv2d_4a_3x3/relu_/0__0.0._scale_param_storage" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=80, type="symmetric_quantize", metatype=UnknownMetatype]; -"/max_pool2d/1" [id=81, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"Mixed_5b.branch1x1.conv.weight" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=84, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b/branch1x1/conv/conv2d/0" [id=85, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5b.branch1x1.bn.weight" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch1x1.bn.bias" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch1x1.bn.running_mean" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch1x1.bn.running_var" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch1x1/bn/batch_norm/0" [id=90, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5b/branch1x1/relu_/0" [id=91, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=93, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b.branch5x5_1.conv.weight" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=96, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b/branch5x5_1/conv/conv2d/0" [id=97, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5b.branch5x5_1.bn.weight" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch5x5_1.bn.bias" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch5x5_1.bn.running_mean" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch5x5_1.bn.running_var" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch5x5_1/bn/batch_norm/0" [id=102, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5b/branch5x5_1/relu_/0" [id=103, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_1/relu_/0__0.0._scale_param_storage" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [id=105, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b.branch5x5_2.conv.weight" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=108, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b/branch5x5_2/conv/conv2d/0" [id=109, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5b.branch5x5_2.bn.weight" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch5x5_2.bn.bias" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch5x5_2.bn.running_mean" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch5x5_2.bn.running_var" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch5x5_2/bn/batch_norm/0" [id=114, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5b/branch5x5_2/relu_/0" [id=115, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=116, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b.branch3x3dbl_1.conv.weight" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=119, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [id=120, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5b.branch3x3dbl_1.bn.weight" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_1.bn.bias" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_1.bn.running_mean" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_1.bn.running_var" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [id=125, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5b/branch3x3dbl_1/relu_/0" [id=126, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=128, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b.branch3x3dbl_2.conv.weight" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=131, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [id=132, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5b.branch3x3dbl_2.bn.weight" [id=133, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_2.bn.bias" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_2.bn.running_mean" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_2.bn.running_var" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [id=137, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5b/branch3x3dbl_2/relu_/0" [id=138, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=140, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b.branch3x3dbl_3.conv.weight" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=143, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [id=144, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5b.branch3x3dbl_3.bn.weight" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_3.bn.bias" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_3.bn.running_mean" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch3x3dbl_3.bn.running_var" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [id=149, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5b/branch3x3dbl_3/relu_/0" [id=150, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=151, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b/avg_pool2d/0" [id=152, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.Mixed_5b/avg_pool2d/0__0.0._scale_param_storage" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=154, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b.branch_pool.conv.weight" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=157, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b/branch_pool/conv/conv2d/0" [id=158, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5b.branch_pool.bn.weight" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch_pool.bn.bias" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch_pool.bn.running_mean" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b.branch_pool.bn.running_var" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5b/branch_pool/bn/batch_norm/0" [id=163, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5b/branch_pool/relu_/0" [id=164, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=165, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5b/cat/0" [id=166, type=cat, metatype=PTCatMetatype]; -"Mixed_5c.branch1x1.conv.weight" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=169, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c/branch1x1/conv/conv2d/0" [id=170, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5c.branch1x1.bn.weight" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch1x1.bn.bias" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch1x1.bn.running_mean" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch1x1.bn.running_var" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch1x1/bn/batch_norm/0" [id=175, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5c/branch1x1/relu_/0" [id=176, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=178, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c.branch5x5_1.conv.weight" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=181, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c/branch5x5_1/conv/conv2d/0" [id=182, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5c.branch5x5_1.bn.weight" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch5x5_1.bn.bias" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch5x5_1.bn.running_mean" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch5x5_1.bn.running_var" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch5x5_1/bn/batch_norm/0" [id=187, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5c/branch5x5_1/relu_/0" [id=188, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_5c/branch5x5_1/relu_/0__0.0._scale_param_storage" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [id=190, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c.branch5x5_2.conv.weight" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=193, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c/branch5x5_2/conv/conv2d/0" [id=194, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5c.branch5x5_2.bn.weight" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch5x5_2.bn.bias" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch5x5_2.bn.running_mean" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch5x5_2.bn.running_var" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch5x5_2/bn/batch_norm/0" [id=199, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5c/branch5x5_2/relu_/0" [id=200, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=201, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c.branch3x3dbl_1.conv.weight" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=204, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [id=205, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5c.branch3x3dbl_1.bn.weight" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_1.bn.bias" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_1.bn.running_mean" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_1.bn.running_var" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [id=210, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5c/branch3x3dbl_1/relu_/0" [id=211, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=213, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c.branch3x3dbl_2.conv.weight" [id=214, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=216, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [id=217, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5c.branch3x3dbl_2.bn.weight" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_2.bn.bias" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_2.bn.running_mean" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_2.bn.running_var" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [id=222, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5c/branch3x3dbl_2/relu_/0" [id=223, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=225, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c.branch3x3dbl_3.conv.weight" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=228, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [id=229, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5c.branch3x3dbl_3.bn.weight" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_3.bn.bias" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_3.bn.running_mean" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch3x3dbl_3.bn.running_var" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [id=234, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5c/branch3x3dbl_3/relu_/0" [id=235, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=236, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c/avg_pool2d/0" [id=237, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.Mixed_5c/avg_pool2d/0__0.0._scale_param_storage" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=239, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c.branch_pool.conv.weight" [id=240, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=242, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c/branch_pool/conv/conv2d/0" [id=243, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5c.branch_pool.bn.weight" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch_pool.bn.bias" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch_pool.bn.running_mean" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c.branch_pool.bn.running_var" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5c/branch_pool/bn/batch_norm/0" [id=248, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5c/branch_pool/relu_/0" [id=249, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=250, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5c/cat/0" [id=251, type=cat, metatype=PTCatMetatype]; -"Mixed_5d.branch1x1.conv.weight" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=254, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d/branch1x1/conv/conv2d/0" [id=255, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5d.branch1x1.bn.weight" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch1x1.bn.bias" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch1x1.bn.running_mean" [id=258, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch1x1.bn.running_var" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch1x1/bn/batch_norm/0" [id=260, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5d/branch1x1/relu_/0" [id=261, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=263, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d.branch5x5_1.conv.weight" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" [id=265, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=266, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d/branch5x5_1/conv/conv2d/0" [id=267, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5d.branch5x5_1.bn.weight" [id=268, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch5x5_1.bn.bias" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch5x5_1.bn.running_mean" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch5x5_1.bn.running_var" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch5x5_1/bn/batch_norm/0" [id=272, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5d/branch5x5_1/relu_/0" [id=273, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_5d/branch5x5_1/relu_/0__0.0._scale_param_storage" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [id=275, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d.branch5x5_2.conv.weight" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=278, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d/branch5x5_2/conv/conv2d/0" [id=279, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5d.branch5x5_2.bn.weight" [id=280, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch5x5_2.bn.bias" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch5x5_2.bn.running_mean" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch5x5_2.bn.running_var" [id=283, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch5x5_2/bn/batch_norm/0" [id=284, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5d/branch5x5_2/relu_/0" [id=285, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=286, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d.branch3x3dbl_1.conv.weight" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=289, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [id=290, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5d.branch3x3dbl_1.bn.weight" [id=291, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_1.bn.bias" [id=292, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_1.bn.running_mean" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_1.bn.running_var" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [id=295, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5d/branch3x3dbl_1/relu_/0" [id=296, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=297, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=298, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d.branch3x3dbl_2.conv.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=301, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [id=302, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5d.branch3x3dbl_2.bn.weight" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_2.bn.bias" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_2.bn.running_mean" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_2.bn.running_var" [id=306, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [id=307, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5d/branch3x3dbl_2/relu_/0" [id=308, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=309, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=310, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d.branch3x3dbl_3.conv.weight" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=313, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [id=314, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5d.branch3x3dbl_3.bn.weight" [id=315, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_3.bn.bias" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_3.bn.running_mean" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch3x3dbl_3.bn.running_var" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [id=319, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5d/branch3x3dbl_3/relu_/0" [id=320, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=321, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d/avg_pool2d/0" [id=322, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.Mixed_5d/avg_pool2d/0__0.0._scale_param_storage" [id=323, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=324, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d.branch_pool.conv.weight" [id=325, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=327, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d/branch_pool/conv/conv2d/0" [id=328, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_5d.branch_pool.bn.weight" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch_pool.bn.bias" [id=330, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch_pool.bn.running_mean" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d.branch_pool.bn.running_var" [id=332, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_5d/branch_pool/bn/batch_norm/0" [id=333, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_5d/branch_pool/relu_/0" [id=334, type="relu_", metatype=PTRELUMetatype]; -"Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=335, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_5d/cat/0" [id=336, type=cat, metatype=PTCatMetatype]; -"Mixed_6a.branch3x3.conv.weight" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3/conv/conv2d/0__1.0._scale_param_storage" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=339, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6a/branch3x3/conv/conv2d/0" [id=340, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6a.branch3x3.bn.weight" [id=341, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3.bn.bias" [id=342, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3.bn.running_mean" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3.bn.running_var" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3/bn/batch_norm/0" [id=345, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6a/branch3x3/relu_/0" [id=346, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=347, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6a.branch3x3dbl_1.conv.weight" [id=348, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=350, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [id=351, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6a.branch3x3dbl_1.bn.weight" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_1.bn.bias" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_1.bn.running_mean" [id=354, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_1.bn.running_var" [id=355, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [id=356, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6a/branch3x3dbl_1/relu_/0" [id=357, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=359, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6a.branch3x3dbl_2.conv.weight" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=361, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=362, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [id=363, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6a.branch3x3dbl_2.bn.weight" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_2.bn.bias" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_2.bn.running_mean" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_2.bn.running_var" [id=367, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [id=368, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6a/branch3x3dbl_2/relu_/0" [id=369, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=371, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6a.branch3x3dbl_3.conv.weight" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=373, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=374, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [id=375, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6a.branch3x3dbl_3.bn.weight" [id=376, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_3.bn.bias" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_3.bn.running_mean" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a.branch3x3dbl_3.bn.running_var" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [id=380, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6a/branch3x3dbl_3/relu_/0" [id=381, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=382, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6a/max_pool2d/0" [id=383, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"Mixed_6a/cat/0" [id=384, type=cat, metatype=PTCatMetatype]; -"Mixed_6b.branch1x1.conv.weight" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=386, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=387, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b/branch1x1/conv/conv2d/0" [id=388, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch1x1.bn.weight" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch1x1.bn.bias" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch1x1.bn.running_mean" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch1x1.bn.running_var" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch1x1/bn/batch_norm/0" [id=393, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch1x1/relu_/0" [id=394, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=396, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b.branch7x7_1.conv.weight" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=399, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b/branch7x7_1/conv/conv2d/0" [id=400, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7_1.bn.weight" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_1.bn.bias" [id=402, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_1.bn.running_mean" [id=403, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_1.bn.running_var" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7_1/bn/batch_norm/0" [id=405, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7_1/relu_/0" [id=406, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=408, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b.branch7x7_2.conv.weight" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=410, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=411, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b/branch7x7_2/conv/conv2d/0" [id=412, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7_2.bn.weight" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_2.bn.bias" [id=414, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_2.bn.running_mean" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_2.bn.running_var" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7_2/bn/batch_norm/0" [id=417, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7_2/relu_/0" [id=418, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=420, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b.branch7x7_3.conv.weight" [id=421, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=423, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b/branch7x7_3/conv/conv2d/0" [id=424, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7_3.bn.weight" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_3.bn.bias" [id=426, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_3.bn.running_mean" [id=427, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7_3.bn.running_var" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7_3/bn/batch_norm/0" [id=429, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7_3/relu_/0" [id=430, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=431, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b.branch7x7dbl_1.conv.weight" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=434, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [id=435, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7dbl_1.bn.weight" [id=436, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_1.bn.bias" [id=437, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_1.bn.running_mean" [id=438, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_1.bn.running_var" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [id=440, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7dbl_1/relu_/0" [id=441, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=443, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b.branch7x7dbl_2.conv.weight" [id=444, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=445, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=446, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [id=447, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7dbl_2.bn.weight" [id=448, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_2.bn.bias" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_2.bn.running_mean" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_2.bn.running_var" [id=451, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [id=452, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7dbl_2/relu_/0" [id=453, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=454, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=455, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b.branch7x7dbl_3.conv.weight" [id=456, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=457, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=458, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [id=459, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7dbl_3.bn.weight" [id=460, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_3.bn.bias" [id=461, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_3.bn.running_mean" [id=462, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_3.bn.running_var" [id=463, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [id=464, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7dbl_3/relu_/0" [id=465, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=467, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b.branch7x7dbl_4.conv.weight" [id=468, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=469, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=470, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [id=471, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7dbl_4.bn.weight" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_4.bn.bias" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_4.bn.running_mean" [id=474, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_4.bn.running_var" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [id=476, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7dbl_4/relu_/0" [id=477, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=478, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=479, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b.branch7x7dbl_5.conv.weight" [id=480, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=481, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=482, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [id=483, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch7x7dbl_5.bn.weight" [id=484, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_5.bn.bias" [id=485, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_5.bn.running_mean" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch7x7dbl_5.bn.running_var" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [id=488, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch7x7dbl_5/relu_/0" [id=489, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=490, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b/avg_pool2d/0" [id=491, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.Mixed_6b/avg_pool2d/0__0.0._scale_param_storage" [id=492, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=493, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b.branch_pool.conv.weight" [id=494, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=495, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=496, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b/branch_pool/conv/conv2d/0" [id=497, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6b.branch_pool.bn.weight" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch_pool.bn.bias" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch_pool.bn.running_mean" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b.branch_pool.bn.running_var" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6b/branch_pool/bn/batch_norm/0" [id=502, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6b/branch_pool/relu_/0" [id=503, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=504, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6b/cat/0" [id=505, type=cat, metatype=PTCatMetatype]; -"Mixed_6c.branch1x1.conv.weight" [id=506, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=507, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=508, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c/branch1x1/conv/conv2d/0" [id=509, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch1x1.bn.weight" [id=510, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch1x1.bn.bias" [id=511, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch1x1.bn.running_mean" [id=512, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch1x1.bn.running_var" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch1x1/bn/batch_norm/0" [id=514, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch1x1/relu_/0" [id=515, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=517, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c.branch7x7_1.conv.weight" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=519, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=520, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c/branch7x7_1/conv/conv2d/0" [id=521, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7_1.bn.weight" [id=522, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_1.bn.bias" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_1.bn.running_mean" [id=524, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_1.bn.running_var" [id=525, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7_1/bn/batch_norm/0" [id=526, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7_1/relu_/0" [id=527, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=528, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=529, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c.branch7x7_2.conv.weight" [id=530, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=531, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=532, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c/branch7x7_2/conv/conv2d/0" [id=533, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7_2.bn.weight" [id=534, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_2.bn.bias" [id=535, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_2.bn.running_mean" [id=536, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_2.bn.running_var" [id=537, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7_2/bn/batch_norm/0" [id=538, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7_2/relu_/0" [id=539, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=540, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=541, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c.branch7x7_3.conv.weight" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=543, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=544, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c/branch7x7_3/conv/conv2d/0" [id=545, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7_3.bn.weight" [id=546, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_3.bn.bias" [id=547, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_3.bn.running_mean" [id=548, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7_3.bn.running_var" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7_3/bn/batch_norm/0" [id=550, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7_3/relu_/0" [id=551, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=552, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c.branch7x7dbl_1.conv.weight" [id=553, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=554, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=555, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [id=556, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7dbl_1.bn.weight" [id=557, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_1.bn.bias" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_1.bn.running_mean" [id=559, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_1.bn.running_var" [id=560, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [id=561, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7dbl_1/relu_/0" [id=562, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=563, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=564, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c.branch7x7dbl_2.conv.weight" [id=565, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=566, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=567, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [id=568, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7dbl_2.bn.weight" [id=569, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_2.bn.bias" [id=570, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_2.bn.running_mean" [id=571, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_2.bn.running_var" [id=572, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [id=573, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7dbl_2/relu_/0" [id=574, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=575, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=576, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c.branch7x7dbl_3.conv.weight" [id=577, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=578, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=579, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [id=580, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7dbl_3.bn.weight" [id=581, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_3.bn.bias" [id=582, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_3.bn.running_mean" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_3.bn.running_var" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [id=585, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7dbl_3/relu_/0" [id=586, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=587, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=588, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c.branch7x7dbl_4.conv.weight" [id=589, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=590, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=591, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [id=592, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7dbl_4.bn.weight" [id=593, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_4.bn.bias" [id=594, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_4.bn.running_mean" [id=595, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_4.bn.running_var" [id=596, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [id=597, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7dbl_4/relu_/0" [id=598, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=599, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=600, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c.branch7x7dbl_5.conv.weight" [id=601, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=602, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=603, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [id=604, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch7x7dbl_5.bn.weight" [id=605, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_5.bn.bias" [id=606, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_5.bn.running_mean" [id=607, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch7x7dbl_5.bn.running_var" [id=608, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [id=609, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch7x7dbl_5/relu_/0" [id=610, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=611, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c/avg_pool2d/0" [id=612, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.Mixed_6c/avg_pool2d/0__0.0._scale_param_storage" [id=613, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=614, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c.branch_pool.conv.weight" [id=615, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=616, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=617, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c/branch_pool/conv/conv2d/0" [id=618, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6c.branch_pool.bn.weight" [id=619, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch_pool.bn.bias" [id=620, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch_pool.bn.running_mean" [id=621, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c.branch_pool.bn.running_var" [id=622, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6c/branch_pool/bn/batch_norm/0" [id=623, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6c/branch_pool/relu_/0" [id=624, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=625, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6c/cat/0" [id=626, type=cat, metatype=PTCatMetatype]; -"Mixed_6d.branch1x1.conv.weight" [id=627, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=628, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=629, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d/branch1x1/conv/conv2d/0" [id=630, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch1x1.bn.weight" [id=631, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch1x1.bn.bias" [id=632, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch1x1.bn.running_mean" [id=633, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch1x1.bn.running_var" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch1x1/bn/batch_norm/0" [id=635, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch1x1/relu_/0" [id=636, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" [id=637, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=638, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d.branch7x7_1.conv.weight" [id=639, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=640, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=641, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d/branch7x7_1/conv/conv2d/0" [id=642, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7_1.bn.weight" [id=643, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_1.bn.bias" [id=644, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_1.bn.running_mean" [id=645, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_1.bn.running_var" [id=646, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7_1/bn/batch_norm/0" [id=647, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7_1/relu_/0" [id=648, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=649, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=650, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d.branch7x7_2.conv.weight" [id=651, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=652, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=653, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d/branch7x7_2/conv/conv2d/0" [id=654, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7_2.bn.weight" [id=655, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_2.bn.bias" [id=656, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_2.bn.running_mean" [id=657, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_2.bn.running_var" [id=658, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7_2/bn/batch_norm/0" [id=659, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7_2/relu_/0" [id=660, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=661, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=662, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d.branch7x7_3.conv.weight" [id=663, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=664, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=665, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d/branch7x7_3/conv/conv2d/0" [id=666, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7_3.bn.weight" [id=667, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_3.bn.bias" [id=668, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_3.bn.running_mean" [id=669, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7_3.bn.running_var" [id=670, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7_3/bn/batch_norm/0" [id=671, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7_3/relu_/0" [id=672, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=673, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d.branch7x7dbl_1.conv.weight" [id=674, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=675, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=676, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [id=677, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7dbl_1.bn.weight" [id=678, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_1.bn.bias" [id=679, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_1.bn.running_mean" [id=680, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_1.bn.running_var" [id=681, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [id=682, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7dbl_1/relu_/0" [id=683, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=684, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=685, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d.branch7x7dbl_2.conv.weight" [id=686, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=687, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=688, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [id=689, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7dbl_2.bn.weight" [id=690, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_2.bn.bias" [id=691, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_2.bn.running_mean" [id=692, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_2.bn.running_var" [id=693, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [id=694, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7dbl_2/relu_/0" [id=695, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=696, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=697, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d.branch7x7dbl_3.conv.weight" [id=698, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=699, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=700, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [id=701, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7dbl_3.bn.weight" [id=702, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_3.bn.bias" [id=703, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_3.bn.running_mean" [id=704, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_3.bn.running_var" [id=705, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [id=706, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7dbl_3/relu_/0" [id=707, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=708, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=709, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d.branch7x7dbl_4.conv.weight" [id=710, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=711, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=712, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [id=713, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7dbl_4.bn.weight" [id=714, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_4.bn.bias" [id=715, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_4.bn.running_mean" [id=716, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_4.bn.running_var" [id=717, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [id=718, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7dbl_4/relu_/0" [id=719, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=720, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=721, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d.branch7x7dbl_5.conv.weight" [id=722, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=723, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=724, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [id=725, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch7x7dbl_5.bn.weight" [id=726, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_5.bn.bias" [id=727, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_5.bn.running_mean" [id=728, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch7x7dbl_5.bn.running_var" [id=729, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [id=730, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch7x7dbl_5/relu_/0" [id=731, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=732, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d/avg_pool2d/0" [id=733, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.Mixed_6d/avg_pool2d/0__0.0._scale_param_storage" [id=734, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=735, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d.branch_pool.conv.weight" [id=736, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=737, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=738, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d/branch_pool/conv/conv2d/0" [id=739, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6d.branch_pool.bn.weight" [id=740, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch_pool.bn.bias" [id=741, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch_pool.bn.running_mean" [id=742, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d.branch_pool.bn.running_var" [id=743, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6d/branch_pool/bn/batch_norm/0" [id=744, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6d/branch_pool/relu_/0" [id=745, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=746, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6d/cat/0" [id=747, type=cat, metatype=PTCatMetatype]; -"Mixed_6e.branch1x1.conv.weight" [id=748, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=749, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=750, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e/branch1x1/conv/conv2d/0" [id=751, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch1x1.bn.weight" [id=752, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch1x1.bn.bias" [id=753, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch1x1.bn.running_mean" [id=754, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch1x1.bn.running_var" [id=755, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch1x1/bn/batch_norm/0" [id=756, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch1x1/relu_/0" [id=757, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" [id=758, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=759, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e.branch7x7_1.conv.weight" [id=760, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=761, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=762, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e/branch7x7_1/conv/conv2d/0" [id=763, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7_1.bn.weight" [id=764, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_1.bn.bias" [id=765, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_1.bn.running_mean" [id=766, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_1.bn.running_var" [id=767, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7_1/bn/batch_norm/0" [id=768, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7_1/relu_/0" [id=769, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=770, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=771, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e.branch7x7_2.conv.weight" [id=772, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=773, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=774, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e/branch7x7_2/conv/conv2d/0" [id=775, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7_2.bn.weight" [id=776, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_2.bn.bias" [id=777, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_2.bn.running_mean" [id=778, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_2.bn.running_var" [id=779, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7_2/bn/batch_norm/0" [id=780, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7_2/relu_/0" [id=781, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=782, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=783, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e.branch7x7_3.conv.weight" [id=784, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=785, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=786, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e/branch7x7_3/conv/conv2d/0" [id=787, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7_3.bn.weight" [id=788, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_3.bn.bias" [id=789, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_3.bn.running_mean" [id=790, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7_3.bn.running_var" [id=791, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7_3/bn/batch_norm/0" [id=792, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7_3/relu_/0" [id=793, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=794, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e.branch7x7dbl_1.conv.weight" [id=795, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=796, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=797, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [id=798, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7dbl_1.bn.weight" [id=799, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_1.bn.bias" [id=800, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_1.bn.running_mean" [id=801, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_1.bn.running_var" [id=802, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [id=803, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7dbl_1/relu_/0" [id=804, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=805, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=806, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e.branch7x7dbl_2.conv.weight" [id=807, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=808, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=809, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [id=810, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7dbl_2.bn.weight" [id=811, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_2.bn.bias" [id=812, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_2.bn.running_mean" [id=813, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_2.bn.running_var" [id=814, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [id=815, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7dbl_2/relu_/0" [id=816, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=817, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=818, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e.branch7x7dbl_3.conv.weight" [id=819, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=820, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=821, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [id=822, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7dbl_3.bn.weight" [id=823, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_3.bn.bias" [id=824, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_3.bn.running_mean" [id=825, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_3.bn.running_var" [id=826, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [id=827, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7dbl_3/relu_/0" [id=828, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=829, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=830, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e.branch7x7dbl_4.conv.weight" [id=831, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=832, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=833, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [id=834, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7dbl_4.bn.weight" [id=835, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_4.bn.bias" [id=836, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_4.bn.running_mean" [id=837, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_4.bn.running_var" [id=838, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [id=839, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7dbl_4/relu_/0" [id=840, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=841, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=842, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e.branch7x7dbl_5.conv.weight" [id=843, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=844, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=845, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [id=846, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch7x7dbl_5.bn.weight" [id=847, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_5.bn.bias" [id=848, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_5.bn.running_mean" [id=849, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch7x7dbl_5.bn.running_var" [id=850, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [id=851, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch7x7dbl_5/relu_/0" [id=852, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=853, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e/avg_pool2d/0" [id=854, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.Mixed_6e/avg_pool2d/0__0.0._scale_param_storage" [id=855, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=856, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e.branch_pool.conv.weight" [id=857, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=858, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=859, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e/branch_pool/conv/conv2d/0" [id=860, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_6e.branch_pool.bn.weight" [id=861, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch_pool.bn.bias" [id=862, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch_pool.bn.running_mean" [id=863, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e.branch_pool.bn.running_var" [id=864, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_6e/branch_pool/bn/batch_norm/0" [id=865, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_6e/branch_pool/relu_/0" [id=866, type="relu_", metatype=PTRELUMetatype]; -"Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=867, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_6e/cat/0" [id=868, type=cat, metatype=PTCatMetatype]; -"Mixed_7a.branch3x3_1.conv.weight" [id=869, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=870, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=871, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7a/branch3x3_1/conv/conv2d/0" [id=872, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7a.branch3x3_1.bn.weight" [id=873, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch3x3_1.bn.bias" [id=874, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch3x3_1.bn.running_mean" [id=875, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch3x3_1.bn.running_var" [id=876, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch3x3_1/bn/batch_norm/0" [id=877, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7a/branch3x3_1/relu_/0" [id=878, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7a/branch3x3_1/relu_/0__0.0._scale_param_storage" [id=879, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=880, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7a.branch3x3_2.conv.weight" [id=881, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_2/conv/conv2d/0__1.0._scale_param_storage" [id=882, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=883, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7a/branch3x3_2/conv/conv2d/0" [id=884, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7a.branch3x3_2.bn.weight" [id=885, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch3x3_2.bn.bias" [id=886, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch3x3_2.bn.running_mean" [id=887, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch3x3_2.bn.running_var" [id=888, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch3x3_2/bn/batch_norm/0" [id=889, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7a/branch3x3_2/relu_/0" [id=890, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=891, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7a.branch7x7x3_1.conv.weight" [id=892, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=893, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=894, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7a/branch7x7x3_1/conv/conv2d/0" [id=895, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7a.branch7x7x3_1.bn.weight" [id=896, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_1.bn.bias" [id=897, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_1.bn.running_mean" [id=898, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_1.bn.running_var" [id=899, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [id=900, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7a/branch7x7x3_1/relu_/0" [id=901, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_1/relu_/0__0.0._scale_param_storage" [id=902, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=903, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7a.branch7x7x3_2.conv.weight" [id=904, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_2/conv/conv2d/0__1.0._scale_param_storage" [id=905, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=906, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7a/branch7x7x3_2/conv/conv2d/0" [id=907, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7a.branch7x7x3_2.bn.weight" [id=908, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_2.bn.bias" [id=909, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_2.bn.running_mean" [id=910, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_2.bn.running_var" [id=911, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [id=912, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7a/branch7x7x3_2/relu_/0" [id=913, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_2/relu_/0__0.0._scale_param_storage" [id=914, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" [id=915, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7a.branch7x7x3_3.conv.weight" [id=916, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_3/conv/conv2d/0__1.0._scale_param_storage" [id=917, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=918, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7a/branch7x7x3_3/conv/conv2d/0" [id=919, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7a.branch7x7x3_3.bn.weight" [id=920, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_3.bn.bias" [id=921, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_3.bn.running_mean" [id=922, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_3.bn.running_var" [id=923, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [id=924, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7a/branch7x7x3_3/relu_/0" [id=925, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_3/relu_/0__0.0._scale_param_storage" [id=926, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" [id=927, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7a.branch7x7x3_4.conv.weight" [id=928, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_4/conv/conv2d/0__1.0._scale_param_storage" [id=929, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=930, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7a/branch7x7x3_4/conv/conv2d/0" [id=931, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7a.branch7x7x3_4.bn.weight" [id=932, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_4.bn.bias" [id=933, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_4.bn.running_mean" [id=934, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a.branch7x7x3_4.bn.running_var" [id=935, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [id=936, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7a/branch7x7x3_4/relu_/0" [id=937, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=938, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7a/max_pool2d/0" [id=939, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"Mixed_7a/cat/0" [id=940, type=cat, metatype=PTCatMetatype]; -"Mixed_7b.branch1x1.conv.weight" [id=941, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=942, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=943, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b/branch1x1/conv/conv2d/0" [id=944, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch1x1.bn.weight" [id=945, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch1x1.bn.bias" [id=946, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch1x1.bn.running_mean" [id=947, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch1x1.bn.running_var" [id=948, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch1x1/bn/batch_norm/0" [id=949, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch1x1/relu_/0" [id=950, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" [id=951, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=952, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b.branch3x3_1.conv.weight" [id=953, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=954, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=955, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b/branch3x3_1/conv/conv2d/0" [id=956, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch3x3_1.bn.weight" [id=957, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_1.bn.bias" [id=958, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_1.bn.running_mean" [id=959, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_1.bn.running_var" [id=960, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3_1/bn/batch_norm/0" [id=961, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch3x3_1/relu_/0" [id=962, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_1/relu_/0__0.0._scale_param_storage" [id=963, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=964, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b.branch3x3_2a.conv.weight" [id=965, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" [id=966, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=967, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b/branch3x3_2a/conv/conv2d/0" [id=968, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch3x3_2a.bn.weight" [id=969, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_2a.bn.bias" [id=970, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_2a.bn.running_mean" [id=971, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_2a.bn.running_var" [id=972, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3_2a/bn/batch_norm/0" [id=973, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch3x3_2a/relu_/0" [id=974, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=975, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b.branch3x3_2b.conv.weight" [id=976, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" [id=977, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=978, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b/branch3x3_2b/conv/conv2d/0" [id=979, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch3x3_2b.bn.weight" [id=980, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_2b.bn.bias" [id=981, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_2b.bn.running_mean" [id=982, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3_2b.bn.running_var" [id=983, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3_2b/bn/batch_norm/0" [id=984, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch3x3_2b/relu_/0" [id=985, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=986, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b/cat/0" [id=987, type=cat, metatype=PTCatMetatype]; -"Mixed_7b.branch3x3dbl_1.conv.weight" [id=988, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=989, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=990, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [id=991, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch3x3dbl_1.bn.weight" [id=992, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_1.bn.bias" [id=993, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_1.bn.running_mean" [id=994, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_1.bn.running_var" [id=995, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [id=996, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch3x3dbl_1/relu_/0" [id=997, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=998, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=999, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b.branch3x3dbl_2.conv.weight" [id=1000, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=1001, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1002, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [id=1003, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch3x3dbl_2.bn.weight" [id=1004, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_2.bn.bias" [id=1005, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_2.bn.running_mean" [id=1006, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_2.bn.running_var" [id=1007, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [id=1008, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch3x3dbl_2/relu_/0" [id=1009, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=1010, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=1011, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b.branch3x3dbl_3a.conv.weight" [id=1012, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" [id=1013, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1014, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [id=1015, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch3x3dbl_3a.bn.weight" [id=1016, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_3a.bn.bias" [id=1017, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_3a.bn.running_mean" [id=1018, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_3a.bn.running_var" [id=1019, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [id=1020, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch3x3dbl_3a/relu_/0" [id=1021, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1022, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b.branch3x3dbl_3b.conv.weight" [id=1023, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" [id=1024, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1025, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [id=1026, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch3x3dbl_3b.bn.weight" [id=1027, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_3b.bn.bias" [id=1028, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_3b.bn.running_mean" [id=1029, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch3x3dbl_3b.bn.running_var" [id=1030, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [id=1031, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch3x3dbl_3b/relu_/0" [id=1032, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1033, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b/cat/1" [id=1034, type=cat, metatype=PTCatMetatype]; -"Mixed_7b/avg_pool2d/0" [id=1035, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.Mixed_7b/avg_pool2d/0__0.0._scale_param_storage" [id=1036, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1037, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b.branch_pool.conv.weight" [id=1038, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=1039, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1040, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b/branch_pool/conv/conv2d/0" [id=1041, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7b.branch_pool.bn.weight" [id=1042, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch_pool.bn.bias" [id=1043, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch_pool.bn.running_mean" [id=1044, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b.branch_pool.bn.running_var" [id=1045, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7b/branch_pool/bn/batch_norm/0" [id=1046, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7b/branch_pool/relu_/0" [id=1047, type="relu_", metatype=PTRELUMetatype]; -"Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1048, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7b/cat/2" [id=1049, type=cat, metatype=PTCatMetatype]; -"Mixed_7c.branch1x1.conv.weight" [id=1050, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=1051, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1052, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c/branch1x1/conv/conv2d/0" [id=1053, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch1x1.bn.weight" [id=1054, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch1x1.bn.bias" [id=1055, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch1x1.bn.running_mean" [id=1056, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch1x1.bn.running_var" [id=1057, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch1x1/bn/batch_norm/0" [id=1058, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch1x1/relu_/0" [id=1059, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7c/branch1x1/relu_/0__0.0._scale_param_storage" [id=1060, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1061, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c.branch3x3_1.conv.weight" [id=1062, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=1063, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1064, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c/branch3x3_1/conv/conv2d/0" [id=1065, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch3x3_1.bn.weight" [id=1066, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_1.bn.bias" [id=1067, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_1.bn.running_mean" [id=1068, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_1.bn.running_var" [id=1069, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_1/bn/batch_norm/0" [id=1070, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch3x3_1/relu_/0" [id=1071, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_1/relu_/0__0.0._scale_param_storage" [id=1072, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=1073, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c.branch3x3_2a.conv.weight" [id=1074, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" [id=1075, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1076, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c/branch3x3_2a/conv/conv2d/0" [id=1077, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch3x3_2a.bn.weight" [id=1078, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_2a.bn.bias" [id=1079, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_2a.bn.running_mean" [id=1080, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_2a.bn.running_var" [id=1081, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_2a/bn/batch_norm/0" [id=1082, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch3x3_2a/relu_/0" [id=1083, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2a/relu_/0__0.0._scale_param_storage" [id=1084, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" [id=1085, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c.branch3x3_2b.conv.weight" [id=1086, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" [id=1087, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1088, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c/branch3x3_2b/conv/conv2d/0" [id=1089, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch3x3_2b.bn.weight" [id=1090, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_2b.bn.bias" [id=1091, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_2b.bn.running_mean" [id=1092, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3_2b.bn.running_var" [id=1093, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_2b/bn/batch_norm/0" [id=1094, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch3x3_2b/relu_/0" [id=1095, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2b/relu_/0__0.0._scale_param_storage" [id=1096, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" [id=1097, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c/cat/0" [id=1098, type=cat, metatype=PTCatMetatype]; -"Mixed_7c.branch3x3dbl_1.conv.weight" [id=1099, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=1100, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1101, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [id=1102, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch3x3dbl_1.bn.weight" [id=1103, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_1.bn.bias" [id=1104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_1.bn.running_mean" [id=1105, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_1.bn.running_var" [id=1106, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [id=1107, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch3x3dbl_1/relu_/0" [id=1108, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=1109, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=1110, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c.branch3x3dbl_2.conv.weight" [id=1111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=1112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1113, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [id=1114, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch3x3dbl_2.bn.weight" [id=1115, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_2.bn.bias" [id=1116, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_2.bn.running_mean" [id=1117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_2.bn.running_var" [id=1118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [id=1119, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch3x3dbl_2/relu_/0" [id=1120, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=1121, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=1122, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c.branch3x3dbl_3a.conv.weight" [id=1123, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" [id=1124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1125, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [id=1126, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch3x3dbl_3a.bn.weight" [id=1127, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_3a.bn.bias" [id=1128, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_3a.bn.running_mean" [id=1129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_3a.bn.running_var" [id=1130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [id=1131, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch3x3dbl_3a/relu_/0" [id=1132, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3a/relu_/0__0.0._scale_param_storage" [id=1133, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" [id=1134, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c.branch3x3dbl_3b.conv.weight" [id=1135, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" [id=1136, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1137, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [id=1138, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch3x3dbl_3b.bn.weight" [id=1139, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_3b.bn.bias" [id=1140, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_3b.bn.running_mean" [id=1141, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch3x3dbl_3b.bn.running_var" [id=1142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [id=1143, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch3x3dbl_3b/relu_/0" [id=1144, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3b/relu_/0__0.0._scale_param_storage" [id=1145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" [id=1146, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c/cat/1" [id=1147, type=cat, metatype=PTCatMetatype]; -"Mixed_7c/avg_pool2d/0" [id=1148, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.Mixed_7c/avg_pool2d/0__0.0._scale_param_storage" [id=1149, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1150, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c.branch_pool.conv.weight" [id=1151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=1152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1153, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c/branch_pool/conv/conv2d/0" [id=1154, type=conv2d, metatype=PTConv2dMetatype]; -"Mixed_7c.branch_pool.bn.weight" [id=1155, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch_pool.bn.bias" [id=1156, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch_pool.bn.running_mean" [id=1157, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c.branch_pool.bn.running_var" [id=1158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch_pool/bn/batch_norm/0" [id=1159, type="batch_norm", metatype=PTBatchNormMetatype]; -"Mixed_7c/branch_pool/relu_/0" [id=1160, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.Mixed_7c/branch_pool/relu_/0__0.0._scale_param_storage" [id=1161, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=1162, type="symmetric_quantize", metatype=UnknownMetatype]; -"Mixed_7c/cat/2" [id=1163, type=cat, metatype=PTCatMetatype]; -"/adaptive_avg_pool2d/0" [id=1164, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=1165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1166, type="symmetric_quantize", metatype=UnknownMetatype]; -"/dropout/0" [id=1167, type=dropout, metatype=PTDropoutMetatype]; -"/view/0" [id=1168, type=view, metatype=PTReshapeMetatype]; -"fc.weight" [id=1169, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc.bias" [id=1170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.fc/linear/0__1.0._scale_param_storage" [id=1171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" [id=1172, type="symmetric_quantize", metatype=UnknownMetatype]; -"fc/linear/0" [id=1173, type=linear, metatype=PTLinearMetatype]; -output [id=1174, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 3, 299, 299)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "/__getitem__/0" [dtype=float, shape="(2, 3, 299, 299)", out_port_id=0, in_port_id=0]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "/__getitem__/1" [dtype=float, shape="(2, 3, 299, 299)", out_port_id=0, in_port_id=0]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "/__getitem__/2" [dtype=float, shape="(2, 3, 299, 299)", out_port_id=0, in_port_id=0]; -"/__getitem__/0" -> "/unsqueeze/0" [dtype=float, shape="(2, 299, 299)", out_port_id=0, in_port_id=0]; -"/unsqueeze/0" -> "/mul/0" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; -"/mul/0" -> "/add/0" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; -"/add/0" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/1" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/2" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__-add-0__0[0]/symmetric_quantize/0" -> "/cat/0" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; -"/__getitem__/1" -> "/unsqueeze/1" [dtype=float, shape="(2, 299, 299)", out_port_id=0, in_port_id=0]; -"/unsqueeze/1" -> "/mul/1" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; -"/mul/1" -> "/add/1" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; -"/add/1" -> "post_hook__-add-0__0[0]/symmetric_quantize/1" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; -"post_hook__-add-0__0[0]/symmetric_quantize/1" -> "/cat/0" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=1]; -"/__getitem__/2" -> "/unsqueeze/2" [dtype=float, shape="(2, 299, 299)", out_port_id=0, in_port_id=0]; -"/unsqueeze/2" -> "/mul/2" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; -"/mul/2" -> "/add/2" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; -"/add/2" -> "post_hook__-add-0__0[0]/symmetric_quantize/2" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; -"post_hook__-add-0__0[0]/symmetric_quantize/2" -> "/cat/0" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=2]; -"/cat/0" -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, shape="(2, 3, 299, 299)", out_port_id=0, in_port_id=0]; -"Conv2d_1a_3x3.conv.weight" -> "Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 3, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Conv2d_1a_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, shape="(32, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"Conv2d_1a_3x3/conv/conv2d/0" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(2, 32, 149, 149)", out_port_id=0, in_port_id=0]; -"Conv2d_1a_3x3.bn.weight" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"Conv2d_1a_3x3.bn.bias" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"Conv2d_1a_3x3.bn.running_mean" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"Conv2d_1a_3x3.bn.running_var" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"Conv2d_1a_3x3/bn/batch_norm/0" -> "Conv2d_1a_3x3/relu_/0" [dtype=float, shape="(2, 32, 149, 149)", out_port_id=0, in_port_id=0]; -"Conv2d_1a_3x3/relu_/0" -> "Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 32, 149, 149)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Conv2d_1a_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, shape="(2, 32, 149, 149)", out_port_id=0, in_port_id=0]; -"Conv2d_2a_3x3.conv.weight" -> "Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Conv2d_2a_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, shape="(32, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"Conv2d_2a_3x3/conv/conv2d/0" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(2, 32, 147, 147)", out_port_id=0, in_port_id=0]; -"Conv2d_2a_3x3.bn.weight" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"Conv2d_2a_3x3.bn.bias" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"Conv2d_2a_3x3.bn.running_mean" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"Conv2d_2a_3x3.bn.running_var" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"Conv2d_2a_3x3/bn/batch_norm/0" -> "Conv2d_2a_3x3/relu_/0" [dtype=float, shape="(2, 32, 147, 147)", out_port_id=0, in_port_id=0]; -"Conv2d_2a_3x3/relu_/0" -> "Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 32, 147, 147)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Conv2d_2a_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, shape="(2, 32, 147, 147)", out_port_id=0, in_port_id=0]; -"Conv2d_2b_3x3.conv.weight" -> "Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Conv2d_2b_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, shape="(64, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"Conv2d_2b_3x3/conv/conv2d/0" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(2, 64, 147, 147)", out_port_id=0, in_port_id=0]; -"Conv2d_2b_3x3.bn.weight" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Conv2d_2b_3x3.bn.bias" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Conv2d_2b_3x3.bn.running_mean" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Conv2d_2b_3x3.bn.running_var" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Conv2d_2b_3x3/bn/batch_norm/0" -> "Conv2d_2b_3x3/relu_/0" [dtype=float, shape="(2, 64, 147, 147)", out_port_id=0, in_port_id=0]; -"Conv2d_2b_3x3/relu_/0" -> "Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 147, 147)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Conv2d_2b_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/0" [dtype=float, shape="(2, 64, 147, 147)", out_port_id=0, in_port_id=0]; -"/max_pool2d/0" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, shape="(2, 64, 73, 73)", out_port_id=0, in_port_id=0]; -"Conv2d_3b_1x1.conv.weight" -> "Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(80, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Conv2d_3b_1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(80, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, shape="(80, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"Conv2d_3b_1x1/conv/conv2d/0" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(2, 80, 73, 73)", out_port_id=0, in_port_id=0]; -"Conv2d_3b_1x1.bn.weight" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=1]; -"Conv2d_3b_1x1.bn.bias" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=2]; -"Conv2d_3b_1x1.bn.running_mean" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=3]; -"Conv2d_3b_1x1.bn.running_var" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=4]; -"Conv2d_3b_1x1/bn/batch_norm/0" -> "Conv2d_3b_1x1/relu_/0" [dtype=float, shape="(2, 80, 73, 73)", out_port_id=0, in_port_id=0]; -"Conv2d_3b_1x1/relu_/0" -> "Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 80, 73, 73)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Conv2d_3b_1x1/relu_/0__0.0._scale_param_storage" -> "Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, shape="(2, 80, 73, 73)", out_port_id=0, in_port_id=0]; -"Conv2d_4a_3x3.conv.weight" -> "Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 80, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Conv2d_4a_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, shape="(192, 80, 3, 3)", out_port_id=0, in_port_id=1]; -"Conv2d_4a_3x3/conv/conv2d/0" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(2, 192, 71, 71)", out_port_id=0, in_port_id=0]; -"Conv2d_4a_3x3.bn.weight" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Conv2d_4a_3x3.bn.bias" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Conv2d_4a_3x3.bn.running_mean" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Conv2d_4a_3x3.bn.running_var" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Conv2d_4a_3x3/bn/batch_norm/0" -> "Conv2d_4a_3x3/relu_/0" [dtype=float, shape="(2, 192, 71, 71)", out_port_id=0, in_port_id=0]; -"Conv2d_4a_3x3/relu_/0" -> "Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 71, 71)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Conv2d_4a_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/1" [dtype=float, shape="(2, 192, 71, 71)", out_port_id=0, in_port_id=0]; -"/max_pool2d/1" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 192, 35, 35)", out_port_id=0, in_port_id=0]; -"/max_pool2d/1" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(2, 192, 35, 35)", out_port_id=0, in_port_id=0]; -"/max_pool2d/1" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 192, 35, 35)", out_port_id=0, in_port_id=0]; -"/max_pool2d/1" -> "Mixed_5b/avg_pool2d/0" [dtype=float, shape="(2, 192, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch1x1.conv.weight" -> "Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5b/branch1x1/conv/conv2d/0" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch1x1.bn.weight" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch1x1.bn.bias" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5b.branch1x1.bn.running_mean" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5b.branch1x1.bn.running_var" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch1x1/bn/batch_norm/0" -> "Mixed_5b/branch1x1/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch1x1/relu_/0" -> "Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch5x5_1.conv.weight" -> "Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(48, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5b/branch5x5_1/conv/conv2d/0" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch5x5_1.bn.weight" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch5x5_1.bn.bias" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"Mixed_5b.branch5x5_1.bn.running_mean" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"Mixed_5b.branch5x5_1.bn.running_var" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch5x5_1/bn/batch_norm/0" -> "Mixed_5b/branch5x5_1/relu_/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch5x5_1/relu_/0" -> "Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch5x5_2.conv.weight" -> "Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=1]; -"Mixed_5b/branch5x5_2/conv/conv2d/0" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch5x5_2.bn.weight" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch5x5_2.bn.bias" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5b.branch5x5_2.bn.running_mean" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5b.branch5x5_2.bn.running_var" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch5x5_2/bn/batch_norm/0" -> "Mixed_5b/branch5x5_2/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch5x5_2/relu_/0" -> "Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch3x3dbl_1.conv.weight" -> "Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch3x3dbl_1.bn.weight" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch3x3dbl_1.bn.bias" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5b.branch3x3dbl_1.bn.running_mean" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5b.branch3x3dbl_1.bn.running_var" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_1/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch3x3dbl_1/relu_/0" -> "Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch3x3dbl_2.conv.weight" -> "Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch3x3dbl_2.bn.weight" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch3x3dbl_2.bn.bias" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_5b.branch3x3dbl_2.bn.running_mean" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_5b.branch3x3dbl_2.bn.running_var" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_2/relu_/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch3x3dbl_2/relu_/0" -> "Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch3x3dbl_3.conv.weight" -> "Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch3x3dbl_3.bn.weight" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch3x3dbl_3.bn.bias" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_5b.branch3x3dbl_3.bn.running_mean" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_5b.branch3x3dbl_3.bn.running_var" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_3/relu_/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch3x3dbl_3/relu_/0" -> "Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=2]; -"Mixed_5b/avg_pool2d/0" -> "Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5b/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 192, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch_pool.conv.weight" -> "Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5b/branch_pool/conv/conv2d/0" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 32, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b.branch_pool.bn.weight" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"Mixed_5b.branch_pool.bn.bias" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"Mixed_5b.branch_pool.bn.running_mean" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"Mixed_5b.branch_pool.bn.running_var" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"Mixed_5b/branch_pool/bn/batch_norm/0" -> "Mixed_5b/branch_pool/relu_/0" [dtype=float, shape="(2, 32, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch_pool/relu_/0" -> "Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 32, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(2, 32, 35, 35)", out_port_id=0, in_port_id=3]; -"Mixed_5b/cat/0" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 256, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/cat/0" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(2, 256, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/cat/0" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 256, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5b/cat/0" -> "Mixed_5c/avg_pool2d/0" [dtype=float, shape="(2, 256, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch1x1.conv.weight" -> "Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5c/branch1x1/conv/conv2d/0" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch1x1.bn.weight" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch1x1.bn.bias" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5c.branch1x1.bn.running_mean" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5c.branch1x1.bn.running_var" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch1x1/bn/batch_norm/0" -> "Mixed_5c/branch1x1/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch1x1/relu_/0" -> "Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch5x5_1.conv.weight" -> "Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(48, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5c/branch5x5_1/conv/conv2d/0" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch5x5_1.bn.weight" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch5x5_1.bn.bias" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"Mixed_5c.branch5x5_1.bn.running_mean" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"Mixed_5c.branch5x5_1.bn.running_var" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch5x5_1/bn/batch_norm/0" -> "Mixed_5c/branch5x5_1/relu_/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch5x5_1/relu_/0" -> "Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5c/branch5x5_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch5x5_2.conv.weight" -> "Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=1]; -"Mixed_5c/branch5x5_2/conv/conv2d/0" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch5x5_2.bn.weight" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch5x5_2.bn.bias" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5c.branch5x5_2.bn.running_mean" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5c.branch5x5_2.bn.running_var" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch5x5_2/bn/batch_norm/0" -> "Mixed_5c/branch5x5_2/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch5x5_2/relu_/0" -> "Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch3x3dbl_1.conv.weight" -> "Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch3x3dbl_1.bn.weight" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch3x3dbl_1.bn.bias" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5c.branch3x3dbl_1.bn.running_mean" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5c.branch3x3dbl_1.bn.running_var" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_1/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch3x3dbl_1/relu_/0" -> "Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch3x3dbl_2.conv.weight" -> "Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch3x3dbl_2.bn.weight" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch3x3dbl_2.bn.bias" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_5c.branch3x3dbl_2.bn.running_mean" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_5c.branch3x3dbl_2.bn.running_var" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_2/relu_/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch3x3dbl_2/relu_/0" -> "Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch3x3dbl_3.conv.weight" -> "Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch3x3dbl_3.bn.weight" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch3x3dbl_3.bn.bias" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_5c.branch3x3dbl_3.bn.running_mean" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_5c.branch3x3dbl_3.bn.running_var" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_3/relu_/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch3x3dbl_3/relu_/0" -> "Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=2]; -"Mixed_5c/avg_pool2d/0" -> "Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 256, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5c/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 256, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch_pool.conv.weight" -> "Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5c/branch_pool/conv/conv2d/0" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c.branch_pool.bn.weight" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5c.branch_pool.bn.bias" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5c.branch_pool.bn.running_mean" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5c.branch_pool.bn.running_var" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5c/branch_pool/bn/batch_norm/0" -> "Mixed_5c/branch_pool/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch_pool/relu_/0" -> "Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=3]; -"Mixed_5c/cat/0" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/cat/0" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/cat/0" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5c/cat/0" -> "Mixed_5d/avg_pool2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch1x1.conv.weight" -> "Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5d/branch1x1/conv/conv2d/0" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch1x1.bn.weight" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch1x1.bn.bias" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5d.branch1x1.bn.running_mean" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5d.branch1x1.bn.running_var" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch1x1/bn/batch_norm/0" -> "Mixed_5d/branch1x1/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch1x1/relu_/0" -> "Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch5x5_1.conv.weight" -> "Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(48, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5d/branch5x5_1/conv/conv2d/0" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch5x5_1.bn.weight" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch5x5_1.bn.bias" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"Mixed_5d.branch5x5_1.bn.running_mean" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"Mixed_5d.branch5x5_1.bn.running_var" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch5x5_1/bn/batch_norm/0" -> "Mixed_5d/branch5x5_1/relu_/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch5x5_1/relu_/0" -> "Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5d/branch5x5_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch5x5_2.conv.weight" -> "Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=1]; -"Mixed_5d/branch5x5_2/conv/conv2d/0" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch5x5_2.bn.weight" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch5x5_2.bn.bias" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5d.branch5x5_2.bn.running_mean" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5d.branch5x5_2.bn.running_var" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch5x5_2/bn/batch_norm/0" -> "Mixed_5d/branch5x5_2/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch5x5_2/relu_/0" -> "Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch3x3dbl_1.conv.weight" -> "Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch3x3dbl_1.bn.weight" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch3x3dbl_1.bn.bias" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5d.branch3x3dbl_1.bn.running_mean" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5d.branch3x3dbl_1.bn.running_var" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_1/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch3x3dbl_1/relu_/0" -> "Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch3x3dbl_2.conv.weight" -> "Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch3x3dbl_2.bn.weight" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch3x3dbl_2.bn.bias" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_5d.branch3x3dbl_2.bn.running_mean" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_5d.branch3x3dbl_2.bn.running_var" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_2/relu_/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch3x3dbl_2/relu_/0" -> "Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch3x3dbl_3.conv.weight" -> "Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch3x3dbl_3.bn.weight" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch3x3dbl_3.bn.bias" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_5d.branch3x3dbl_3.bn.running_mean" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_5d.branch3x3dbl_3.bn.running_var" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_3/relu_/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch3x3dbl_3/relu_/0" -> "Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=2]; -"Mixed_5d/avg_pool2d/0" -> "Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_5d/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch_pool.conv.weight" -> "Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_5d/branch_pool/conv/conv2d/0" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d.branch_pool.bn.weight" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_5d.branch_pool.bn.bias" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_5d.branch_pool.bn.running_mean" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_5d.branch_pool.bn.running_var" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_5d/branch_pool/bn/batch_norm/0" -> "Mixed_5d/branch_pool/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch_pool/relu_/0" -> "Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=3]; -"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_5d/cat/0" -> "Mixed_6a/max_pool2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3.conv.weight" -> "Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 288, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, shape="(384, 288, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_6a/branch3x3/conv/conv2d/0" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(2, 384, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3.bn.weight" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_6a.branch3x3.bn.bias" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_6a.branch3x3.bn.running_mean" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_6a.branch3x3.bn.running_var" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_6a/branch3x3/bn/batch_norm/0" -> "Mixed_6a/branch3x3/relu_/0" [dtype=float, shape="(2, 384, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a/branch3x3/relu_/0" -> "Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/cat/0" [dtype=float, shape="(2, 384, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3dbl_1.conv.weight" -> "Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3dbl_1.bn.weight" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"Mixed_6a.branch3x3dbl_1.bn.bias" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"Mixed_6a.branch3x3dbl_1.bn.running_mean" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"Mixed_6a.branch3x3dbl_1.bn.running_var" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_1/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_6a/branch3x3dbl_1/relu_/0" -> "Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3dbl_2.conv.weight" -> "Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3dbl_2.bn.weight" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_6a.branch3x3dbl_2.bn.bias" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_6a.branch3x3dbl_2.bn.running_mean" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_6a.branch3x3dbl_2.bn.running_var" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_2/relu_/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_6a/branch3x3dbl_2/relu_/0" -> "Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3dbl_3.conv.weight" -> "Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 96, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a.branch3x3dbl_3.bn.weight" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"Mixed_6a.branch3x3dbl_3.bn.bias" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"Mixed_6a.branch3x3dbl_3.bn.running_mean" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"Mixed_6a.branch3x3dbl_3.bn.running_var" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_3/relu_/0" [dtype=float, shape="(2, 96, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a/branch3x3dbl_3/relu_/0" -> "Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/cat/0" [dtype=float, shape="(2, 96, 17, 17)", out_port_id=0, in_port_id=1]; -"Mixed_6a/max_pool2d/0" -> "Mixed_6a/cat/0" [dtype=float, shape="(2, 288, 17, 17)", out_port_id=0, in_port_id=2]; -"Mixed_6a/cat/0" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6a/cat/0" -> "Mixed_6b/avg_pool2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch1x1.conv.weight" -> "Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch1x1/conv/conv2d/0" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch1x1.bn.weight" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch1x1.bn.bias" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch1x1.bn.running_mean" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch1x1.bn.running_var" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch1x1/bn/batch_norm/0" -> "Mixed_6b/branch1x1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch1x1/relu_/0" -> "Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7_1.conv.weight" -> "Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7_1/conv/conv2d/0" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7_1.bn.weight" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7_1.bn.bias" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7_1.bn.running_mean" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7_1.bn.running_var" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7_1/relu_/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7_1/relu_/0" -> "Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7_2.conv.weight" -> "Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 1, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(128, 128, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7_2/conv/conv2d/0" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7_2.bn.weight" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7_2.bn.bias" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7_2.bn.running_mean" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7_2.bn.running_var" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7_2/relu_/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7_2/relu_/0" -> "Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7_3.conv.weight" -> "Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 128, 7, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 128, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7_3/conv/conv2d/0" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7_3.bn.weight" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7_3.bn.bias" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7_3.bn.running_mean" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7_3.bn.running_var" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7_3/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7_3/relu_/0" -> "Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7dbl_1.conv.weight" -> "Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_1.bn.weight" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7dbl_1.bn.bias" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7dbl_1.bn.running_mean" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7dbl_1.bn.running_var" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_1/relu_/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7dbl_1/relu_/0" -> "Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_2.conv.weight" -> "Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 7, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(128, 128, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_2.bn.weight" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7dbl_2.bn.bias" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7dbl_2.bn.running_mean" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7dbl_2.bn.running_var" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_2/relu_/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7dbl_2/relu_/0" -> "Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_3.conv.weight" -> "Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 1, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(128, 128, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_3.bn.weight" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7dbl_3.bn.bias" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7dbl_3.bn.running_mean" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7dbl_3.bn.running_var" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_3/relu_/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7dbl_3/relu_/0" -> "Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_4.conv.weight" -> "Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 7, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(128, 128, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_4.bn.weight" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7dbl_4.bn.bias" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7dbl_4.bn.running_mean" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7dbl_4.bn.running_var" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_4/relu_/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7dbl_4/relu_/0" -> "Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_5.conv.weight" -> "Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 128, 1, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 128, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch7x7dbl_5.bn.weight" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch7x7dbl_5.bn.bias" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch7x7dbl_5.bn.running_mean" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch7x7dbl_5.bn.running_var" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_5/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7dbl_5/relu_/0" -> "Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=2]; -"Mixed_6b/avg_pool2d/0" -> "Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6b/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch_pool.conv.weight" -> "Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6b/branch_pool/conv/conv2d/0" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b.branch_pool.bn.weight" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6b.branch_pool.bn.bias" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6b.branch_pool.bn.running_mean" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6b.branch_pool.bn.running_var" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6b/branch_pool/bn/batch_norm/0" -> "Mixed_6b/branch_pool/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch_pool/relu_/0" -> "Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=3]; -"Mixed_6b/cat/0" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6b/cat/0" -> "Mixed_6c/avg_pool2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch1x1.conv.weight" -> "Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch1x1/conv/conv2d/0" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch1x1.bn.weight" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch1x1.bn.bias" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch1x1.bn.running_mean" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch1x1.bn.running_var" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch1x1/bn/batch_norm/0" -> "Mixed_6c/branch1x1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch1x1/relu_/0" -> "Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7_1.conv.weight" -> "Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7_1/conv/conv2d/0" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7_1.bn.weight" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7_1.bn.bias" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7_1.bn.running_mean" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7_1.bn.running_var" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7_1/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7_1/relu_/0" -> "Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7_2.conv.weight" -> "Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7_2/conv/conv2d/0" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7_2.bn.weight" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7_2.bn.bias" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7_2.bn.running_mean" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7_2.bn.running_var" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7_2/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7_2/relu_/0" -> "Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7_3.conv.weight" -> "Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 160, 7, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 160, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7_3/conv/conv2d/0" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7_3.bn.weight" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7_3.bn.bias" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7_3.bn.running_mean" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7_3.bn.running_var" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7_3/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7_3/relu_/0" -> "Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7dbl_1.conv.weight" -> "Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_1.bn.weight" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7dbl_1.bn.bias" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7dbl_1.bn.running_mean" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7dbl_1.bn.running_var" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_1/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7dbl_1/relu_/0" -> "Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_2.conv.weight" -> "Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_2.bn.weight" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7dbl_2.bn.bias" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7dbl_2.bn.running_mean" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7dbl_2.bn.running_var" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_2/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7dbl_2/relu_/0" -> "Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_3.conv.weight" -> "Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_3.bn.weight" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7dbl_3.bn.bias" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7dbl_3.bn.running_mean" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7dbl_3.bn.running_var" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_3/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7dbl_3/relu_/0" -> "Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_4.conv.weight" -> "Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_4.bn.weight" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7dbl_4.bn.bias" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7dbl_4.bn.running_mean" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7dbl_4.bn.running_var" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_4/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7dbl_4/relu_/0" -> "Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_5.conv.weight" -> "Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 160, 1, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 160, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch7x7dbl_5.bn.weight" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch7x7dbl_5.bn.bias" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch7x7dbl_5.bn.running_mean" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch7x7dbl_5.bn.running_var" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_5/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7dbl_5/relu_/0" -> "Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=2]; -"Mixed_6c/avg_pool2d/0" -> "Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6c/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch_pool.conv.weight" -> "Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6c/branch_pool/conv/conv2d/0" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c.branch_pool.bn.weight" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6c.branch_pool.bn.bias" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6c.branch_pool.bn.running_mean" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6c.branch_pool.bn.running_var" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6c/branch_pool/bn/batch_norm/0" -> "Mixed_6c/branch_pool/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch_pool/relu_/0" -> "Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=3]; -"Mixed_6c/cat/0" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6c/cat/0" -> "Mixed_6d/avg_pool2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch1x1.conv.weight" -> "Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch1x1/conv/conv2d/0" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch1x1.bn.weight" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch1x1.bn.bias" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch1x1.bn.running_mean" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch1x1.bn.running_var" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch1x1/bn/batch_norm/0" -> "Mixed_6d/branch1x1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch1x1/relu_/0" -> "Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7_1.conv.weight" -> "Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7_1/conv/conv2d/0" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7_1.bn.weight" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7_1.bn.bias" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7_1.bn.running_mean" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7_1.bn.running_var" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7_1/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7_1/relu_/0" -> "Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7_2.conv.weight" -> "Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7_2/conv/conv2d/0" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7_2.bn.weight" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7_2.bn.bias" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7_2.bn.running_mean" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7_2.bn.running_var" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7_2/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7_2/relu_/0" -> "Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7_3.conv.weight" -> "Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 160, 7, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 160, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7_3/conv/conv2d/0" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7_3.bn.weight" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7_3.bn.bias" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7_3.bn.running_mean" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7_3.bn.running_var" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7_3/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7_3/relu_/0" -> "Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7dbl_1.conv.weight" -> "Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_1.bn.weight" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7dbl_1.bn.bias" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7dbl_1.bn.running_mean" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7dbl_1.bn.running_var" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_1/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7dbl_1/relu_/0" -> "Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_2.conv.weight" -> "Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_2.bn.weight" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7dbl_2.bn.bias" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7dbl_2.bn.running_mean" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7dbl_2.bn.running_var" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_2/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7dbl_2/relu_/0" -> "Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_3.conv.weight" -> "Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_3.bn.weight" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7dbl_3.bn.bias" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7dbl_3.bn.running_mean" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7dbl_3.bn.running_var" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_3/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7dbl_3/relu_/0" -> "Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_4.conv.weight" -> "Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_4.bn.weight" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7dbl_4.bn.bias" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7dbl_4.bn.running_mean" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7dbl_4.bn.running_var" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_4/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7dbl_4/relu_/0" -> "Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_5.conv.weight" -> "Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 160, 1, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 160, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch7x7dbl_5.bn.weight" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch7x7dbl_5.bn.bias" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch7x7dbl_5.bn.running_mean" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch7x7dbl_5.bn.running_var" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_5/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7dbl_5/relu_/0" -> "Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=2]; -"Mixed_6d/avg_pool2d/0" -> "Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6d/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch_pool.conv.weight" -> "Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6d/branch_pool/conv/conv2d/0" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d.branch_pool.bn.weight" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6d.branch_pool.bn.bias" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6d.branch_pool.bn.running_mean" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6d.branch_pool.bn.running_var" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6d/branch_pool/bn/batch_norm/0" -> "Mixed_6d/branch_pool/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch_pool/relu_/0" -> "Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=3]; -"Mixed_6d/cat/0" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6d/cat/0" -> "Mixed_6e/avg_pool2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch1x1.conv.weight" -> "Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch1x1/conv/conv2d/0" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch1x1.bn.weight" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch1x1.bn.bias" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch1x1.bn.running_mean" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch1x1.bn.running_var" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch1x1/bn/batch_norm/0" -> "Mixed_6e/branch1x1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch1x1/relu_/0" -> "Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7_1.conv.weight" -> "Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7_1/conv/conv2d/0" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7_1.bn.weight" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7_1.bn.bias" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7_1.bn.running_mean" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7_1.bn.running_var" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7_1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7_1/relu_/0" -> "Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7_2.conv.weight" -> "Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7_2/conv/conv2d/0" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7_2.bn.weight" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7_2.bn.bias" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7_2.bn.running_mean" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7_2.bn.running_var" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7_2/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7_2/relu_/0" -> "Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7_3.conv.weight" -> "Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7_3/conv/conv2d/0" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7_3.bn.weight" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7_3.bn.bias" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7_3.bn.running_mean" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7_3.bn.running_var" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7_3/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7_3/relu_/0" -> "Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7dbl_1.conv.weight" -> "Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_1.bn.weight" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7dbl_1.bn.bias" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7dbl_1.bn.running_mean" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7dbl_1.bn.running_var" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7dbl_1/relu_/0" -> "Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_2.conv.weight" -> "Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_2.bn.weight" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7dbl_2.bn.bias" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7dbl_2.bn.running_mean" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7dbl_2.bn.running_var" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_2/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7dbl_2/relu_/0" -> "Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_3.conv.weight" -> "Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_3.bn.weight" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7dbl_3.bn.bias" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7dbl_3.bn.running_mean" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7dbl_3.bn.running_var" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_3/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7dbl_3/relu_/0" -> "Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_4.conv.weight" -> "Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_4.bn.weight" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7dbl_4.bn.bias" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7dbl_4.bn.running_mean" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7dbl_4.bn.running_var" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_4/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7dbl_4/relu_/0" -> "Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_5.conv.weight" -> "Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch7x7dbl_5.bn.weight" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch7x7dbl_5.bn.bias" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch7x7dbl_5.bn.running_mean" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch7x7dbl_5.bn.running_var" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_5/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7dbl_5/relu_/0" -> "Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=2]; -"Mixed_6e/avg_pool2d/0" -> "Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_6e/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch_pool.conv.weight" -> "Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_6e/branch_pool/conv/conv2d/0" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e.branch_pool.bn.weight" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_6e.branch_pool.bn.bias" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_6e.branch_pool.bn.running_mean" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_6e.branch_pool.bn.running_var" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_6e/branch_pool/bn/batch_norm/0" -> "Mixed_6e/branch_pool/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch_pool/relu_/0" -> "Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=3]; -"Mixed_6e/cat/0" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/cat/0" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_6e/cat/0" -> "Mixed_7a/max_pool2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch3x3_1.conv.weight" -> "Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7a/branch3x3_1/conv/conv2d/0" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch3x3_1.bn.weight" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_7a.branch3x3_1.bn.bias" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_7a.branch3x3_1.bn.running_mean" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_7a.branch3x3_1.bn.running_var" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch3x3_1/bn/batch_norm/0" -> "Mixed_7a/branch3x3_1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a/branch3x3_1/relu_/0" -> "Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7a/branch3x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch3x3_2.conv.weight" -> "Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 192, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, shape="(320, 192, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7a/branch3x3_2/conv/conv2d/0" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch3x3_2.bn.weight" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"Mixed_7a.branch3x3_2.bn.bias" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"Mixed_7a.branch3x3_2.bn.running_mean" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"Mixed_7a.branch3x3_2.bn.running_var" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch3x3_2/bn/batch_norm/0" -> "Mixed_7a/branch3x3_2/relu_/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a/branch3x3_2/relu_/0" -> "Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/cat/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_1.conv.weight" -> "Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7a/branch7x7x3_1/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_1.bn.weight" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_7a.branch7x7x3_1.bn.bias" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_7a.branch7x7x3_1.bn.running_mean" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_7a.branch7x7x3_1.bn.running_var" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a/branch7x7x3_1/relu_/0" -> "Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_2.conv.weight" -> "Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; -"Mixed_7a/branch7x7x3_2/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_2.bn.weight" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_7a.branch7x7x3_2.bn.bias" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_7a.branch7x7x3_2.bn.running_mean" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_7a.branch7x7x3_2.bn.running_var" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_2/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a/branch7x7x3_2/relu_/0" -> "Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_2/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_3.conv.weight" -> "Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7a/branch7x7x3_3/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_3.bn.weight" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_7a.branch7x7x3_3.bn.bias" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_7a.branch7x7x3_3.bn.running_mean" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_7a.branch7x7x3_3.bn.running_var" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_3/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a/branch7x7x3_3/relu_/0" -> "Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_3/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_4.conv.weight" -> "Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, shape="(192, 192, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7a/branch7x7x3_4/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a.branch7x7x3_4.bn.weight" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_7a.branch7x7x3_4.bn.bias" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_7a.branch7x7x3_4.bn.running_mean" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_7a.branch7x7x3_4.bn.running_var" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_4/relu_/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a/branch7x7x3_4/relu_/0" -> "Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/cat/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=1]; -"Mixed_7a/max_pool2d/0" -> "Mixed_7a/cat/0" [dtype=float, shape="(2, 768, 8, 8)", out_port_id=0, in_port_id=2]; -"Mixed_7a/cat/0" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 1280, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(2, 1280, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 1280, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7a/cat/0" -> "Mixed_7b/avg_pool2d/0" [dtype=float, shape="(2, 1280, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch1x1.conv.weight" -> "Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 1280, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, shape="(320, 1280, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch1x1/conv/conv2d/0" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch1x1.bn.weight" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch1x1.bn.bias" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch1x1.bn.running_mean" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch1x1.bn.running_var" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch1x1/bn/batch_norm/0" -> "Mixed_7b/branch1x1/relu_/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch1x1/relu_/0" -> "Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/2" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3_1.conv.weight" -> "Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1280, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(384, 1280, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch3x3_1/conv/conv2d/0" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3_1.bn.weight" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3_1.bn.bias" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch3x3_1.bn.running_mean" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch3x3_1.bn.running_var" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3_1/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3_1/relu_/0" -> "Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3_2a.conv.weight" -> "Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch3x3_2a/conv/conv2d/0" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3_2a.bn.weight" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3_2a.bn.bias" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch3x3_2a.bn.running_mean" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch3x3_2a.bn.running_var" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2a/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3_2a/relu_/0" -> "Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3_2b.conv.weight" -> "Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch3x3_2b/conv/conv2d/0" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3_2b.bn.weight" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3_2b.bn.bias" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch3x3_2b.bn.running_mean" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch3x3_2b.bn.running_var" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2b/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3_2b/relu_/0" -> "Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=1]; -"Mixed_7b/cat/0" -> "Mixed_7b/cat/2" [dtype=float, shape="(2, 768, 8, 8)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3dbl_1.conv.weight" -> "Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(448, 1280, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(448, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(448, 1280, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3dbl_1.bn.weight" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3dbl_1.bn.bias" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch3x3dbl_1.bn.running_mean" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch3x3dbl_1.bn.running_var" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_1/relu_/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3dbl_1/relu_/0" -> "Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3dbl_2.conv.weight" -> "Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 448, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(384, 448, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3dbl_2.bn.weight" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3dbl_2.bn.bias" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch3x3dbl_2.bn.running_mean" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch3x3dbl_2.bn.running_var" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_2/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3dbl_2/relu_/0" -> "Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3dbl_3a.conv.weight" -> "Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3dbl_3a.bn.weight" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3dbl_3a.bn.bias" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch3x3dbl_3a.bn.running_var" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3a/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3dbl_3a/relu_/0" -> "Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/1" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3dbl_3b.conv.weight" -> "Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch3x3dbl_3b.bn.weight" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch3x3dbl_3b.bn.bias" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch3x3dbl_3b.bn.running_var" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3b/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3dbl_3b/relu_/0" -> "Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/1" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=1]; -"Mixed_7b/cat/1" -> "Mixed_7b/cat/2" [dtype=float, shape="(2, 768, 8, 8)", out_port_id=0, in_port_id=2]; -"Mixed_7b/avg_pool2d/0" -> "Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 1280, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7b/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 1280, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch_pool.conv.weight" -> "Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1280, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 1280, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7b/branch_pool/conv/conv2d/0" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b.branch_pool.bn.weight" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_7b.branch_pool.bn.bias" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_7b.branch_pool.bn.running_mean" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_7b.branch_pool.bn.running_var" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_7b/branch_pool/bn/batch_norm/0" -> "Mixed_7b/branch_pool/relu_/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch_pool/relu_/0" -> "Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/2" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=3]; -"Mixed_7b/cat/2" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 2048, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(2, 2048, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 2048, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7b/cat/2" -> "Mixed_7c/avg_pool2d/0" [dtype=float, shape="(2, 2048, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch1x1.conv.weight" -> "Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 2048, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, shape="(320, 2048, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch1x1/conv/conv2d/0" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch1x1.bn.weight" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch1x1.bn.bias" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch1x1.bn.running_mean" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch1x1.bn.running_var" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch1x1/bn/batch_norm/0" -> "Mixed_7c/branch1x1/relu_/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch1x1/relu_/0" -> "Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/2" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3_1.conv.weight" -> "Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 2048, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(384, 2048, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch3x3_1/conv/conv2d/0" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3_1.bn.weight" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3_1.bn.bias" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch3x3_1.bn.running_mean" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch3x3_1.bn.running_var" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3_1/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3_1/relu_/0" -> "Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3_2a.conv.weight" -> "Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch3x3_2a/conv/conv2d/0" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3_2a.bn.weight" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3_2a.bn.bias" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch3x3_2a.bn.running_mean" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch3x3_2a.bn.running_var" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2a/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3_2a/relu_/0" -> "Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3_2b.conv.weight" -> "Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch3x3_2b/conv/conv2d/0" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3_2b.bn.weight" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3_2b.bn.bias" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch3x3_2b.bn.running_mean" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch3x3_2b.bn.running_var" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2b/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3_2b/relu_/0" -> "Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2b/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=1]; -"Mixed_7c/cat/0" -> "Mixed_7c/cat/2" [dtype=float, shape="(2, 768, 8, 8)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3dbl_1.conv.weight" -> "Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(448, 2048, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(448, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(448, 2048, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3dbl_1.bn.weight" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3dbl_1.bn.bias" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch3x3dbl_1.bn.running_mean" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch3x3dbl_1.bn.running_var" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_1/relu_/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3dbl_1/relu_/0" -> "Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3dbl_2.conv.weight" -> "Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 448, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(384, 448, 3, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3dbl_2.bn.weight" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3dbl_2.bn.bias" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch3x3dbl_2.bn.running_mean" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch3x3dbl_2.bn.running_var" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_2/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3dbl_2/relu_/0" -> "Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3dbl_3a.conv.weight" -> "Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3dbl_3a.bn.weight" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3dbl_3a.bn.bias" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch3x3dbl_3a.bn.running_var" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3a/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3dbl_3a/relu_/0" -> "Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3a/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/1" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3dbl_3b.conv.weight" -> "Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch3x3dbl_3b.bn.weight" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch3x3dbl_3b.bn.bias" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch3x3dbl_3b.bn.running_var" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3b/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch3x3dbl_3b/relu_/0" -> "Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3b/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/1" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=1]; -"Mixed_7c/cat/1" -> "Mixed_7c/cat/2" [dtype=float, shape="(2, 768, 8, 8)", out_port_id=0, in_port_id=2]; -"Mixed_7c/avg_pool2d/0" -> "Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 2048, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7c/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 2048, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch_pool.conv.weight" -> "Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 2048, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 2048, 1, 1)", out_port_id=0, in_port_id=1]; -"Mixed_7c/branch_pool/conv/conv2d/0" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c.branch_pool.bn.weight" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"Mixed_7c.branch_pool.bn.bias" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"Mixed_7c.branch_pool.bn.running_mean" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"Mixed_7c.branch_pool.bn.running_var" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch_pool/bn/batch_norm/0" -> "Mixed_7c/branch_pool/relu_/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"Mixed_7c/branch_pool/relu_/0" -> "Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.Mixed_7c/branch_pool/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/2" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=3]; -"Mixed_7c/cat/2" -> "/adaptive_avg_pool2d/0" [dtype=float, shape="(2, 2048, 8, 8)", out_port_id=0, in_port_id=0]; -"/adaptive_avg_pool2d/0" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 2048, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/dropout/0" [dtype=float, shape="(2, 2048, 1, 1)", out_port_id=0, in_port_id=0]; -"/dropout/0" -> "/view/0" [dtype=float, shape="(2, 2048, 1, 1)", out_port_id=0, in_port_id=0]; -"/view/0" -> "fc/linear/0" [dtype=float, shape="(2, 2048)", out_port_id=0, in_port_id=0]; -"fc.weight" -> "fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 2048)", out_port_id=0, in_port_id=0]; -"fc.bias" -> "fc/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.fc/linear/0__1.0._scale_param_storage" -> "fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 1)", out_port_id=0, in_port_id=4]; -"fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" -> "fc/linear/0" [dtype=float, shape="(1000, 2048)", out_port_id=0, in_port_id=1]; -"fc/linear/0" -> output [dtype=float, shape="(2, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +"/__getitem__/0" [id=3, metatype=PTGatherMetatype, type=__getitem__]; +"/unsqueeze/0" [id=4, metatype=PTReshapeMetatype, type=unsqueeze]; +"/mul/0" [id=5, metatype=PTMulMetatype, type=mul]; +"/add/0" [id=6, metatype=PTAddMetatype, type=add]; +"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__-add-0__0[0]/symmetric_quantize/0" [id=8, metatype=UnknownMetatype, type=symmetric_quantize]; +"/__getitem__/1" [id=9, metatype=PTGatherMetatype, type=__getitem__]; +"/unsqueeze/1" [id=10, metatype=PTReshapeMetatype, type=unsqueeze]; +"/mul/1" [id=11, metatype=PTMulMetatype, type=mul]; +"/add/1" [id=12, metatype=PTAddMetatype, type=add]; +"post_hook__-add-0__0[0]/symmetric_quantize/1" [id=13, metatype=UnknownMetatype, type=symmetric_quantize]; +"/__getitem__/2" [id=14, metatype=PTGatherMetatype, type=__getitem__]; +"/unsqueeze/2" [id=15, metatype=PTReshapeMetatype, type=unsqueeze]; +"/mul/2" [id=16, metatype=PTMulMetatype, type=mul]; +"/add/2" [id=17, metatype=PTAddMetatype, type=add]; +"post_hook__-add-0__0[0]/symmetric_quantize/2" [id=18, metatype=UnknownMetatype, type=symmetric_quantize]; +"/cat/0" [id=19, metatype=PTCatMetatype, type=cat]; +"Conv2d_1a_3x3.conv.weight" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Conv2d_1a_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=22, metatype=UnknownMetatype, type=symmetric_quantize]; +"Conv2d_1a_3x3/conv/conv2d/0" [id=23, metatype=PTConv2dMetatype, type=conv2d]; +"Conv2d_1a_3x3.bn.weight" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_1a_3x3.bn.bias" [id=25, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_1a_3x3.bn.running_mean" [id=26, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_1a_3x3.bn.running_var" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_1a_3x3/bn/batch_norm/0" [id=28, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Conv2d_1a_3x3/relu_/0" [id=29, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Conv2d_1a_3x3/relu_/0__0.0._scale_param_storage" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=31, metatype=UnknownMetatype, type=symmetric_quantize]; +"Conv2d_2a_3x3.conv.weight" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Conv2d_2a_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=34, metatype=UnknownMetatype, type=symmetric_quantize]; +"Conv2d_2a_3x3/conv/conv2d/0" [id=35, metatype=PTConv2dMetatype, type=conv2d]; +"Conv2d_2a_3x3.bn.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2a_3x3.bn.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2a_3x3.bn.running_mean" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2a_3x3.bn.running_var" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2a_3x3/bn/batch_norm/0" [id=40, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Conv2d_2a_3x3/relu_/0" [id=41, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Conv2d_2a_3x3/relu_/0__0.0._scale_param_storage" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=43, metatype=UnknownMetatype, type=symmetric_quantize]; +"Conv2d_2b_3x3.conv.weight" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Conv2d_2b_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=46, metatype=UnknownMetatype, type=symmetric_quantize]; +"Conv2d_2b_3x3/conv/conv2d/0" [id=47, metatype=PTConv2dMetatype, type=conv2d]; +"Conv2d_2b_3x3.bn.weight" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2b_3x3.bn.bias" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2b_3x3.bn.running_mean" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2b_3x3.bn.running_var" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2b_3x3/bn/batch_norm/0" [id=52, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Conv2d_2b_3x3/relu_/0" [id=53, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Conv2d_2b_3x3/relu_/0__0.0._scale_param_storage" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=55, metatype=UnknownMetatype, type=symmetric_quantize]; +"/max_pool2d/0" [id=56, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"Conv2d_3b_1x1.conv.weight" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Conv2d_3b_1x1/conv/conv2d/0__1.0._scale_param_storage" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=59, metatype=UnknownMetatype, type=symmetric_quantize]; +"Conv2d_3b_1x1/conv/conv2d/0" [id=60, metatype=PTConv2dMetatype, type=conv2d]; +"Conv2d_3b_1x1.bn.weight" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_3b_1x1.bn.bias" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_3b_1x1.bn.running_mean" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_3b_1x1.bn.running_var" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_3b_1x1/bn/batch_norm/0" [id=65, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Conv2d_3b_1x1/relu_/0" [id=66, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Conv2d_3b_1x1/relu_/0__0.0._scale_param_storage" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" [id=68, metatype=UnknownMetatype, type=symmetric_quantize]; +"Conv2d_4a_3x3.conv.weight" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Conv2d_4a_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=71, metatype=UnknownMetatype, type=symmetric_quantize]; +"Conv2d_4a_3x3/conv/conv2d/0" [id=72, metatype=PTConv2dMetatype, type=conv2d]; +"Conv2d_4a_3x3.bn.weight" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_4a_3x3.bn.bias" [id=74, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_4a_3x3.bn.running_mean" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_4a_3x3.bn.running_var" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_4a_3x3/bn/batch_norm/0" [id=77, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Conv2d_4a_3x3/relu_/0" [id=78, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Conv2d_4a_3x3/relu_/0__0.0._scale_param_storage" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=80, metatype=UnknownMetatype, type=symmetric_quantize]; +"/max_pool2d/1" [id=81, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"Mixed_5b.branch1x1.conv.weight" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=84, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b/branch1x1/conv/conv2d/0" [id=85, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5b.branch1x1.bn.weight" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch1x1.bn.bias" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch1x1.bn.running_mean" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch1x1.bn.running_var" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch1x1/bn/batch_norm/0" [id=90, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5b/branch1x1/relu_/0" [id=91, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=93, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b.branch5x5_1.conv.weight" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=96, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b/branch5x5_1/conv/conv2d/0" [id=97, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5b.branch5x5_1.bn.weight" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch5x5_1.bn.bias" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch5x5_1.bn.running_mean" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch5x5_1.bn.running_var" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch5x5_1/bn/batch_norm/0" [id=102, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5b/branch5x5_1/relu_/0" [id=103, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_1/relu_/0__0.0._scale_param_storage" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [id=105, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b.branch5x5_2.conv.weight" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=108, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b/branch5x5_2/conv/conv2d/0" [id=109, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5b.branch5x5_2.bn.weight" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch5x5_2.bn.bias" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch5x5_2.bn.running_mean" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch5x5_2.bn.running_var" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch5x5_2/bn/batch_norm/0" [id=114, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5b/branch5x5_2/relu_/0" [id=115, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=116, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b.branch3x3dbl_1.conv.weight" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=119, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [id=120, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5b.branch3x3dbl_1.bn.weight" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_1.bn.bias" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_1.bn.running_mean" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_1.bn.running_var" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [id=125, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5b/branch3x3dbl_1/relu_/0" [id=126, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=128, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b.branch3x3dbl_2.conv.weight" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=131, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [id=132, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5b.branch3x3dbl_2.bn.weight" [id=133, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_2.bn.bias" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_2.bn.running_mean" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_2.bn.running_var" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [id=137, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5b/branch3x3dbl_2/relu_/0" [id=138, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=140, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b.branch3x3dbl_3.conv.weight" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=143, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [id=144, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5b.branch3x3dbl_3.bn.weight" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_3.bn.bias" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_3.bn.running_mean" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch3x3dbl_3.bn.running_var" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [id=149, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5b/branch3x3dbl_3/relu_/0" [id=150, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=151, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b/avg_pool2d/0" [id=152, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks.Mixed_5b/avg_pool2d/0__0.0._scale_param_storage" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=154, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b.branch_pool.conv.weight" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=157, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b/branch_pool/conv/conv2d/0" [id=158, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5b.branch_pool.bn.weight" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch_pool.bn.bias" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch_pool.bn.running_mean" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b.branch_pool.bn.running_var" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5b/branch_pool/bn/batch_norm/0" [id=163, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5b/branch_pool/relu_/0" [id=164, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=165, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5b/cat/0" [id=166, metatype=PTCatMetatype, type=cat]; +"Mixed_5c.branch1x1.conv.weight" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=169, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c/branch1x1/conv/conv2d/0" [id=170, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5c.branch1x1.bn.weight" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch1x1.bn.bias" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch1x1.bn.running_mean" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch1x1.bn.running_var" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch1x1/bn/batch_norm/0" [id=175, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5c/branch1x1/relu_/0" [id=176, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=178, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c.branch5x5_1.conv.weight" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=181, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c/branch5x5_1/conv/conv2d/0" [id=182, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5c.branch5x5_1.bn.weight" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch5x5_1.bn.bias" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch5x5_1.bn.running_mean" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch5x5_1.bn.running_var" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch5x5_1/bn/batch_norm/0" [id=187, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5c/branch5x5_1/relu_/0" [id=188, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_5c/branch5x5_1/relu_/0__0.0._scale_param_storage" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [id=190, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c.branch5x5_2.conv.weight" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=193, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c/branch5x5_2/conv/conv2d/0" [id=194, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5c.branch5x5_2.bn.weight" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch5x5_2.bn.bias" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch5x5_2.bn.running_mean" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch5x5_2.bn.running_var" [id=198, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch5x5_2/bn/batch_norm/0" [id=199, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5c/branch5x5_2/relu_/0" [id=200, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=201, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c.branch3x3dbl_1.conv.weight" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=204, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [id=205, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5c.branch3x3dbl_1.bn.weight" [id=206, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_1.bn.bias" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_1.bn.running_mean" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_1.bn.running_var" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [id=210, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5c/branch3x3dbl_1/relu_/0" [id=211, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=213, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c.branch3x3dbl_2.conv.weight" [id=214, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=216, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [id=217, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5c.branch3x3dbl_2.bn.weight" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_2.bn.bias" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_2.bn.running_mean" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_2.bn.running_var" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [id=222, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5c/branch3x3dbl_2/relu_/0" [id=223, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=225, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c.branch3x3dbl_3.conv.weight" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=228, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [id=229, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5c.branch3x3dbl_3.bn.weight" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_3.bn.bias" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_3.bn.running_mean" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch3x3dbl_3.bn.running_var" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [id=234, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5c/branch3x3dbl_3/relu_/0" [id=235, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=236, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c/avg_pool2d/0" [id=237, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks.Mixed_5c/avg_pool2d/0__0.0._scale_param_storage" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=239, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c.branch_pool.conv.weight" [id=240, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=242, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c/branch_pool/conv/conv2d/0" [id=243, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5c.branch_pool.bn.weight" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch_pool.bn.bias" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch_pool.bn.running_mean" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c.branch_pool.bn.running_var" [id=247, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5c/branch_pool/bn/batch_norm/0" [id=248, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5c/branch_pool/relu_/0" [id=249, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=250, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5c/cat/0" [id=251, metatype=PTCatMetatype, type=cat]; +"Mixed_5d.branch1x1.conv.weight" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=254, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d/branch1x1/conv/conv2d/0" [id=255, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5d.branch1x1.bn.weight" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch1x1.bn.bias" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch1x1.bn.running_mean" [id=258, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch1x1.bn.running_var" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch1x1/bn/batch_norm/0" [id=260, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5d/branch1x1/relu_/0" [id=261, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=263, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d.branch5x5_1.conv.weight" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" [id=265, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=266, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d/branch5x5_1/conv/conv2d/0" [id=267, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5d.branch5x5_1.bn.weight" [id=268, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch5x5_1.bn.bias" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch5x5_1.bn.running_mean" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch5x5_1.bn.running_var" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch5x5_1/bn/batch_norm/0" [id=272, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5d/branch5x5_1/relu_/0" [id=273, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_5d/branch5x5_1/relu_/0__0.0._scale_param_storage" [id=274, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [id=275, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d.branch5x5_2.conv.weight" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=278, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d/branch5x5_2/conv/conv2d/0" [id=279, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5d.branch5x5_2.bn.weight" [id=280, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch5x5_2.bn.bias" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch5x5_2.bn.running_mean" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch5x5_2.bn.running_var" [id=283, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch5x5_2/bn/batch_norm/0" [id=284, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5d/branch5x5_2/relu_/0" [id=285, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=286, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d.branch3x3dbl_1.conv.weight" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=289, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [id=290, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5d.branch3x3dbl_1.bn.weight" [id=291, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_1.bn.bias" [id=292, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_1.bn.running_mean" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_1.bn.running_var" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [id=295, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5d/branch3x3dbl_1/relu_/0" [id=296, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=297, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=298, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d.branch3x3dbl_2.conv.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=301, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [id=302, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5d.branch3x3dbl_2.bn.weight" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_2.bn.bias" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_2.bn.running_mean" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_2.bn.running_var" [id=306, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [id=307, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5d/branch3x3dbl_2/relu_/0" [id=308, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=309, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=310, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d.branch3x3dbl_3.conv.weight" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=313, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [id=314, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5d.branch3x3dbl_3.bn.weight" [id=315, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_3.bn.bias" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_3.bn.running_mean" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch3x3dbl_3.bn.running_var" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [id=319, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5d/branch3x3dbl_3/relu_/0" [id=320, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=321, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d/avg_pool2d/0" [id=322, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks.Mixed_5d/avg_pool2d/0__0.0._scale_param_storage" [id=323, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=324, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d.branch_pool.conv.weight" [id=325, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=327, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d/branch_pool/conv/conv2d/0" [id=328, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_5d.branch_pool.bn.weight" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch_pool.bn.bias" [id=330, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch_pool.bn.running_mean" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d.branch_pool.bn.running_var" [id=332, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_5d/branch_pool/bn/batch_norm/0" [id=333, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_5d/branch_pool/relu_/0" [id=334, metatype=PTRELUMetatype, type=relu_]; +"Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=335, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_5d/cat/0" [id=336, metatype=PTCatMetatype, type=cat]; +"Mixed_6a.branch3x3.conv.weight" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3/conv/conv2d/0__1.0._scale_param_storage" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=339, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6a/branch3x3/conv/conv2d/0" [id=340, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6a.branch3x3.bn.weight" [id=341, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3.bn.bias" [id=342, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3.bn.running_mean" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3.bn.running_var" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3/bn/batch_norm/0" [id=345, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6a/branch3x3/relu_/0" [id=346, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=347, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6a.branch3x3dbl_1.conv.weight" [id=348, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=350, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [id=351, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6a.branch3x3dbl_1.bn.weight" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_1.bn.bias" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_1.bn.running_mean" [id=354, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_1.bn.running_var" [id=355, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [id=356, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6a/branch3x3dbl_1/relu_/0" [id=357, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=359, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6a.branch3x3dbl_2.conv.weight" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=361, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=362, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [id=363, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6a.branch3x3dbl_2.bn.weight" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_2.bn.bias" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_2.bn.running_mean" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_2.bn.running_var" [id=367, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [id=368, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6a/branch3x3dbl_2/relu_/0" [id=369, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=371, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6a.branch3x3dbl_3.conv.weight" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=373, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=374, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [id=375, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6a.branch3x3dbl_3.bn.weight" [id=376, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_3.bn.bias" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_3.bn.running_mean" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a.branch3x3dbl_3.bn.running_var" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [id=380, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6a/branch3x3dbl_3/relu_/0" [id=381, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=382, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6a/max_pool2d/0" [id=383, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"Mixed_6a/cat/0" [id=384, metatype=PTCatMetatype, type=cat]; +"Mixed_6b.branch1x1.conv.weight" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=386, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=387, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b/branch1x1/conv/conv2d/0" [id=388, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch1x1.bn.weight" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch1x1.bn.bias" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch1x1.bn.running_mean" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch1x1.bn.running_var" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch1x1/bn/batch_norm/0" [id=393, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch1x1/relu_/0" [id=394, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=396, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b.branch7x7_1.conv.weight" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=399, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b/branch7x7_1/conv/conv2d/0" [id=400, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7_1.bn.weight" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_1.bn.bias" [id=402, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_1.bn.running_mean" [id=403, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_1.bn.running_var" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7_1/bn/batch_norm/0" [id=405, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7_1/relu_/0" [id=406, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=408, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b.branch7x7_2.conv.weight" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=410, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=411, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b/branch7x7_2/conv/conv2d/0" [id=412, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7_2.bn.weight" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_2.bn.bias" [id=414, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_2.bn.running_mean" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_2.bn.running_var" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7_2/bn/batch_norm/0" [id=417, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7_2/relu_/0" [id=418, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=420, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b.branch7x7_3.conv.weight" [id=421, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=423, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b/branch7x7_3/conv/conv2d/0" [id=424, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7_3.bn.weight" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_3.bn.bias" [id=426, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_3.bn.running_mean" [id=427, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7_3.bn.running_var" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7_3/bn/batch_norm/0" [id=429, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7_3/relu_/0" [id=430, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=431, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b.branch7x7dbl_1.conv.weight" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=434, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [id=435, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7dbl_1.bn.weight" [id=436, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_1.bn.bias" [id=437, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_1.bn.running_mean" [id=438, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_1.bn.running_var" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [id=440, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7dbl_1/relu_/0" [id=441, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=443, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b.branch7x7dbl_2.conv.weight" [id=444, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=445, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=446, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [id=447, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7dbl_2.bn.weight" [id=448, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_2.bn.bias" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_2.bn.running_mean" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_2.bn.running_var" [id=451, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [id=452, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7dbl_2/relu_/0" [id=453, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=454, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=455, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b.branch7x7dbl_3.conv.weight" [id=456, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=457, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=458, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [id=459, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7dbl_3.bn.weight" [id=460, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_3.bn.bias" [id=461, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_3.bn.running_mean" [id=462, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_3.bn.running_var" [id=463, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [id=464, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7dbl_3/relu_/0" [id=465, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=467, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b.branch7x7dbl_4.conv.weight" [id=468, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=469, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=470, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [id=471, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7dbl_4.bn.weight" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_4.bn.bias" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_4.bn.running_mean" [id=474, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_4.bn.running_var" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [id=476, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7dbl_4/relu_/0" [id=477, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=478, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=479, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b.branch7x7dbl_5.conv.weight" [id=480, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=481, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=482, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [id=483, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch7x7dbl_5.bn.weight" [id=484, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_5.bn.bias" [id=485, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_5.bn.running_mean" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch7x7dbl_5.bn.running_var" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [id=488, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch7x7dbl_5/relu_/0" [id=489, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=490, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b/avg_pool2d/0" [id=491, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks.Mixed_6b/avg_pool2d/0__0.0._scale_param_storage" [id=492, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=493, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b.branch_pool.conv.weight" [id=494, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=495, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=496, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b/branch_pool/conv/conv2d/0" [id=497, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6b.branch_pool.bn.weight" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch_pool.bn.bias" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch_pool.bn.running_mean" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b.branch_pool.bn.running_var" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6b/branch_pool/bn/batch_norm/0" [id=502, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6b/branch_pool/relu_/0" [id=503, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=504, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6b/cat/0" [id=505, metatype=PTCatMetatype, type=cat]; +"Mixed_6c.branch1x1.conv.weight" [id=506, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=507, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=508, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c/branch1x1/conv/conv2d/0" [id=509, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch1x1.bn.weight" [id=510, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch1x1.bn.bias" [id=511, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch1x1.bn.running_mean" [id=512, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch1x1.bn.running_var" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch1x1/bn/batch_norm/0" [id=514, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch1x1/relu_/0" [id=515, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=517, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c.branch7x7_1.conv.weight" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=519, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=520, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c/branch7x7_1/conv/conv2d/0" [id=521, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7_1.bn.weight" [id=522, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_1.bn.bias" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_1.bn.running_mean" [id=524, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_1.bn.running_var" [id=525, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7_1/bn/batch_norm/0" [id=526, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7_1/relu_/0" [id=527, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=528, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=529, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c.branch7x7_2.conv.weight" [id=530, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=531, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=532, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c/branch7x7_2/conv/conv2d/0" [id=533, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7_2.bn.weight" [id=534, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_2.bn.bias" [id=535, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_2.bn.running_mean" [id=536, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_2.bn.running_var" [id=537, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7_2/bn/batch_norm/0" [id=538, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7_2/relu_/0" [id=539, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=540, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=541, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c.branch7x7_3.conv.weight" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=543, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=544, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c/branch7x7_3/conv/conv2d/0" [id=545, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7_3.bn.weight" [id=546, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_3.bn.bias" [id=547, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_3.bn.running_mean" [id=548, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7_3.bn.running_var" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7_3/bn/batch_norm/0" [id=550, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7_3/relu_/0" [id=551, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=552, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c.branch7x7dbl_1.conv.weight" [id=553, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=554, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=555, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [id=556, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7dbl_1.bn.weight" [id=557, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_1.bn.bias" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_1.bn.running_mean" [id=559, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_1.bn.running_var" [id=560, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [id=561, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7dbl_1/relu_/0" [id=562, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=563, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=564, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c.branch7x7dbl_2.conv.weight" [id=565, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=566, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=567, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [id=568, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7dbl_2.bn.weight" [id=569, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_2.bn.bias" [id=570, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_2.bn.running_mean" [id=571, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_2.bn.running_var" [id=572, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [id=573, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7dbl_2/relu_/0" [id=574, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=575, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=576, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c.branch7x7dbl_3.conv.weight" [id=577, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=578, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=579, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [id=580, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7dbl_3.bn.weight" [id=581, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_3.bn.bias" [id=582, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_3.bn.running_mean" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_3.bn.running_var" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [id=585, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7dbl_3/relu_/0" [id=586, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=587, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=588, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c.branch7x7dbl_4.conv.weight" [id=589, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=590, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=591, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [id=592, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7dbl_4.bn.weight" [id=593, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_4.bn.bias" [id=594, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_4.bn.running_mean" [id=595, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_4.bn.running_var" [id=596, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [id=597, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7dbl_4/relu_/0" [id=598, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=599, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=600, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c.branch7x7dbl_5.conv.weight" [id=601, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=602, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=603, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [id=604, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch7x7dbl_5.bn.weight" [id=605, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_5.bn.bias" [id=606, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_5.bn.running_mean" [id=607, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch7x7dbl_5.bn.running_var" [id=608, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [id=609, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch7x7dbl_5/relu_/0" [id=610, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=611, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c/avg_pool2d/0" [id=612, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks.Mixed_6c/avg_pool2d/0__0.0._scale_param_storage" [id=613, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=614, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c.branch_pool.conv.weight" [id=615, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=616, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=617, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c/branch_pool/conv/conv2d/0" [id=618, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6c.branch_pool.bn.weight" [id=619, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch_pool.bn.bias" [id=620, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch_pool.bn.running_mean" [id=621, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c.branch_pool.bn.running_var" [id=622, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6c/branch_pool/bn/batch_norm/0" [id=623, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6c/branch_pool/relu_/0" [id=624, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=625, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6c/cat/0" [id=626, metatype=PTCatMetatype, type=cat]; +"Mixed_6d.branch1x1.conv.weight" [id=627, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=628, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=629, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d/branch1x1/conv/conv2d/0" [id=630, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch1x1.bn.weight" [id=631, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch1x1.bn.bias" [id=632, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch1x1.bn.running_mean" [id=633, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch1x1.bn.running_var" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch1x1/bn/batch_norm/0" [id=635, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch1x1/relu_/0" [id=636, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" [id=637, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=638, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d.branch7x7_1.conv.weight" [id=639, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=640, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=641, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d/branch7x7_1/conv/conv2d/0" [id=642, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7_1.bn.weight" [id=643, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_1.bn.bias" [id=644, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_1.bn.running_mean" [id=645, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_1.bn.running_var" [id=646, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7_1/bn/batch_norm/0" [id=647, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7_1/relu_/0" [id=648, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=649, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=650, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d.branch7x7_2.conv.weight" [id=651, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=652, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=653, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d/branch7x7_2/conv/conv2d/0" [id=654, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7_2.bn.weight" [id=655, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_2.bn.bias" [id=656, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_2.bn.running_mean" [id=657, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_2.bn.running_var" [id=658, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7_2/bn/batch_norm/0" [id=659, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7_2/relu_/0" [id=660, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=661, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=662, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d.branch7x7_3.conv.weight" [id=663, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=664, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=665, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d/branch7x7_3/conv/conv2d/0" [id=666, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7_3.bn.weight" [id=667, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_3.bn.bias" [id=668, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_3.bn.running_mean" [id=669, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7_3.bn.running_var" [id=670, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7_3/bn/batch_norm/0" [id=671, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7_3/relu_/0" [id=672, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=673, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d.branch7x7dbl_1.conv.weight" [id=674, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=675, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=676, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [id=677, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7dbl_1.bn.weight" [id=678, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_1.bn.bias" [id=679, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_1.bn.running_mean" [id=680, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_1.bn.running_var" [id=681, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [id=682, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7dbl_1/relu_/0" [id=683, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=684, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=685, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d.branch7x7dbl_2.conv.weight" [id=686, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=687, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=688, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [id=689, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7dbl_2.bn.weight" [id=690, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_2.bn.bias" [id=691, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_2.bn.running_mean" [id=692, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_2.bn.running_var" [id=693, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [id=694, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7dbl_2/relu_/0" [id=695, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=696, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=697, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d.branch7x7dbl_3.conv.weight" [id=698, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=699, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=700, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [id=701, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7dbl_3.bn.weight" [id=702, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_3.bn.bias" [id=703, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_3.bn.running_mean" [id=704, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_3.bn.running_var" [id=705, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [id=706, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7dbl_3/relu_/0" [id=707, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=708, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=709, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d.branch7x7dbl_4.conv.weight" [id=710, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=711, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=712, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [id=713, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7dbl_4.bn.weight" [id=714, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_4.bn.bias" [id=715, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_4.bn.running_mean" [id=716, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_4.bn.running_var" [id=717, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [id=718, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7dbl_4/relu_/0" [id=719, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=720, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=721, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d.branch7x7dbl_5.conv.weight" [id=722, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=723, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=724, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [id=725, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch7x7dbl_5.bn.weight" [id=726, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_5.bn.bias" [id=727, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_5.bn.running_mean" [id=728, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch7x7dbl_5.bn.running_var" [id=729, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [id=730, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch7x7dbl_5/relu_/0" [id=731, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=732, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d/avg_pool2d/0" [id=733, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks.Mixed_6d/avg_pool2d/0__0.0._scale_param_storage" [id=734, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=735, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d.branch_pool.conv.weight" [id=736, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=737, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=738, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d/branch_pool/conv/conv2d/0" [id=739, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6d.branch_pool.bn.weight" [id=740, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch_pool.bn.bias" [id=741, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch_pool.bn.running_mean" [id=742, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d.branch_pool.bn.running_var" [id=743, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6d/branch_pool/bn/batch_norm/0" [id=744, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6d/branch_pool/relu_/0" [id=745, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=746, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6d/cat/0" [id=747, metatype=PTCatMetatype, type=cat]; +"Mixed_6e.branch1x1.conv.weight" [id=748, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=749, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=750, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e/branch1x1/conv/conv2d/0" [id=751, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch1x1.bn.weight" [id=752, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch1x1.bn.bias" [id=753, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch1x1.bn.running_mean" [id=754, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch1x1.bn.running_var" [id=755, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch1x1/bn/batch_norm/0" [id=756, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch1x1/relu_/0" [id=757, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" [id=758, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=759, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e.branch7x7_1.conv.weight" [id=760, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=761, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=762, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e/branch7x7_1/conv/conv2d/0" [id=763, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7_1.bn.weight" [id=764, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_1.bn.bias" [id=765, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_1.bn.running_mean" [id=766, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_1.bn.running_var" [id=767, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7_1/bn/batch_norm/0" [id=768, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7_1/relu_/0" [id=769, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=770, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=771, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e.branch7x7_2.conv.weight" [id=772, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=773, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=774, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e/branch7x7_2/conv/conv2d/0" [id=775, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7_2.bn.weight" [id=776, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_2.bn.bias" [id=777, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_2.bn.running_mean" [id=778, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_2.bn.running_var" [id=779, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7_2/bn/batch_norm/0" [id=780, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7_2/relu_/0" [id=781, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=782, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=783, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e.branch7x7_3.conv.weight" [id=784, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=785, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=786, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e/branch7x7_3/conv/conv2d/0" [id=787, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7_3.bn.weight" [id=788, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_3.bn.bias" [id=789, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_3.bn.running_mean" [id=790, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7_3.bn.running_var" [id=791, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7_3/bn/batch_norm/0" [id=792, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7_3/relu_/0" [id=793, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=794, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e.branch7x7dbl_1.conv.weight" [id=795, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=796, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=797, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [id=798, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7dbl_1.bn.weight" [id=799, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_1.bn.bias" [id=800, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_1.bn.running_mean" [id=801, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_1.bn.running_var" [id=802, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [id=803, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7dbl_1/relu_/0" [id=804, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=805, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=806, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e.branch7x7dbl_2.conv.weight" [id=807, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=808, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=809, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [id=810, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7dbl_2.bn.weight" [id=811, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_2.bn.bias" [id=812, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_2.bn.running_mean" [id=813, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_2.bn.running_var" [id=814, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [id=815, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7dbl_2/relu_/0" [id=816, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=817, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=818, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e.branch7x7dbl_3.conv.weight" [id=819, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=820, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=821, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [id=822, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7dbl_3.bn.weight" [id=823, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_3.bn.bias" [id=824, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_3.bn.running_mean" [id=825, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_3.bn.running_var" [id=826, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [id=827, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7dbl_3/relu_/0" [id=828, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=829, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=830, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e.branch7x7dbl_4.conv.weight" [id=831, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=832, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=833, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [id=834, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7dbl_4.bn.weight" [id=835, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_4.bn.bias" [id=836, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_4.bn.running_mean" [id=837, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_4.bn.running_var" [id=838, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [id=839, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7dbl_4/relu_/0" [id=840, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=841, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=842, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e.branch7x7dbl_5.conv.weight" [id=843, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=844, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=845, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [id=846, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch7x7dbl_5.bn.weight" [id=847, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_5.bn.bias" [id=848, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_5.bn.running_mean" [id=849, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch7x7dbl_5.bn.running_var" [id=850, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [id=851, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch7x7dbl_5/relu_/0" [id=852, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=853, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e/avg_pool2d/0" [id=854, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks.Mixed_6e/avg_pool2d/0__0.0._scale_param_storage" [id=855, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=856, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e.branch_pool.conv.weight" [id=857, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=858, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=859, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e/branch_pool/conv/conv2d/0" [id=860, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_6e.branch_pool.bn.weight" [id=861, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch_pool.bn.bias" [id=862, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch_pool.bn.running_mean" [id=863, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e.branch_pool.bn.running_var" [id=864, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_6e/branch_pool/bn/batch_norm/0" [id=865, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_6e/branch_pool/relu_/0" [id=866, metatype=PTRELUMetatype, type=relu_]; +"Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=867, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_6e/cat/0" [id=868, metatype=PTCatMetatype, type=cat]; +"Mixed_7a.branch3x3_1.conv.weight" [id=869, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=870, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=871, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7a/branch3x3_1/conv/conv2d/0" [id=872, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7a.branch3x3_1.bn.weight" [id=873, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch3x3_1.bn.bias" [id=874, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch3x3_1.bn.running_mean" [id=875, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch3x3_1.bn.running_var" [id=876, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch3x3_1/bn/batch_norm/0" [id=877, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7a/branch3x3_1/relu_/0" [id=878, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7a/branch3x3_1/relu_/0__0.0._scale_param_storage" [id=879, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=880, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7a.branch3x3_2.conv.weight" [id=881, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_2/conv/conv2d/0__1.0._scale_param_storage" [id=882, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=883, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7a/branch3x3_2/conv/conv2d/0" [id=884, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7a.branch3x3_2.bn.weight" [id=885, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch3x3_2.bn.bias" [id=886, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch3x3_2.bn.running_mean" [id=887, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch3x3_2.bn.running_var" [id=888, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch3x3_2/bn/batch_norm/0" [id=889, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7a/branch3x3_2/relu_/0" [id=890, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=891, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7a.branch7x7x3_1.conv.weight" [id=892, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=893, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=894, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7a/branch7x7x3_1/conv/conv2d/0" [id=895, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7a.branch7x7x3_1.bn.weight" [id=896, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_1.bn.bias" [id=897, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_1.bn.running_mean" [id=898, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_1.bn.running_var" [id=899, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [id=900, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7a/branch7x7x3_1/relu_/0" [id=901, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_1/relu_/0__0.0._scale_param_storage" [id=902, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=903, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7a.branch7x7x3_2.conv.weight" [id=904, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_2/conv/conv2d/0__1.0._scale_param_storage" [id=905, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=906, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7a/branch7x7x3_2/conv/conv2d/0" [id=907, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7a.branch7x7x3_2.bn.weight" [id=908, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_2.bn.bias" [id=909, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_2.bn.running_mean" [id=910, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_2.bn.running_var" [id=911, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [id=912, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7a/branch7x7x3_2/relu_/0" [id=913, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_2/relu_/0__0.0._scale_param_storage" [id=914, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" [id=915, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7a.branch7x7x3_3.conv.weight" [id=916, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_3/conv/conv2d/0__1.0._scale_param_storage" [id=917, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=918, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7a/branch7x7x3_3/conv/conv2d/0" [id=919, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7a.branch7x7x3_3.bn.weight" [id=920, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_3.bn.bias" [id=921, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_3.bn.running_mean" [id=922, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_3.bn.running_var" [id=923, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [id=924, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7a/branch7x7x3_3/relu_/0" [id=925, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_3/relu_/0__0.0._scale_param_storage" [id=926, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" [id=927, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7a.branch7x7x3_4.conv.weight" [id=928, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_4/conv/conv2d/0__1.0._scale_param_storage" [id=929, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=930, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7a/branch7x7x3_4/conv/conv2d/0" [id=931, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7a.branch7x7x3_4.bn.weight" [id=932, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_4.bn.bias" [id=933, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_4.bn.running_mean" [id=934, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a.branch7x7x3_4.bn.running_var" [id=935, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [id=936, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7a/branch7x7x3_4/relu_/0" [id=937, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=938, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7a/max_pool2d/0" [id=939, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"Mixed_7a/cat/0" [id=940, metatype=PTCatMetatype, type=cat]; +"Mixed_7b.branch1x1.conv.weight" [id=941, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=942, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=943, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b/branch1x1/conv/conv2d/0" [id=944, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch1x1.bn.weight" [id=945, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch1x1.bn.bias" [id=946, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch1x1.bn.running_mean" [id=947, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch1x1.bn.running_var" [id=948, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch1x1/bn/batch_norm/0" [id=949, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch1x1/relu_/0" [id=950, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" [id=951, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=952, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b.branch3x3_1.conv.weight" [id=953, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=954, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=955, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b/branch3x3_1/conv/conv2d/0" [id=956, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch3x3_1.bn.weight" [id=957, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_1.bn.bias" [id=958, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_1.bn.running_mean" [id=959, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_1.bn.running_var" [id=960, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3_1/bn/batch_norm/0" [id=961, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch3x3_1/relu_/0" [id=962, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_1/relu_/0__0.0._scale_param_storage" [id=963, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=964, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b.branch3x3_2a.conv.weight" [id=965, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" [id=966, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=967, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b/branch3x3_2a/conv/conv2d/0" [id=968, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch3x3_2a.bn.weight" [id=969, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_2a.bn.bias" [id=970, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_2a.bn.running_mean" [id=971, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_2a.bn.running_var" [id=972, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3_2a/bn/batch_norm/0" [id=973, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch3x3_2a/relu_/0" [id=974, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=975, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b.branch3x3_2b.conv.weight" [id=976, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" [id=977, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=978, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b/branch3x3_2b/conv/conv2d/0" [id=979, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch3x3_2b.bn.weight" [id=980, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_2b.bn.bias" [id=981, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_2b.bn.running_mean" [id=982, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3_2b.bn.running_var" [id=983, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3_2b/bn/batch_norm/0" [id=984, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch3x3_2b/relu_/0" [id=985, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=986, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b/cat/0" [id=987, metatype=PTCatMetatype, type=cat]; +"Mixed_7b.branch3x3dbl_1.conv.weight" [id=988, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=989, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=990, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [id=991, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch3x3dbl_1.bn.weight" [id=992, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_1.bn.bias" [id=993, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_1.bn.running_mean" [id=994, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_1.bn.running_var" [id=995, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [id=996, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch3x3dbl_1/relu_/0" [id=997, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=998, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=999, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b.branch3x3dbl_2.conv.weight" [id=1000, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=1001, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1002, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [id=1003, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch3x3dbl_2.bn.weight" [id=1004, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_2.bn.bias" [id=1005, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_2.bn.running_mean" [id=1006, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_2.bn.running_var" [id=1007, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [id=1008, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch3x3dbl_2/relu_/0" [id=1009, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=1010, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=1011, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b.branch3x3dbl_3a.conv.weight" [id=1012, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" [id=1013, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1014, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [id=1015, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch3x3dbl_3a.bn.weight" [id=1016, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_3a.bn.bias" [id=1017, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_3a.bn.running_mean" [id=1018, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_3a.bn.running_var" [id=1019, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [id=1020, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch3x3dbl_3a/relu_/0" [id=1021, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1022, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b.branch3x3dbl_3b.conv.weight" [id=1023, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" [id=1024, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1025, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [id=1026, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch3x3dbl_3b.bn.weight" [id=1027, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_3b.bn.bias" [id=1028, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_3b.bn.running_mean" [id=1029, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch3x3dbl_3b.bn.running_var" [id=1030, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [id=1031, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch3x3dbl_3b/relu_/0" [id=1032, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1033, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b/cat/1" [id=1034, metatype=PTCatMetatype, type=cat]; +"Mixed_7b/avg_pool2d/0" [id=1035, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks.Mixed_7b/avg_pool2d/0__0.0._scale_param_storage" [id=1036, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1037, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b.branch_pool.conv.weight" [id=1038, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=1039, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1040, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b/branch_pool/conv/conv2d/0" [id=1041, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7b.branch_pool.bn.weight" [id=1042, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch_pool.bn.bias" [id=1043, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch_pool.bn.running_mean" [id=1044, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b.branch_pool.bn.running_var" [id=1045, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7b/branch_pool/bn/batch_norm/0" [id=1046, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7b/branch_pool/relu_/0" [id=1047, metatype=PTRELUMetatype, type=relu_]; +"Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1048, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7b/cat/2" [id=1049, metatype=PTCatMetatype, type=cat]; +"Mixed_7c.branch1x1.conv.weight" [id=1050, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=1051, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1052, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c/branch1x1/conv/conv2d/0" [id=1053, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch1x1.bn.weight" [id=1054, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch1x1.bn.bias" [id=1055, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch1x1.bn.running_mean" [id=1056, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch1x1.bn.running_var" [id=1057, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch1x1/bn/batch_norm/0" [id=1058, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch1x1/relu_/0" [id=1059, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7c/branch1x1/relu_/0__0.0._scale_param_storage" [id=1060, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1061, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c.branch3x3_1.conv.weight" [id=1062, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=1063, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1064, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c/branch3x3_1/conv/conv2d/0" [id=1065, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch3x3_1.bn.weight" [id=1066, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_1.bn.bias" [id=1067, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_1.bn.running_mean" [id=1068, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_1.bn.running_var" [id=1069, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_1/bn/batch_norm/0" [id=1070, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch3x3_1/relu_/0" [id=1071, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_1/relu_/0__0.0._scale_param_storage" [id=1072, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=1073, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c.branch3x3_2a.conv.weight" [id=1074, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" [id=1075, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1076, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c/branch3x3_2a/conv/conv2d/0" [id=1077, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch3x3_2a.bn.weight" [id=1078, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_2a.bn.bias" [id=1079, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_2a.bn.running_mean" [id=1080, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_2a.bn.running_var" [id=1081, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_2a/bn/batch_norm/0" [id=1082, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch3x3_2a/relu_/0" [id=1083, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2a/relu_/0__0.0._scale_param_storage" [id=1084, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" [id=1085, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c.branch3x3_2b.conv.weight" [id=1086, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" [id=1087, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1088, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c/branch3x3_2b/conv/conv2d/0" [id=1089, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch3x3_2b.bn.weight" [id=1090, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_2b.bn.bias" [id=1091, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_2b.bn.running_mean" [id=1092, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3_2b.bn.running_var" [id=1093, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_2b/bn/batch_norm/0" [id=1094, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch3x3_2b/relu_/0" [id=1095, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2b/relu_/0__0.0._scale_param_storage" [id=1096, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" [id=1097, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c/cat/0" [id=1098, metatype=PTCatMetatype, type=cat]; +"Mixed_7c.branch3x3dbl_1.conv.weight" [id=1099, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=1100, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1101, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [id=1102, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch3x3dbl_1.bn.weight" [id=1103, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_1.bn.bias" [id=1104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_1.bn.running_mean" [id=1105, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_1.bn.running_var" [id=1106, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [id=1107, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch3x3dbl_1/relu_/0" [id=1108, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=1109, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=1110, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c.branch3x3dbl_2.conv.weight" [id=1111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=1112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1113, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [id=1114, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch3x3dbl_2.bn.weight" [id=1115, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_2.bn.bias" [id=1116, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_2.bn.running_mean" [id=1117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_2.bn.running_var" [id=1118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [id=1119, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch3x3dbl_2/relu_/0" [id=1120, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=1121, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=1122, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c.branch3x3dbl_3a.conv.weight" [id=1123, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" [id=1124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1125, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [id=1126, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch3x3dbl_3a.bn.weight" [id=1127, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_3a.bn.bias" [id=1128, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_3a.bn.running_mean" [id=1129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_3a.bn.running_var" [id=1130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [id=1131, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch3x3dbl_3a/relu_/0" [id=1132, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3a/relu_/0__0.0._scale_param_storage" [id=1133, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" [id=1134, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c.branch3x3dbl_3b.conv.weight" [id=1135, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" [id=1136, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1137, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [id=1138, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch3x3dbl_3b.bn.weight" [id=1139, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_3b.bn.bias" [id=1140, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_3b.bn.running_mean" [id=1141, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch3x3dbl_3b.bn.running_var" [id=1142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [id=1143, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch3x3dbl_3b/relu_/0" [id=1144, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3b/relu_/0__0.0._scale_param_storage" [id=1145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" [id=1146, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c/cat/1" [id=1147, metatype=PTCatMetatype, type=cat]; +"Mixed_7c/avg_pool2d/0" [id=1148, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks.Mixed_7c/avg_pool2d/0__0.0._scale_param_storage" [id=1149, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1150, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c.branch_pool.conv.weight" [id=1151, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=1152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1153, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c/branch_pool/conv/conv2d/0" [id=1154, metatype=PTConv2dMetatype, type=conv2d]; +"Mixed_7c.branch_pool.bn.weight" [id=1155, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch_pool.bn.bias" [id=1156, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch_pool.bn.running_mean" [id=1157, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c.branch_pool.bn.running_var" [id=1158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch_pool/bn/batch_norm/0" [id=1159, metatype=PT2BatchNormMetatype, type=batch_norm]; +"Mixed_7c/branch_pool/relu_/0" [id=1160, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.Mixed_7c/branch_pool/relu_/0__0.0._scale_param_storage" [id=1161, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=1162, metatype=UnknownMetatype, type=symmetric_quantize]; +"Mixed_7c/cat/2" [id=1163, metatype=PTCatMetatype, type=cat]; +"/adaptive_avg_pool2d/0" [id=1164, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=1165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1166, metatype=UnknownMetatype, type=symmetric_quantize]; +"/dropout/0" [id=1167, metatype=PTDropoutMetatype, type=dropout]; +"/view/0" [id=1168, metatype=PTReshapeMetatype, type=view]; +"fc.weight" [id=1169, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc.bias" [id=1170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.fc/linear/0__1.0._scale_param_storage" [id=1171, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" [id=1172, metatype=UnknownMetatype, type=symmetric_quantize]; +"fc/linear/0" [id=1173, metatype=PTLinearMetatype, type=linear]; +output [id=1174, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 3, 299, 299)"]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 3, 299, 299)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 3, 299, 299)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 3, 299, 299)"]; +"/__getitem__/0" -> "/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 299, 299)"]; +"/unsqueeze/0" -> "/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; +"/mul/0" -> "/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; +"/add/0" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; +"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/2" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__-add-0__0[0]/symmetric_quantize/0" -> "/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; +"/__getitem__/1" -> "/unsqueeze/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 299, 299)"]; +"/unsqueeze/1" -> "/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; +"/mul/1" -> "/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; +"/add/1" -> "post_hook__-add-0__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; +"post_hook__-add-0__0[0]/symmetric_quantize/1" -> "/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 1, 299, 299)"]; +"/__getitem__/2" -> "/unsqueeze/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 299, 299)"]; +"/unsqueeze/2" -> "/mul/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; +"/mul/2" -> "/add/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; +"/add/2" -> "post_hook__-add-0__0[0]/symmetric_quantize/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; +"post_hook__-add-0__0[0]/symmetric_quantize/2" -> "/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 1, 299, 299)"]; +"/cat/0" -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 3, 299, 299)"]; +"Conv2d_1a_3x3.conv.weight" -> "Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 3, 3, 3)"]; +"__nncf_hooks.pre_hooks.Conv2d_1a_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 3, 3, 3)"]; +"Conv2d_1a_3x3/conv/conv2d/0" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 149, 149)"]; +"Conv2d_1a_3x3.bn.weight" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"Conv2d_1a_3x3.bn.bias" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"Conv2d_1a_3x3.bn.running_mean" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"Conv2d_1a_3x3.bn.running_var" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"Conv2d_1a_3x3/bn/batch_norm/0" -> "Conv2d_1a_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 149, 149)"]; +"Conv2d_1a_3x3/relu_/0" -> "Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 149, 149)"]; +"__nncf_hooks.post_hooks.Conv2d_1a_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 149, 149)"]; +"Conv2d_2a_3x3.conv.weight" -> "Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 32, 3, 3)"]; +"__nncf_hooks.pre_hooks.Conv2d_2a_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 32, 3, 3)"]; +"Conv2d_2a_3x3/conv/conv2d/0" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 147, 147)"]; +"Conv2d_2a_3x3.bn.weight" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"Conv2d_2a_3x3.bn.bias" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"Conv2d_2a_3x3.bn.running_mean" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"Conv2d_2a_3x3.bn.running_var" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"Conv2d_2a_3x3/bn/batch_norm/0" -> "Conv2d_2a_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 147, 147)"]; +"Conv2d_2a_3x3/relu_/0" -> "Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 147, 147)"]; +"__nncf_hooks.post_hooks.Conv2d_2a_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 147, 147)"]; +"Conv2d_2b_3x3.conv.weight" -> "Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 32, 3, 3)"]; +"__nncf_hooks.pre_hooks.Conv2d_2b_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 32, 3, 3)"]; +"Conv2d_2b_3x3/conv/conv2d/0" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 147, 147)"]; +"Conv2d_2b_3x3.bn.weight" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Conv2d_2b_3x3.bn.bias" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Conv2d_2b_3x3.bn.running_mean" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Conv2d_2b_3x3.bn.running_var" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Conv2d_2b_3x3/bn/batch_norm/0" -> "Conv2d_2b_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 147, 147)"]; +"Conv2d_2b_3x3/relu_/0" -> "Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 147, 147)"]; +"__nncf_hooks.post_hooks.Conv2d_2b_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 147, 147)"]; +"/max_pool2d/0" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 73, 73)"]; +"Conv2d_3b_1x1.conv.weight" -> "Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(80, 64, 1, 1)"]; +"__nncf_hooks.pre_hooks.Conv2d_3b_1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(80, 1, 1, 1)"]; +"Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80, 64, 1, 1)"]; +"Conv2d_3b_1x1/conv/conv2d/0" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 80, 73, 73)"]; +"Conv2d_3b_1x1.bn.weight" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80,)"]; +"Conv2d_3b_1x1.bn.bias" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(80,)"]; +"Conv2d_3b_1x1.bn.running_mean" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(80,)"]; +"Conv2d_3b_1x1.bn.running_var" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(80,)"]; +"Conv2d_3b_1x1/bn/batch_norm/0" -> "Conv2d_3b_1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 80, 73, 73)"]; +"Conv2d_3b_1x1/relu_/0" -> "Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 80, 73, 73)"]; +"__nncf_hooks.post_hooks.Conv2d_3b_1x1/relu_/0__0.0._scale_param_storage" -> "Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 80, 73, 73)"]; +"Conv2d_4a_3x3.conv.weight" -> "Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 80, 3, 3)"]; +"__nncf_hooks.pre_hooks.Conv2d_4a_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 80, 3, 3)"]; +"Conv2d_4a_3x3/conv/conv2d/0" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 71, 71)"]; +"Conv2d_4a_3x3.bn.weight" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Conv2d_4a_3x3.bn.bias" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Conv2d_4a_3x3.bn.running_mean" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Conv2d_4a_3x3.bn.running_var" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Conv2d_4a_3x3/bn/batch_norm/0" -> "Conv2d_4a_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 71, 71)"]; +"Conv2d_4a_3x3/relu_/0" -> "Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 71, 71)"]; +"__nncf_hooks.post_hooks.Conv2d_4a_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 71, 71)"]; +"/max_pool2d/1" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 35, 35)"]; +"/max_pool2d/1" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 35, 35)"]; +"/max_pool2d/1" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 35, 35)"]; +"/max_pool2d/1" -> "Mixed_5b/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 35, 35)"]; +"Mixed_5b.branch1x1.conv.weight" -> "Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 192, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 192, 1, 1)"]; +"Mixed_5b/branch1x1/conv/conv2d/0" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5b.branch1x1.bn.weight" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch1x1.bn.bias" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch1x1.bn.running_mean" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch1x1.bn.running_var" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5b/branch1x1/bn/batch_norm/0" -> "Mixed_5b/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5b/branch1x1/relu_/0" -> "Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5b.branch5x5_1.conv.weight" -> "Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 192, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 192, 1, 1)"]; +"Mixed_5b/branch5x5_1/conv/conv2d/0" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; +"Mixed_5b.branch5x5_1.bn.weight" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"Mixed_5b.branch5x5_1.bn.bias" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"Mixed_5b.branch5x5_1.bn.running_mean" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"Mixed_5b.branch5x5_1.bn.running_var" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"Mixed_5b/branch5x5_1/bn/batch_norm/0" -> "Mixed_5b/branch5x5_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; +"Mixed_5b/branch5x5_1/relu_/0" -> "Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; +"Mixed_5b.branch5x5_2.conv.weight" -> "Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 48, 5, 5)"]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 48, 5, 5)"]; +"Mixed_5b/branch5x5_2/conv/conv2d/0" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5b.branch5x5_2.bn.weight" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch5x5_2.bn.bias" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch5x5_2.bn.running_mean" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch5x5_2.bn.running_var" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5b/branch5x5_2/bn/batch_norm/0" -> "Mixed_5b/branch5x5_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5b/branch5x5_2/relu_/0" -> "Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5b.branch3x3dbl_1.conv.weight" -> "Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 192, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 192, 1, 1)"]; +"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5b.branch3x3dbl_1.bn.weight" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch3x3dbl_1.bn.bias" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch3x3dbl_1.bn.running_mean" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5b.branch3x3dbl_1.bn.running_var" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5b/branch3x3dbl_1/relu_/0" -> "Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5b.branch3x3dbl_2.conv.weight" -> "Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 64, 3, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; +"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5b.branch3x3dbl_2.bn.weight" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_5b.branch3x3dbl_2.bn.bias" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_5b.branch3x3dbl_2.bn.running_mean" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_5b.branch3x3dbl_2.bn.running_var" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5b/branch3x3dbl_2/relu_/0" -> "Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5b.branch3x3dbl_3.conv.weight" -> "Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 3, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; +"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5b.branch3x3dbl_3.bn.weight" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_5b.branch3x3dbl_3.bn.bias" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_5b.branch3x3dbl_3.bn.running_mean" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_5b.branch3x3dbl_3.bn.running_var" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5b/branch3x3dbl_3/relu_/0" -> "Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5b/avg_pool2d/0" -> "Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5b/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 35, 35)"]; +"Mixed_5b.branch_pool.conv.weight" -> "Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 192, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 192, 1, 1)"]; +"Mixed_5b/branch_pool/conv/conv2d/0" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 35, 35)"]; +"Mixed_5b.branch_pool.bn.weight" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"Mixed_5b.branch_pool.bn.bias" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"Mixed_5b.branch_pool.bn.running_mean" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"Mixed_5b.branch_pool.bn.running_var" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"Mixed_5b/branch_pool/bn/batch_norm/0" -> "Mixed_5b/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 35, 35)"]; +"Mixed_5b/branch_pool/relu_/0" -> "Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 35, 35)"]; +"Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 32, 35, 35)"]; +"Mixed_5b/cat/0" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 256, 35, 35)"]; +"Mixed_5b/cat/0" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 256, 35, 35)"]; +"Mixed_5b/cat/0" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 256, 35, 35)"]; +"Mixed_5b/cat/0" -> "Mixed_5c/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 256, 35, 35)"]; +"Mixed_5c.branch1x1.conv.weight" -> "Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 256, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 256, 1, 1)"]; +"Mixed_5c/branch1x1/conv/conv2d/0" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5c.branch1x1.bn.weight" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch1x1.bn.bias" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch1x1.bn.running_mean" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch1x1.bn.running_var" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5c/branch1x1/bn/batch_norm/0" -> "Mixed_5c/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5c/branch1x1/relu_/0" -> "Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5c.branch5x5_1.conv.weight" -> "Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 256, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 256, 1, 1)"]; +"Mixed_5c/branch5x5_1/conv/conv2d/0" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; +"Mixed_5c.branch5x5_1.bn.weight" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"Mixed_5c.branch5x5_1.bn.bias" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"Mixed_5c.branch5x5_1.bn.running_mean" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"Mixed_5c.branch5x5_1.bn.running_var" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"Mixed_5c/branch5x5_1/bn/batch_norm/0" -> "Mixed_5c/branch5x5_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; +"Mixed_5c/branch5x5_1/relu_/0" -> "Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5c/branch5x5_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; +"Mixed_5c.branch5x5_2.conv.weight" -> "Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 48, 5, 5)"]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 48, 5, 5)"]; +"Mixed_5c/branch5x5_2/conv/conv2d/0" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5c.branch5x5_2.bn.weight" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch5x5_2.bn.bias" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch5x5_2.bn.running_mean" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch5x5_2.bn.running_var" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5c/branch5x5_2/bn/batch_norm/0" -> "Mixed_5c/branch5x5_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5c/branch5x5_2/relu_/0" -> "Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5c.branch3x3dbl_1.conv.weight" -> "Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 256, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 256, 1, 1)"]; +"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5c.branch3x3dbl_1.bn.weight" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch3x3dbl_1.bn.bias" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch3x3dbl_1.bn.running_mean" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch3x3dbl_1.bn.running_var" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5c/branch3x3dbl_1/relu_/0" -> "Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5c.branch3x3dbl_2.conv.weight" -> "Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 64, 3, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; +"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5c.branch3x3dbl_2.bn.weight" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_5c.branch3x3dbl_2.bn.bias" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_5c.branch3x3dbl_2.bn.running_mean" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_5c.branch3x3dbl_2.bn.running_var" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5c/branch3x3dbl_2/relu_/0" -> "Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5c.branch3x3dbl_3.conv.weight" -> "Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 3, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; +"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5c.branch3x3dbl_3.bn.weight" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_5c.branch3x3dbl_3.bn.bias" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_5c.branch3x3dbl_3.bn.running_mean" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_5c.branch3x3dbl_3.bn.running_var" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5c/branch3x3dbl_3/relu_/0" -> "Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5c/avg_pool2d/0" -> "Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 256, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5c/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 256, 35, 35)"]; +"Mixed_5c.branch_pool.conv.weight" -> "Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 256, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 256, 1, 1)"]; +"Mixed_5c/branch_pool/conv/conv2d/0" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5c.branch_pool.bn.weight" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch_pool.bn.bias" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch_pool.bn.running_mean" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5c.branch_pool.bn.running_var" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5c/branch_pool/bn/batch_norm/0" -> "Mixed_5c/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5c/branch_pool/relu_/0" -> "Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5c/cat/0" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; +"Mixed_5c/cat/0" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; +"Mixed_5c/cat/0" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; +"Mixed_5c/cat/0" -> "Mixed_5d/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; +"Mixed_5d.branch1x1.conv.weight" -> "Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 288, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; +"Mixed_5d/branch1x1/conv/conv2d/0" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5d.branch1x1.bn.weight" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch1x1.bn.bias" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch1x1.bn.running_mean" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch1x1.bn.running_var" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5d/branch1x1/bn/batch_norm/0" -> "Mixed_5d/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5d/branch1x1/relu_/0" -> "Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5d.branch5x5_1.conv.weight" -> "Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 288, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 288, 1, 1)"]; +"Mixed_5d/branch5x5_1/conv/conv2d/0" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; +"Mixed_5d.branch5x5_1.bn.weight" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"Mixed_5d.branch5x5_1.bn.bias" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"Mixed_5d.branch5x5_1.bn.running_mean" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"Mixed_5d.branch5x5_1.bn.running_var" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"Mixed_5d/branch5x5_1/bn/batch_norm/0" -> "Mixed_5d/branch5x5_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; +"Mixed_5d/branch5x5_1/relu_/0" -> "Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5d/branch5x5_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; +"Mixed_5d.branch5x5_2.conv.weight" -> "Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 48, 5, 5)"]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 48, 5, 5)"]; +"Mixed_5d/branch5x5_2/conv/conv2d/0" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5d.branch5x5_2.bn.weight" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch5x5_2.bn.bias" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch5x5_2.bn.running_mean" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch5x5_2.bn.running_var" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5d/branch5x5_2/bn/batch_norm/0" -> "Mixed_5d/branch5x5_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5d/branch5x5_2/relu_/0" -> "Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5d.branch3x3dbl_1.conv.weight" -> "Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 288, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; +"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5d.branch3x3dbl_1.bn.weight" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch3x3dbl_1.bn.bias" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch3x3dbl_1.bn.running_mean" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch3x3dbl_1.bn.running_var" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5d/branch3x3dbl_1/relu_/0" -> "Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5d.branch3x3dbl_2.conv.weight" -> "Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 64, 3, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; +"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5d.branch3x3dbl_2.bn.weight" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_5d.branch3x3dbl_2.bn.bias" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_5d.branch3x3dbl_2.bn.running_mean" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_5d.branch3x3dbl_2.bn.running_var" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5d/branch3x3dbl_2/relu_/0" -> "Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5d.branch3x3dbl_3.conv.weight" -> "Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 3, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; +"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5d.branch3x3dbl_3.bn.weight" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_5d.branch3x3dbl_3.bn.bias" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_5d.branch3x3dbl_3.bn.running_mean" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_5d.branch3x3dbl_3.bn.running_var" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5d/branch3x3dbl_3/relu_/0" -> "Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_5d/avg_pool2d/0" -> "Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_5d/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; +"Mixed_5d.branch_pool.conv.weight" -> "Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 288, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; +"Mixed_5d/branch_pool/conv/conv2d/0" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5d.branch_pool.bn.weight" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch_pool.bn.bias" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch_pool.bn.running_mean" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_5d.branch_pool.bn.running_var" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_5d/branch_pool/bn/batch_norm/0" -> "Mixed_5d/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5d/branch_pool/relu_/0" -> "Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; +"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; +"Mixed_5d/cat/0" -> "Mixed_6a/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; +"Mixed_6a.branch3x3.conv.weight" -> "Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 288, 3, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 288, 3, 3)"]; +"Mixed_6a/branch3x3/conv/conv2d/0" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 17, 17)"]; +"Mixed_6a.branch3x3.bn.weight" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_6a.branch3x3.bn.bias" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_6a.branch3x3.bn.running_mean" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_6a.branch3x3.bn.running_var" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_6a/branch3x3/bn/batch_norm/0" -> "Mixed_6a/branch3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 17, 17)"]; +"Mixed_6a/branch3x3/relu_/0" -> "Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 17, 17)"]; +"Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 17, 17)"]; +"Mixed_6a.branch3x3dbl_1.conv.weight" -> "Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 288, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; +"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_6a.branch3x3dbl_1.bn.weight" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"Mixed_6a.branch3x3dbl_1.bn.bias" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"Mixed_6a.branch3x3dbl_1.bn.running_mean" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"Mixed_6a.branch3x3dbl_1.bn.running_var" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_6a/branch3x3dbl_1/relu_/0" -> "Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; +"Mixed_6a.branch3x3dbl_2.conv.weight" -> "Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 64, 3, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; +"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_6a.branch3x3dbl_2.bn.weight" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_6a.branch3x3dbl_2.bn.bias" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_6a.branch3x3dbl_2.bn.running_mean" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_6a.branch3x3dbl_2.bn.running_var" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_6a/branch3x3dbl_2/relu_/0" -> "Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; +"Mixed_6a.branch3x3dbl_3.conv.weight" -> "Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 3, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; +"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 17, 17)"]; +"Mixed_6a.branch3x3dbl_3.bn.weight" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"Mixed_6a.branch3x3dbl_3.bn.bias" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"Mixed_6a.branch3x3dbl_3.bn.running_mean" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"Mixed_6a.branch3x3dbl_3.bn.running_var" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 17, 17)"]; +"Mixed_6a/branch3x3dbl_3/relu_/0" -> "Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 17, 17)"]; +"Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 96, 17, 17)"]; +"Mixed_6a/max_pool2d/0" -> "Mixed_6a/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 288, 17, 17)"]; +"Mixed_6a/cat/0" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6a/cat/0" -> "Mixed_6b/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6b.branch1x1.conv.weight" -> "Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6b/branch1x1/conv/conv2d/0" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b.branch1x1.bn.weight" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch1x1.bn.bias" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch1x1.bn.running_mean" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch1x1.bn.running_var" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6b/branch1x1/bn/batch_norm/0" -> "Mixed_6b/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b/branch1x1/relu_/0" -> "Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b.branch7x7_1.conv.weight" -> "Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; +"Mixed_6b/branch7x7_1/conv/conv2d/0" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b.branch7x7_1.bn.weight" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7_1.bn.bias" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7_1.bn.running_mean" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7_1.bn.running_var" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"Mixed_6b/branch7x7_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b/branch7x7_1/relu_/0" -> "Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b.branch7x7_2.conv.weight" -> "Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 1, 7)"]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 7)"]; +"Mixed_6b/branch7x7_2/conv/conv2d/0" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b.branch7x7_2.bn.weight" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7_2.bn.bias" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7_2.bn.running_mean" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7_2.bn.running_var" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"Mixed_6b/branch7x7_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b/branch7x7_2/relu_/0" -> "Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b.branch7x7_3.conv.weight" -> "Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 128, 7, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 128, 7, 1)"]; +"Mixed_6b/branch7x7_3/conv/conv2d/0" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b.branch7x7_3.bn.weight" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch7x7_3.bn.bias" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch7x7_3.bn.running_mean" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch7x7_3.bn.running_var" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6b/branch7x7_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b/branch7x7_3/relu_/0" -> "Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b.branch7x7dbl_1.conv.weight" -> "Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; +"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_1.bn.weight" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_1.bn.bias" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_1.bn.running_mean" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_1.bn.running_var" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b/branch7x7dbl_1/relu_/0" -> "Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_2.conv.weight" -> "Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 7, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 7, 1)"]; +"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_2.bn.weight" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_2.bn.bias" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_2.bn.running_mean" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_2.bn.running_var" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b/branch7x7dbl_2/relu_/0" -> "Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_3.conv.weight" -> "Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 1, 7)"]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 7)"]; +"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_3.bn.weight" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_3.bn.bias" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_3.bn.running_mean" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_3.bn.running_var" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b/branch7x7dbl_3/relu_/0" -> "Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_4.conv.weight" -> "Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 7, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 7, 1)"]; +"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_4.bn.weight" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_4.bn.bias" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_4.bn.running_mean" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"Mixed_6b.branch7x7dbl_4.bn.running_var" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b/branch7x7dbl_4/relu_/0" -> "Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; +"Mixed_6b.branch7x7dbl_5.conv.weight" -> "Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 128, 1, 7)"]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 128, 1, 7)"]; +"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b.branch7x7dbl_5.bn.weight" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch7x7dbl_5.bn.bias" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch7x7dbl_5.bn.running_mean" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch7x7dbl_5.bn.running_var" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b/branch7x7dbl_5/relu_/0" -> "Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b/avg_pool2d/0" -> "Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6b/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6b.branch_pool.conv.weight" -> "Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6b/branch_pool/conv/conv2d/0" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b.branch_pool.bn.weight" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch_pool.bn.bias" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch_pool.bn.running_mean" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6b.branch_pool.bn.running_var" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6b/branch_pool/bn/batch_norm/0" -> "Mixed_6b/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b/branch_pool/relu_/0" -> "Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6b/cat/0" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6b/cat/0" -> "Mixed_6c/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6c.branch1x1.conv.weight" -> "Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6c/branch1x1/conv/conv2d/0" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c.branch1x1.bn.weight" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch1x1.bn.bias" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch1x1.bn.running_mean" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch1x1.bn.running_var" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6c/branch1x1/bn/batch_norm/0" -> "Mixed_6c/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c/branch1x1/relu_/0" -> "Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c.branch7x7_1.conv.weight" -> "Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; +"Mixed_6c/branch7x7_1/conv/conv2d/0" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c.branch7x7_1.bn.weight" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7_1.bn.bias" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7_1.bn.running_mean" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7_1.bn.running_var" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6c/branch7x7_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c/branch7x7_1/relu_/0" -> "Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c.branch7x7_2.conv.weight" -> "Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 1, 7)"]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; +"Mixed_6c/branch7x7_2/conv/conv2d/0" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c.branch7x7_2.bn.weight" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7_2.bn.bias" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7_2.bn.running_mean" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7_2.bn.running_var" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6c/branch7x7_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c/branch7x7_2/relu_/0" -> "Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c.branch7x7_3.conv.weight" -> "Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 160, 7, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 7, 1)"]; +"Mixed_6c/branch7x7_3/conv/conv2d/0" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c.branch7x7_3.bn.weight" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch7x7_3.bn.bias" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch7x7_3.bn.running_mean" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch7x7_3.bn.running_var" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6c/branch7x7_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c/branch7x7_3/relu_/0" -> "Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c.branch7x7dbl_1.conv.weight" -> "Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; +"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_1.bn.weight" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_1.bn.bias" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_1.bn.running_mean" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_1.bn.running_var" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c/branch7x7dbl_1/relu_/0" -> "Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_2.conv.weight" -> "Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 7, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; +"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_2.bn.weight" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_2.bn.bias" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_2.bn.running_mean" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_2.bn.running_var" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c/branch7x7dbl_2/relu_/0" -> "Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_3.conv.weight" -> "Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 1, 7)"]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; +"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_3.bn.weight" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_3.bn.bias" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_3.bn.running_mean" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_3.bn.running_var" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c/branch7x7dbl_3/relu_/0" -> "Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_4.conv.weight" -> "Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 7, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; +"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_4.bn.weight" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_4.bn.bias" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_4.bn.running_mean" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6c.branch7x7dbl_4.bn.running_var" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c/branch7x7dbl_4/relu_/0" -> "Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6c.branch7x7dbl_5.conv.weight" -> "Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 160, 1, 7)"]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 1, 7)"]; +"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c.branch7x7dbl_5.bn.weight" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch7x7dbl_5.bn.bias" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch7x7dbl_5.bn.running_mean" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch7x7dbl_5.bn.running_var" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c/branch7x7dbl_5/relu_/0" -> "Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c/avg_pool2d/0" -> "Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6c/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6c.branch_pool.conv.weight" -> "Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6c/branch_pool/conv/conv2d/0" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c.branch_pool.bn.weight" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch_pool.bn.bias" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch_pool.bn.running_mean" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6c.branch_pool.bn.running_var" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6c/branch_pool/bn/batch_norm/0" -> "Mixed_6c/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c/branch_pool/relu_/0" -> "Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6c/cat/0" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6c/cat/0" -> "Mixed_6d/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6d.branch1x1.conv.weight" -> "Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6d/branch1x1/conv/conv2d/0" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d.branch1x1.bn.weight" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch1x1.bn.bias" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch1x1.bn.running_mean" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch1x1.bn.running_var" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6d/branch1x1/bn/batch_norm/0" -> "Mixed_6d/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d/branch1x1/relu_/0" -> "Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d.branch7x7_1.conv.weight" -> "Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; +"Mixed_6d/branch7x7_1/conv/conv2d/0" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d.branch7x7_1.bn.weight" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7_1.bn.bias" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7_1.bn.running_mean" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7_1.bn.running_var" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6d/branch7x7_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d/branch7x7_1/relu_/0" -> "Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d.branch7x7_2.conv.weight" -> "Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 1, 7)"]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; +"Mixed_6d/branch7x7_2/conv/conv2d/0" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d.branch7x7_2.bn.weight" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7_2.bn.bias" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7_2.bn.running_mean" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7_2.bn.running_var" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6d/branch7x7_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d/branch7x7_2/relu_/0" -> "Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d.branch7x7_3.conv.weight" -> "Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 160, 7, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 7, 1)"]; +"Mixed_6d/branch7x7_3/conv/conv2d/0" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d.branch7x7_3.bn.weight" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch7x7_3.bn.bias" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch7x7_3.bn.running_mean" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch7x7_3.bn.running_var" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6d/branch7x7_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d/branch7x7_3/relu_/0" -> "Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d.branch7x7dbl_1.conv.weight" -> "Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; +"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_1.bn.weight" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_1.bn.bias" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_1.bn.running_mean" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_1.bn.running_var" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d/branch7x7dbl_1/relu_/0" -> "Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_2.conv.weight" -> "Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 7, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; +"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_2.bn.weight" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_2.bn.bias" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_2.bn.running_mean" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_2.bn.running_var" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d/branch7x7dbl_2/relu_/0" -> "Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_3.conv.weight" -> "Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 1, 7)"]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; +"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_3.bn.weight" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_3.bn.bias" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_3.bn.running_mean" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_3.bn.running_var" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d/branch7x7dbl_3/relu_/0" -> "Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_4.conv.weight" -> "Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 7, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; +"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_4.bn.weight" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_4.bn.bias" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_4.bn.running_mean" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"Mixed_6d.branch7x7dbl_4.bn.running_var" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d/branch7x7dbl_4/relu_/0" -> "Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; +"Mixed_6d.branch7x7dbl_5.conv.weight" -> "Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 160, 1, 7)"]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 1, 7)"]; +"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d.branch7x7dbl_5.bn.weight" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch7x7dbl_5.bn.bias" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch7x7dbl_5.bn.running_mean" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch7x7dbl_5.bn.running_var" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d/branch7x7dbl_5/relu_/0" -> "Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d/avg_pool2d/0" -> "Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6d/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6d.branch_pool.conv.weight" -> "Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6d/branch_pool/conv/conv2d/0" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d.branch_pool.bn.weight" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch_pool.bn.bias" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch_pool.bn.running_mean" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6d.branch_pool.bn.running_var" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6d/branch_pool/bn/batch_norm/0" -> "Mixed_6d/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d/branch_pool/relu_/0" -> "Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6d/cat/0" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6d/cat/0" -> "Mixed_6e/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6e.branch1x1.conv.weight" -> "Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6e/branch1x1/conv/conv2d/0" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch1x1.bn.weight" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch1x1.bn.bias" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch1x1.bn.running_mean" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch1x1.bn.running_var" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch1x1/bn/batch_norm/0" -> "Mixed_6e/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/branch1x1/relu_/0" -> "Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7_1.conv.weight" -> "Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6e/branch7x7_1/conv/conv2d/0" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7_1.bn.weight" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_1.bn.bias" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_1.bn.running_mean" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_1.bn.running_var" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/branch7x7_1/relu_/0" -> "Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7_2.conv.weight" -> "Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 1, 7)"]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; +"Mixed_6e/branch7x7_2/conv/conv2d/0" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7_2.bn.weight" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_2.bn.bias" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_2.bn.running_mean" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_2.bn.running_var" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/branch7x7_2/relu_/0" -> "Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7_3.conv.weight" -> "Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 7, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; +"Mixed_6e/branch7x7_3/conv/conv2d/0" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7_3.bn.weight" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_3.bn.bias" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_3.bn.running_mean" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7_3.bn.running_var" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/branch7x7_3/relu_/0" -> "Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_1.conv.weight" -> "Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_1.bn.weight" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_1.bn.bias" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_1.bn.running_mean" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_1.bn.running_var" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/branch7x7dbl_1/relu_/0" -> "Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_2.conv.weight" -> "Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 7, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; +"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_2.bn.weight" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_2.bn.bias" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_2.bn.running_mean" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_2.bn.running_var" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/branch7x7dbl_2/relu_/0" -> "Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_3.conv.weight" -> "Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 1, 7)"]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; +"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_3.bn.weight" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_3.bn.bias" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_3.bn.running_mean" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_3.bn.running_var" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/branch7x7dbl_3/relu_/0" -> "Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_4.conv.weight" -> "Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 7, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; +"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_4.bn.weight" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_4.bn.bias" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_4.bn.running_mean" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_4.bn.running_var" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/branch7x7dbl_4/relu_/0" -> "Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_5.conv.weight" -> "Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 1, 7)"]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; +"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch7x7dbl_5.bn.weight" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_5.bn.bias" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_5.bn.running_mean" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch7x7dbl_5.bn.running_var" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/branch7x7dbl_5/relu_/0" -> "Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/avg_pool2d/0" -> "Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_6e/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6e.branch_pool.conv.weight" -> "Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_6e/branch_pool/conv/conv2d/0" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e.branch_pool.bn.weight" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch_pool.bn.bias" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch_pool.bn.running_mean" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_6e.branch_pool.bn.running_var" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_6e/branch_pool/bn/batch_norm/0" -> "Mixed_6e/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/branch_pool/relu_/0" -> "Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_6e/cat/0" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6e/cat/0" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_6e/cat/0" -> "Mixed_7a/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; +"Mixed_7a.branch3x3_1.conv.weight" -> "Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_7a/branch3x3_1/conv/conv2d/0" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_7a.branch3x3_1.bn.weight" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch3x3_1.bn.bias" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch3x3_1.bn.running_mean" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch3x3_1.bn.running_var" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_7a/branch3x3_1/bn/batch_norm/0" -> "Mixed_7a/branch3x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_7a/branch3x3_1/relu_/0" -> "Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_7a/branch3x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_7a.branch3x3_2.conv.weight" -> "Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(320, 192, 3, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320, 1, 1, 1)"]; +"Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 192, 3, 3)"]; +"Mixed_7a/branch3x3_2/conv/conv2d/0" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; +"Mixed_7a.branch3x3_2.bn.weight" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"Mixed_7a.branch3x3_2.bn.bias" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"Mixed_7a.branch3x3_2.bn.running_mean" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"Mixed_7a.branch3x3_2.bn.running_var" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"Mixed_7a/branch3x3_2/bn/batch_norm/0" -> "Mixed_7a/branch3x3_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; +"Mixed_7a/branch3x3_2/relu_/0" -> "Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; +"Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; +"Mixed_7a.branch7x7x3_1.conv.weight" -> "Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; +"Mixed_7a/branch7x7x3_1/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_7a.branch7x7x3_1.bn.weight" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_1.bn.bias" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_1.bn.running_mean" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_1.bn.running_var" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_7a/branch7x7x3_1/relu_/0" -> "Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_7a.branch7x7x3_2.conv.weight" -> "Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 1, 7)"]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; +"Mixed_7a/branch7x7x3_2/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_7a.branch7x7x3_2.bn.weight" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_2.bn.bias" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_2.bn.running_mean" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_2.bn.running_var" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_7a/branch7x7x3_2/relu_/0" -> "Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_2/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_7a.branch7x7x3_3.conv.weight" -> "Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 7, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; +"Mixed_7a/branch7x7x3_3/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_7a.branch7x7x3_3.bn.weight" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_3.bn.bias" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_3.bn.running_mean" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_3.bn.running_var" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_7a/branch7x7x3_3/relu_/0" -> "Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_3/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; +"Mixed_7a.branch7x7x3_4.conv.weight" -> "Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 3, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 3, 3)"]; +"Mixed_7a/branch7x7x3_4/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; +"Mixed_7a.branch7x7x3_4.bn.weight" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_4.bn.bias" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_4.bn.running_mean" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_7a.branch7x7x3_4.bn.running_var" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; +"Mixed_7a/branch7x7x3_4/relu_/0" -> "Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; +"Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 192, 8, 8)"]; +"Mixed_7a/max_pool2d/0" -> "Mixed_7a/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 768, 8, 8)"]; +"Mixed_7a/cat/0" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1280, 8, 8)"]; +"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1280, 8, 8)"]; +"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1280, 8, 8)"]; +"Mixed_7a/cat/0" -> "Mixed_7b/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1280, 8, 8)"]; +"Mixed_7b.branch1x1.conv.weight" -> "Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(320, 1280, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320, 1, 1, 1)"]; +"Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 1280, 1, 1)"]; +"Mixed_7b/branch1x1/conv/conv2d/0" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; +"Mixed_7b.branch1x1.bn.weight" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"Mixed_7b.branch1x1.bn.bias" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"Mixed_7b.branch1x1.bn.running_mean" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"Mixed_7b.branch1x1.bn.running_var" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"Mixed_7b/branch1x1/bn/batch_norm/0" -> "Mixed_7b/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; +"Mixed_7b/branch1x1/relu_/0" -> "Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; +"Mixed_7b.branch3x3_1.conv.weight" -> "Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1280, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1280, 1, 1)"]; +"Mixed_7b/branch3x3_1/conv/conv2d/0" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b.branch3x3_1.bn.weight" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_1.bn.bias" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_1.bn.running_mean" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_1.bn.running_var" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7b/branch3x3_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b/branch3x3_1/relu_/0" -> "Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b.branch3x3_2a.conv.weight" -> "Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 1, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; +"Mixed_7b/branch3x3_2a/conv/conv2d/0" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b.branch3x3_2a.bn.weight" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_2a.bn.bias" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_2a.bn.running_mean" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_2a.bn.running_var" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7b/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b/branch3x3_2a/relu_/0" -> "Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b.branch3x3_2b.conv.weight" -> "Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 3, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; +"Mixed_7b/branch3x3_2b/conv/conv2d/0" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b.branch3x3_2b.bn.weight" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_2b.bn.bias" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_2b.bn.running_mean" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3_2b.bn.running_var" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7b/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b/branch3x3_2b/relu_/0" -> "Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b/cat/0" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 768, 8, 8)"]; +"Mixed_7b.branch3x3dbl_1.conv.weight" -> "Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(448, 1280, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448, 1, 1, 1)"]; +"Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448, 1280, 1, 1)"]; +"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; +"Mixed_7b.branch3x3dbl_1.bn.weight" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; +"Mixed_7b.branch3x3dbl_1.bn.bias" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; +"Mixed_7b.branch3x3dbl_1.bn.running_mean" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; +"Mixed_7b.branch3x3dbl_1.bn.running_var" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; +"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; +"Mixed_7b/branch3x3dbl_1/relu_/0" -> "Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; +"Mixed_7b.branch3x3dbl_2.conv.weight" -> "Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 448, 3, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 448, 3, 3)"]; +"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b.branch3x3dbl_2.bn.weight" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_2.bn.bias" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_2.bn.running_mean" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_2.bn.running_var" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b/branch3x3dbl_2/relu_/0" -> "Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b.branch3x3dbl_3a.conv.weight" -> "Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 1, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; +"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b.branch3x3dbl_3a.bn.weight" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_3a.bn.bias" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_3a.bn.running_var" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b/branch3x3dbl_3a/relu_/0" -> "Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b.branch3x3dbl_3b.conv.weight" -> "Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 3, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; +"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b.branch3x3dbl_3b.bn.weight" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_3b.bn.bias" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7b.branch3x3dbl_3b.bn.running_var" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b/branch3x3dbl_3b/relu_/0" -> "Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7b/cat/1" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 768, 8, 8)"]; +"Mixed_7b/avg_pool2d/0" -> "Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1280, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7b/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1280, 8, 8)"]; +"Mixed_7b.branch_pool.conv.weight" -> "Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 1280, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1280, 1, 1)"]; +"Mixed_7b/branch_pool/conv/conv2d/0" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; +"Mixed_7b.branch_pool.bn.weight" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_7b.branch_pool.bn.bias" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_7b.branch_pool.bn.running_mean" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_7b.branch_pool.bn.running_var" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_7b/branch_pool/bn/batch_norm/0" -> "Mixed_7b/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; +"Mixed_7b/branch_pool/relu_/0" -> "Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; +"Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 192, 8, 8)"]; +"Mixed_7b/cat/2" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 8, 8)"]; +"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 8, 8)"]; +"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 8, 8)"]; +"Mixed_7b/cat/2" -> "Mixed_7c/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 8, 8)"]; +"Mixed_7c.branch1x1.conv.weight" -> "Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(320, 2048, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320, 1, 1, 1)"]; +"Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 2048, 1, 1)"]; +"Mixed_7c/branch1x1/conv/conv2d/0" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; +"Mixed_7c.branch1x1.bn.weight" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"Mixed_7c.branch1x1.bn.bias" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"Mixed_7c.branch1x1.bn.running_mean" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"Mixed_7c.branch1x1.bn.running_var" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"Mixed_7c/branch1x1/bn/batch_norm/0" -> "Mixed_7c/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; +"Mixed_7c/branch1x1/relu_/0" -> "Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; +"Mixed_7c.branch3x3_1.conv.weight" -> "Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 2048, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 2048, 1, 1)"]; +"Mixed_7c/branch3x3_1/conv/conv2d/0" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c.branch3x3_1.bn.weight" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_1.bn.bias" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_1.bn.running_mean" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_1.bn.running_var" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7c/branch3x3_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c/branch3x3_1/relu_/0" -> "Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c.branch3x3_2a.conv.weight" -> "Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 1, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; +"Mixed_7c/branch3x3_2a/conv/conv2d/0" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c.branch3x3_2a.bn.weight" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_2a.bn.bias" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_2a.bn.running_mean" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_2a.bn.running_var" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7c/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c/branch3x3_2a/relu_/0" -> "Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c.branch3x3_2b.conv.weight" -> "Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 3, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; +"Mixed_7c/branch3x3_2b/conv/conv2d/0" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c.branch3x3_2b.bn.weight" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_2b.bn.bias" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_2b.bn.running_mean" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3_2b.bn.running_var" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7c/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c/branch3x3_2b/relu_/0" -> "Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2b/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c/cat/0" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 768, 8, 8)"]; +"Mixed_7c.branch3x3dbl_1.conv.weight" -> "Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(448, 2048, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448, 1, 1, 1)"]; +"Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448, 2048, 1, 1)"]; +"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; +"Mixed_7c.branch3x3dbl_1.bn.weight" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; +"Mixed_7c.branch3x3dbl_1.bn.bias" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; +"Mixed_7c.branch3x3dbl_1.bn.running_mean" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; +"Mixed_7c.branch3x3dbl_1.bn.running_var" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; +"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; +"Mixed_7c/branch3x3dbl_1/relu_/0" -> "Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; +"Mixed_7c.branch3x3dbl_2.conv.weight" -> "Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 448, 3, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 448, 3, 3)"]; +"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c.branch3x3dbl_2.bn.weight" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_2.bn.bias" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_2.bn.running_mean" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_2.bn.running_var" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c/branch3x3dbl_2/relu_/0" -> "Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c.branch3x3dbl_3a.conv.weight" -> "Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 1, 3)"]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; +"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c.branch3x3dbl_3a.bn.weight" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_3a.bn.bias" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_3a.bn.running_var" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c/branch3x3dbl_3a/relu_/0" -> "Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3a/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c.branch3x3dbl_3b.conv.weight" -> "Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 3, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; +"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c.branch3x3dbl_3b.bn.weight" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_3b.bn.bias" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"Mixed_7c.branch3x3dbl_3b.bn.running_var" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c/branch3x3dbl_3b/relu_/0" -> "Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3b/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 384, 8, 8)"]; +"Mixed_7c/cat/1" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 768, 8, 8)"]; +"Mixed_7c/avg_pool2d/0" -> "Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7c/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 8, 8)"]; +"Mixed_7c.branch_pool.conv.weight" -> "Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 2048, 1, 1)"]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 2048, 1, 1)"]; +"Mixed_7c/branch_pool/conv/conv2d/0" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; +"Mixed_7c.branch_pool.bn.weight" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"Mixed_7c.branch_pool.bn.bias" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"Mixed_7c.branch_pool.bn.running_mean" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"Mixed_7c.branch_pool.bn.running_var" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"Mixed_7c/branch_pool/bn/batch_norm/0" -> "Mixed_7c/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; +"Mixed_7c/branch_pool/relu_/0" -> "Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; +"__nncf_hooks.post_hooks.Mixed_7c/branch_pool/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 192, 8, 8)"]; +"Mixed_7c/cat/2" -> "/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 8, 8)"]; +"/adaptive_avg_pool2d/0" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 1, 1)"]; +"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 1, 1)"]; +"/dropout/0" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 1, 1)"]; +"/view/0" -> "fc/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048)"]; +"fc.weight" -> "fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1000, 2048)"]; +"fc.bias" -> "fc/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"__nncf_hooks.pre_hooks.fc/linear/0__1.0._scale_param_storage" -> "fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1000, 1)"]; +"fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" -> "fc/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 2048)"]; +"fc/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1000)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/lenet.dot b/tests/torch2/data/quantization/test_quantized_graphs/lenet.dot index 5dc743c1ca2..719a1f50d02 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/lenet.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/lenet.dot @@ -1,89 +1,89 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv1.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=6, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv1/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; -"/relu/0" [id=8, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=10, type="symmetric_quantize", metatype=UnknownMetatype]; -"/max_pool2d/0" [id=11, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"conv2.weight" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv2.bias" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=15, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv2/conv2d/0" [id=16, type=conv2d, metatype=PTConv2dMetatype]; -"/relu/1" [id=17, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__-relu-1__0[0]/symmetric_quantize/0" [id=19, type="symmetric_quantize", metatype=UnknownMetatype]; -"/max_pool2d/1" [id=20, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"/view/0" [id=21, type=view, metatype=PTReshapeMetatype]; -"fc1.weight" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc1.bias" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.fc1/linear/0__1.0._scale_param_storage" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" [id=25, type="symmetric_quantize", metatype=UnknownMetatype]; -"fc1/linear/0" [id=26, type=linear, metatype=PTLinearMetatype]; -"/relu/2" [id=27, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks./relu/2__0.0._scale_param_storage" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__-relu-2__0[0]/symmetric_quantize/0" [id=29, type="symmetric_quantize", metatype=UnknownMetatype]; -"fc2.weight" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc2.bias" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.fc2/linear/0__1.0._scale_param_storage" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" [id=33, type="symmetric_quantize", metatype=UnknownMetatype]; -"fc2/linear/0" [id=34, type=linear, metatype=PTLinearMetatype]; -"/relu/3" [id=35, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks./relu/3__0.0._scale_param_storage" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__-relu-3__0[0]/symmetric_quantize/0" [id=37, type="symmetric_quantize", metatype=UnknownMetatype]; -"fc3.weight" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc3.bias" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.fc3/linear/0__1.0._scale_param_storage" [id=40, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" [id=41, type="symmetric_quantize", metatype=UnknownMetatype]; -"fc3/linear/0" [id=42, type=linear, metatype=PTLinearMetatype]; -output [id=43, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(6, 3, 5, 5)", out_port_id=0, in_port_id=0]; -"conv1.bias" -> "conv1/conv2d/0" [dtype=float, shape="(6,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(6, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(6, 3, 5, 5)", out_port_id=0, in_port_id=1]; -"conv1/conv2d/0" -> "/relu/0" [dtype=float, shape="(1, 6, 28, 28)", out_port_id=0, in_port_id=0]; -"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 6, 28, 28)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/0" [dtype=float, shape="(1, 6, 28, 28)", out_port_id=0, in_port_id=0]; -"/max_pool2d/0" -> "conv2/conv2d/0" [dtype=float, shape="(1, 6, 14, 14)", out_port_id=0, in_port_id=0]; -"conv2.weight" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 6, 5, 5)", out_port_id=0, in_port_id=0]; -"conv2.bias" -> "conv2/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "conv2/conv2d/0" [dtype=float, shape="(16, 6, 5, 5)", out_port_id=0, in_port_id=1]; -"conv2/conv2d/0" -> "/relu/1" [dtype=float, shape="(1, 16, 10, 10)", out_port_id=0, in_port_id=0]; -"/relu/1" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 10, 10)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__-relu-1__0[0]/symmetric_quantize/0" -> "/max_pool2d/1" [dtype=float, shape="(1, 16, 10, 10)", out_port_id=0, in_port_id=0]; -"/max_pool2d/1" -> "/view/0" [dtype=float, shape="(1, 16, 5, 5)", out_port_id=0, in_port_id=0]; -"/view/0" -> "fc1/linear/0" [dtype=float, shape="(1, 400)", out_port_id=0, in_port_id=0]; -"fc1.weight" -> "fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(120, 400)", out_port_id=0, in_port_id=0]; -"fc1.bias" -> "fc1/linear/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.fc1/linear/0__1.0._scale_param_storage" -> "fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(120, 1)", out_port_id=0, in_port_id=4]; -"fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" -> "fc1/linear/0" [dtype=float, shape="(120, 400)", out_port_id=0, in_port_id=1]; -"fc1/linear/0" -> "/relu/2" [dtype=float, shape="(1, 120)", out_port_id=0, in_port_id=0]; -"/relu/2" -> "post_hook__-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 120)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks./relu/2__0.0._scale_param_storage" -> "post_hook__-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__-relu-2__0[0]/symmetric_quantize/0" -> "fc2/linear/0" [dtype=float, shape="(1, 120)", out_port_id=0, in_port_id=0]; -"fc2.weight" -> "fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(84, 120)", out_port_id=0, in_port_id=0]; -"fc2.bias" -> "fc2/linear/0" [dtype=float, shape="(84,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.fc2/linear/0__1.0._scale_param_storage" -> "fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(84, 1)", out_port_id=0, in_port_id=4]; -"fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" -> "fc2/linear/0" [dtype=float, shape="(84, 120)", out_port_id=0, in_port_id=1]; -"fc2/linear/0" -> "/relu/3" [dtype=float, shape="(1, 84)", out_port_id=0, in_port_id=0]; -"/relu/3" -> "post_hook__-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 84)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks./relu/3__0.0._scale_param_storage" -> "post_hook__-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__-relu-3__0[0]/symmetric_quantize/0" -> "fc3/linear/0" [dtype=float, shape="(1, 84)", out_port_id=0, in_port_id=0]; -"fc3.weight" -> "fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 84)", out_port_id=0, in_port_id=0]; -"fc3.bias" -> "fc3/linear/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.fc3/linear/0__1.0._scale_param_storage" -> "fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1)", out_port_id=0, in_port_id=4]; -"fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" -> "fc3/linear/0" [dtype=float, shape="(10, 84)", out_port_id=0, in_port_id=1]; -"fc3/linear/0" -> output [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv1.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=6, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv1/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; +"/relu/0" [id=8, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=10, metatype=UnknownMetatype, type=symmetric_quantize]; +"/max_pool2d/0" [id=11, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"conv2.weight" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv2.bias" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=15, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv2/conv2d/0" [id=16, metatype=PTConv2dMetatype, type=conv2d]; +"/relu/1" [id=17, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__-relu-1__0[0]/symmetric_quantize/0" [id=19, metatype=UnknownMetatype, type=symmetric_quantize]; +"/max_pool2d/1" [id=20, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"/view/0" [id=21, metatype=PTReshapeMetatype, type=view]; +"fc1.weight" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc1.bias" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.fc1/linear/0__1.0._scale_param_storage" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" [id=25, metatype=UnknownMetatype, type=symmetric_quantize]; +"fc1/linear/0" [id=26, metatype=PTLinearMetatype, type=linear]; +"/relu/2" [id=27, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks./relu/2__0.0._scale_param_storage" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__-relu-2__0[0]/symmetric_quantize/0" [id=29, metatype=UnknownMetatype, type=symmetric_quantize]; +"fc2.weight" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc2.bias" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.fc2/linear/0__1.0._scale_param_storage" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" [id=33, metatype=UnknownMetatype, type=symmetric_quantize]; +"fc2/linear/0" [id=34, metatype=PTLinearMetatype, type=linear]; +"/relu/3" [id=35, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks./relu/3__0.0._scale_param_storage" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__-relu-3__0[0]/symmetric_quantize/0" [id=37, metatype=UnknownMetatype, type=symmetric_quantize]; +"fc3.weight" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc3.bias" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.fc3/linear/0__1.0._scale_param_storage" [id=40, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" [id=41, metatype=UnknownMetatype, type=symmetric_quantize]; +"fc3/linear/0" [id=42, metatype=PTLinearMetatype, type=linear]; +output [id=43, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(6, 3, 5, 5)"]; +"conv1.bias" -> "conv1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(6,)"]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(6, 1, 1, 1)"]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(6, 3, 5, 5)"]; +"conv1/conv2d/0" -> "/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 28, 28)"]; +"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 28, 28)"]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 28, 28)"]; +"/max_pool2d/0" -> "conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 14, 14)"]; +"conv2.weight" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 6, 5, 5)"]; +"conv2.bias" -> "conv2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; +"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 6, 5, 5)"]; +"conv2/conv2d/0" -> "/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 10, 10)"]; +"/relu/1" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 10, 10)"]; +"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__-relu-1__0[0]/symmetric_quantize/0" -> "/max_pool2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 10, 10)"]; +"/max_pool2d/1" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 5, 5)"]; +"/view/0" -> "fc1/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 400)"]; +"fc1.weight" -> "fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(120, 400)"]; +"fc1.bias" -> "fc1/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(120,)"]; +"__nncf_hooks.pre_hooks.fc1/linear/0__1.0._scale_param_storage" -> "fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(120, 1)"]; +"fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" -> "fc1/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120, 400)"]; +"fc1/linear/0" -> "/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120)"]; +"/relu/2" -> "post_hook__-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120)"]; +"__nncf_hooks.post_hooks./relu/2__0.0._scale_param_storage" -> "post_hook__-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__-relu-2__0[0]/symmetric_quantize/0" -> "fc2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120)"]; +"fc2.weight" -> "fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(84, 120)"]; +"fc2.bias" -> "fc2/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(84,)"]; +"__nncf_hooks.pre_hooks.fc2/linear/0__1.0._scale_param_storage" -> "fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(84, 1)"]; +"fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" -> "fc2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(84, 120)"]; +"fc2/linear/0" -> "/relu/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 84)"]; +"/relu/3" -> "post_hook__-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 84)"]; +"__nncf_hooks.post_hooks./relu/3__0.0._scale_param_storage" -> "post_hook__-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__-relu-3__0[0]/symmetric_quantize/0" -> "fc3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 84)"]; +"fc3.weight" -> "fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 84)"]; +"fc3.bias" -> "fc3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; +"__nncf_hooks.pre_hooks.fc3/linear/0__1.0._scale_param_storage" -> "fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(10, 1)"]; +"fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" -> "fc3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 84)"]; +"fc3/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v2.dot b/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v2.dot index 3f831e892f5..24883ee11ea 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v2.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v2.dot @@ -1,1313 +1,1313 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.0.0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=5, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/0/0/conv2d/0" [id=6, type=conv2d, metatype=PTConv2dMetatype]; -"features.0.1.weight" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.bias" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.running_mean" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.running_var" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/1/batch_norm/0" [id=11, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/0/2/hardtanh/0" [id=12, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/0/2/hardtanh/0__0.0._scale_param_storage" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=14, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.1.conv.0.0.weight" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/1/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=17, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/1/conv/0/0/conv2d/0" [id=18, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.1.conv.0.1.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.conv.0.1.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.conv.0.1.running_mean" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.conv.0.1.running_var" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/conv/0/1/batch_norm/0" [id=23, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/1/conv/0/2/hardtanh/0" [id=24, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/1/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=25, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=26, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.1.conv.1.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/1/conv/1/conv2d/0__1.0._scale_param_storage" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" [id=29, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/1/conv/1/conv2d/0" [id=30, type=conv2d, metatype=PTConv2dMetatype]; -"features.1.conv.2.weight" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.conv.2.bias" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.conv.2.running_mean" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.conv.2.running_var" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/conv/2/batch_norm/0" [id=35, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/1/conv/2/batch_norm/0__0.0._scale_param_storage" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" [id=37, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.2.conv.0.0.weight" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/2/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=40, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/2/conv/0/0/conv2d/0" [id=41, type=conv2d, metatype=PTConv2dMetatype]; -"features.2.conv.0.1.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.0.1.bias" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.0.1.running_mean" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.0.1.running_var" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/0/1/batch_norm/0" [id=46, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/2/conv/0/2/hardtanh/0" [id=47, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/2/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=49, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.2.conv.1.0.weight" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/2/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=52, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/2/conv/1/0/conv2d/0" [id=53, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.2.conv.1.1.weight" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.1.1.bias" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.1.1.running_mean" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.1.1.running_var" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/1/1/batch_norm/0" [id=58, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/2/conv/1/2/hardtanh/0" [id=59, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/2/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=61, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.2.conv.2.weight" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/2/conv/2/conv2d/0__1.0._scale_param_storage" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=64, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/2/conv/2/conv2d/0" [id=65, type=conv2d, metatype=PTConv2dMetatype]; -"features.2.conv.3.weight" [id=66, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.3.bias" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.3.running_mean" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.conv.3.running_var" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/3/batch_norm/0" [id=70, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/2/conv/3/batch_norm/0__0.0._scale_param_storage" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=72, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.3.conv.0.0.weight" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/3/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=74, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=75, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/3/conv/0/0/conv2d/0" [id=76, type=conv2d, metatype=PTConv2dMetatype]; -"features.3.conv.0.1.weight" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.0.1.bias" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.0.1.running_mean" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.0.1.running_var" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/0/1/batch_norm/0" [id=81, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/conv/0/2/hardtanh/0" [id=82, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/3/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=84, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.3.conv.1.0.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/3/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=87, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/3/conv/1/0/conv2d/0" [id=88, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.3.conv.1.1.weight" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.1.1.bias" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.1.1.running_mean" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.1.1.running_var" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/1/1/batch_norm/0" [id=93, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/conv/1/2/hardtanh/0" [id=94, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/3/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=96, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.3.conv.2.weight" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/3/conv/2/conv2d/0__1.0._scale_param_storage" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=99, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/3/conv/2/conv2d/0" [id=100, type=conv2d, metatype=PTConv2dMetatype]; -"features.3.conv.3.weight" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.3.bias" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.3.running_mean" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.conv.3.running_var" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/3/batch_norm/0" [id=105, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/3/conv/3/batch_norm/0__0.0._scale_param_storage" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=107, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/3/add/0" [id=108, type=add, metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/3/add/0__0.0._scale_param_storage" [id=109, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" [id=110, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.4.conv.0.0.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/4/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=113, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/4/conv/0/0/conv2d/0" [id=114, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.conv.0.1.weight" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.0.1.bias" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.0.1.running_mean" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.0.1.running_var" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/0/1/batch_norm/0" [id=119, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/conv/0/2/hardtanh/0" [id=120, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/4/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=122, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.4.conv.1.0.weight" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/4/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=125, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/4/conv/1/0/conv2d/0" [id=126, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.4.conv.1.1.weight" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.1.1.bias" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.1.1.running_mean" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.1.1.running_var" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/1/1/batch_norm/0" [id=131, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/conv/1/2/hardtanh/0" [id=132, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/4/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=133, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=134, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.4.conv.2.weight" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/4/conv/2/conv2d/0__1.0._scale_param_storage" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=137, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/4/conv/2/conv2d/0" [id=138, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.conv.3.weight" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.3.bias" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.3.running_mean" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.conv.3.running_var" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/3/batch_norm/0" [id=143, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/4/conv/3/batch_norm/0__0.0._scale_param_storage" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=145, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.5.conv.0.0.weight" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/5/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=148, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/5/conv/0/0/conv2d/0" [id=149, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.conv.0.1.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.0.1.bias" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.0.1.running_mean" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.0.1.running_var" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/0/1/batch_norm/0" [id=154, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/conv/0/2/hardtanh/0" [id=155, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/5/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=157, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.5.conv.1.0.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/5/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=160, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/5/conv/1/0/conv2d/0" [id=161, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.5.conv.1.1.weight" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.1.1.bias" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.1.1.running_mean" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.1.1.running_var" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/1/1/batch_norm/0" [id=166, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/conv/1/2/hardtanh/0" [id=167, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/5/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=169, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.5.conv.2.weight" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/5/conv/2/conv2d/0__1.0._scale_param_storage" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=172, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/5/conv/2/conv2d/0" [id=173, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.conv.3.weight" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.3.bias" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.3.running_mean" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.conv.3.running_var" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/3/batch_norm/0" [id=178, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/5/conv/3/batch_norm/0__0.0._scale_param_storage" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=180, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/5/add/0" [id=181, type=add, metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/5/add/0__0.0._scale_param_storage" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" [id=183, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.6.conv.0.0.weight" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/6/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=186, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/conv/0/0/conv2d/0" [id=187, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.conv.0.1.weight" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.0.1.bias" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.0.1.running_mean" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.0.1.running_var" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/0/1/batch_norm/0" [id=192, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/conv/0/2/hardtanh/0" [id=193, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/6/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=195, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.6.conv.1.0.weight" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/6/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=198, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/conv/1/0/conv2d/0" [id=199, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.6.conv.1.1.weight" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.1.1.bias" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.1.1.running_mean" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.1.1.running_var" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/1/1/batch_norm/0" [id=204, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/conv/1/2/hardtanh/0" [id=205, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/6/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=207, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.6.conv.2.weight" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/6/conv/2/conv2d/0__1.0._scale_param_storage" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=210, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/conv/2/conv2d/0" [id=211, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.conv.3.weight" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.3.bias" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.3.running_mean" [id=214, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.conv.3.running_var" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/3/batch_norm/0" [id=216, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/6/conv/3/batch_norm/0__0.0._scale_param_storage" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=218, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/add/0" [id=219, type=add, metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/6/add/0__0.0._scale_param_storage" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" [id=221, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.7.conv.0.0.weight" [id=222, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/7/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=224, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/7/conv/0/0/conv2d/0" [id=225, type=conv2d, metatype=PTConv2dMetatype]; -"features.7.conv.0.1.weight" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.0.1.bias" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.0.1.running_mean" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.0.1.running_var" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/0/1/batch_norm/0" [id=230, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/7/conv/0/2/hardtanh/0" [id=231, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/7/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=233, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.7.conv.1.0.weight" [id=234, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/7/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=236, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/7/conv/1/0/conv2d/0" [id=237, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.7.conv.1.1.weight" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.1.1.bias" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.1.1.running_mean" [id=240, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.1.1.running_var" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/1/1/batch_norm/0" [id=242, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/7/conv/1/2/hardtanh/0" [id=243, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/7/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=245, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.7.conv.2.weight" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/7/conv/2/conv2d/0__1.0._scale_param_storage" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=248, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/7/conv/2/conv2d/0" [id=249, type=conv2d, metatype=PTConv2dMetatype]; -"features.7.conv.3.weight" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.3.bias" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.3.running_mean" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.conv.3.running_var" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/3/batch_norm/0" [id=254, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/7/conv/3/batch_norm/0__0.0._scale_param_storage" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=256, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.8.conv.0.0.weight" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/8/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=258, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=259, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/8/conv/0/0/conv2d/0" [id=260, type=conv2d, metatype=PTConv2dMetatype]; -"features.8.conv.0.1.weight" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.0.1.bias" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.0.1.running_mean" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.0.1.running_var" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/0/1/batch_norm/0" [id=265, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/8/conv/0/2/hardtanh/0" [id=266, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/8/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=268, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.8.conv.1.0.weight" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/8/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=271, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/8/conv/1/0/conv2d/0" [id=272, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.8.conv.1.1.weight" [id=273, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.1.1.bias" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.1.1.running_mean" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.1.1.running_var" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/1/1/batch_norm/0" [id=277, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/8/conv/1/2/hardtanh/0" [id=278, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/8/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=280, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.8.conv.2.weight" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/8/conv/2/conv2d/0__1.0._scale_param_storage" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=283, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/8/conv/2/conv2d/0" [id=284, type=conv2d, metatype=PTConv2dMetatype]; -"features.8.conv.3.weight" [id=285, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.3.bias" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.3.running_mean" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.conv.3.running_var" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/3/batch_norm/0" [id=289, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/8/conv/3/batch_norm/0__0.0._scale_param_storage" [id=290, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=291, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/8/add/0" [id=292, type=add, metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/8/add/0__0.0._scale_param_storage" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" [id=294, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.9.conv.0.0.weight" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/9/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=296, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=297, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/9/conv/0/0/conv2d/0" [id=298, type=conv2d, metatype=PTConv2dMetatype]; -"features.9.conv.0.1.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.0.1.bias" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.0.1.running_mean" [id=301, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.0.1.running_var" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/0/1/batch_norm/0" [id=303, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/9/conv/0/2/hardtanh/0" [id=304, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/9/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=306, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.9.conv.1.0.weight" [id=307, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/9/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=309, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/9/conv/1/0/conv2d/0" [id=310, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.9.conv.1.1.weight" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.1.1.bias" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.1.1.running_mean" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.1.1.running_var" [id=314, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/1/1/batch_norm/0" [id=315, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/9/conv/1/2/hardtanh/0" [id=316, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/9/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=318, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.9.conv.2.weight" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/9/conv/2/conv2d/0__1.0._scale_param_storage" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=321, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/9/conv/2/conv2d/0" [id=322, type=conv2d, metatype=PTConv2dMetatype]; -"features.9.conv.3.weight" [id=323, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.3.bias" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.3.running_mean" [id=325, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.conv.3.running_var" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/3/batch_norm/0" [id=327, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/9/conv/3/batch_norm/0__0.0._scale_param_storage" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=329, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/9/add/0" [id=330, type=add, metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/9/add/0__0.0._scale_param_storage" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" [id=332, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.10.conv.0.0.weight" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/10/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=334, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=335, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/conv/0/0/conv2d/0" [id=336, type=conv2d, metatype=PTConv2dMetatype]; -"features.10.conv.0.1.weight" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.0.1.bias" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.0.1.running_mean" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.0.1.running_var" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/0/1/batch_norm/0" [id=341, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/10/conv/0/2/hardtanh/0" [id=342, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/10/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=344, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.10.conv.1.0.weight" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/10/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=347, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/conv/1/0/conv2d/0" [id=348, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.10.conv.1.1.weight" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.1.1.bias" [id=350, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.1.1.running_mean" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.1.1.running_var" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/1/1/batch_norm/0" [id=353, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/10/conv/1/2/hardtanh/0" [id=354, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/10/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=355, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=356, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.10.conv.2.weight" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/10/conv/2/conv2d/0__1.0._scale_param_storage" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=359, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/conv/2/conv2d/0" [id=360, type=conv2d, metatype=PTConv2dMetatype]; -"features.10.conv.3.weight" [id=361, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.3.bias" [id=362, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.3.running_mean" [id=363, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.conv.3.running_var" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/3/batch_norm/0" [id=365, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/10/conv/3/batch_norm/0__0.0._scale_param_storage" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=367, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/add/0" [id=368, type=add, metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/10/add/0__0.0._scale_param_storage" [id=369, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" [id=370, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.11.conv.0.0.weight" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/11/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=373, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/11/conv/0/0/conv2d/0" [id=374, type=conv2d, metatype=PTConv2dMetatype]; -"features.11.conv.0.1.weight" [id=375, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.0.1.bias" [id=376, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.0.1.running_mean" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.0.1.running_var" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/0/1/batch_norm/0" [id=379, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/11/conv/0/2/hardtanh/0" [id=380, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/11/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=381, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=382, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.11.conv.1.0.weight" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/11/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=384, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=385, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/11/conv/1/0/conv2d/0" [id=386, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.11.conv.1.1.weight" [id=387, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.1.1.bias" [id=388, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.1.1.running_mean" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.1.1.running_var" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/1/1/batch_norm/0" [id=391, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/11/conv/1/2/hardtanh/0" [id=392, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/11/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=393, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=394, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.11.conv.2.weight" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/11/conv/2/conv2d/0__1.0._scale_param_storage" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=397, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/11/conv/2/conv2d/0" [id=398, type=conv2d, metatype=PTConv2dMetatype]; -"features.11.conv.3.weight" [id=399, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.3.bias" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.3.running_mean" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.conv.3.running_var" [id=402, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/3/batch_norm/0" [id=403, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/11/conv/3/batch_norm/0__0.0._scale_param_storage" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=405, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.12.conv.0.0.weight" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/12/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=408, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/12/conv/0/0/conv2d/0" [id=409, type=conv2d, metatype=PTConv2dMetatype]; -"features.12.conv.0.1.weight" [id=410, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.0.1.bias" [id=411, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.0.1.running_mean" [id=412, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.0.1.running_var" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/0/1/batch_norm/0" [id=414, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/12/conv/0/2/hardtanh/0" [id=415, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/12/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=417, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.12.conv.1.0.weight" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/12/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=420, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/12/conv/1/0/conv2d/0" [id=421, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.12.conv.1.1.weight" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.1.1.bias" [id=423, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.1.1.running_mean" [id=424, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.1.1.running_var" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/1/1/batch_norm/0" [id=426, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/12/conv/1/2/hardtanh/0" [id=427, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/12/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=429, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.12.conv.2.weight" [id=430, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/12/conv/2/conv2d/0__1.0._scale_param_storage" [id=431, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=432, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/12/conv/2/conv2d/0" [id=433, type=conv2d, metatype=PTConv2dMetatype]; -"features.12.conv.3.weight" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.3.bias" [id=435, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.3.running_mean" [id=436, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.conv.3.running_var" [id=437, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/3/batch_norm/0" [id=438, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/12/conv/3/batch_norm/0__0.0._scale_param_storage" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=440, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/12/add/0" [id=441, type=add, metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/12/add/0__0.0._scale_param_storage" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" [id=443, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.13.conv.0.0.weight" [id=444, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/13/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=445, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=446, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/13/conv/0/0/conv2d/0" [id=447, type=conv2d, metatype=PTConv2dMetatype]; -"features.13.conv.0.1.weight" [id=448, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.0.1.bias" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.0.1.running_mean" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.0.1.running_var" [id=451, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/0/1/batch_norm/0" [id=452, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/13/conv/0/2/hardtanh/0" [id=453, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/13/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=454, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=455, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.13.conv.1.0.weight" [id=456, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/13/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=457, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=458, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/13/conv/1/0/conv2d/0" [id=459, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.13.conv.1.1.weight" [id=460, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.1.1.bias" [id=461, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.1.1.running_mean" [id=462, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.1.1.running_var" [id=463, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/1/1/batch_norm/0" [id=464, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/13/conv/1/2/hardtanh/0" [id=465, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/13/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=467, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.13.conv.2.weight" [id=468, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/13/conv/2/conv2d/0__1.0._scale_param_storage" [id=469, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=470, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/13/conv/2/conv2d/0" [id=471, type=conv2d, metatype=PTConv2dMetatype]; -"features.13.conv.3.weight" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.3.bias" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.3.running_mean" [id=474, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.13.conv.3.running_var" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/3/batch_norm/0" [id=476, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/13/conv/3/batch_norm/0__0.0._scale_param_storage" [id=477, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=478, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/13/add/0" [id=479, type=add, metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/13/add/0__0.0._scale_param_storage" [id=480, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" [id=481, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.14.conv.0.0.weight" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/14/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=483, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=484, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/14/conv/0/0/conv2d/0" [id=485, type=conv2d, metatype=PTConv2dMetatype]; -"features.14.conv.0.1.weight" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.0.1.bias" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.0.1.running_mean" [id=488, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.0.1.running_var" [id=489, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/0/1/batch_norm/0" [id=490, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/14/conv/0/2/hardtanh/0" [id=491, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/14/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=492, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=493, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.14.conv.1.0.weight" [id=494, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/14/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=495, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=496, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/14/conv/1/0/conv2d/0" [id=497, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.14.conv.1.1.weight" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.1.1.bias" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.1.1.running_mean" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.1.1.running_var" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/1/1/batch_norm/0" [id=502, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/14/conv/1/2/hardtanh/0" [id=503, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/14/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=504, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=505, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.14.conv.2.weight" [id=506, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/14/conv/2/conv2d/0__1.0._scale_param_storage" [id=507, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=508, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/14/conv/2/conv2d/0" [id=509, type=conv2d, metatype=PTConv2dMetatype]; -"features.14.conv.3.weight" [id=510, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.3.bias" [id=511, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.3.running_mean" [id=512, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.conv.3.running_var" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/3/batch_norm/0" [id=514, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/14/conv/3/batch_norm/0__0.0._scale_param_storage" [id=515, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=516, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.15.conv.0.0.weight" [id=517, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/15/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=519, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/15/conv/0/0/conv2d/0" [id=520, type=conv2d, metatype=PTConv2dMetatype]; -"features.15.conv.0.1.weight" [id=521, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.0.1.bias" [id=522, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.0.1.running_mean" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.0.1.running_var" [id=524, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/0/1/batch_norm/0" [id=525, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/15/conv/0/2/hardtanh/0" [id=526, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/15/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=527, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=528, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.15.conv.1.0.weight" [id=529, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/15/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=530, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=531, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/15/conv/1/0/conv2d/0" [id=532, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.15.conv.1.1.weight" [id=533, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.1.1.bias" [id=534, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.1.1.running_mean" [id=535, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.1.1.running_var" [id=536, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/1/1/batch_norm/0" [id=537, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/15/conv/1/2/hardtanh/0" [id=538, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/15/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=539, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=540, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.15.conv.2.weight" [id=541, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/15/conv/2/conv2d/0__1.0._scale_param_storage" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=543, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/15/conv/2/conv2d/0" [id=544, type=conv2d, metatype=PTConv2dMetatype]; -"features.15.conv.3.weight" [id=545, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.3.bias" [id=546, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.3.running_mean" [id=547, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.conv.3.running_var" [id=548, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/3/batch_norm/0" [id=549, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/15/conv/3/batch_norm/0__0.0._scale_param_storage" [id=550, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=551, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/15/add/0" [id=552, type=add, metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/15/add/0__0.0._scale_param_storage" [id=553, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" [id=554, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.16.conv.0.0.weight" [id=555, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/16/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=556, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=557, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/16/conv/0/0/conv2d/0" [id=558, type=conv2d, metatype=PTConv2dMetatype]; -"features.16.conv.0.1.weight" [id=559, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.0.1.bias" [id=560, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.0.1.running_mean" [id=561, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.0.1.running_var" [id=562, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/0/1/batch_norm/0" [id=563, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/16/conv/0/2/hardtanh/0" [id=564, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/16/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=565, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=566, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.16.conv.1.0.weight" [id=567, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/16/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=568, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=569, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/16/conv/1/0/conv2d/0" [id=570, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.16.conv.1.1.weight" [id=571, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.1.1.bias" [id=572, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.1.1.running_mean" [id=573, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.1.1.running_var" [id=574, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/1/1/batch_norm/0" [id=575, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/16/conv/1/2/hardtanh/0" [id=576, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/16/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=577, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=578, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.16.conv.2.weight" [id=579, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/16/conv/2/conv2d/0__1.0._scale_param_storage" [id=580, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=581, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/16/conv/2/conv2d/0" [id=582, type=conv2d, metatype=PTConv2dMetatype]; -"features.16.conv.3.weight" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.3.bias" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.3.running_mean" [id=585, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.16.conv.3.running_var" [id=586, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/3/batch_norm/0" [id=587, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/16/conv/3/batch_norm/0__0.0._scale_param_storage" [id=588, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=589, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/16/add/0" [id=590, type=add, metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/16/add/0__0.0._scale_param_storage" [id=591, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" [id=592, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.17.conv.0.0.weight" [id=593, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/17/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=594, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=595, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/17/conv/0/0/conv2d/0" [id=596, type=conv2d, metatype=PTConv2dMetatype]; -"features.17.conv.0.1.weight" [id=597, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.0.1.bias" [id=598, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.0.1.running_mean" [id=599, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.0.1.running_var" [id=600, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/0/1/batch_norm/0" [id=601, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/17/conv/0/2/hardtanh/0" [id=602, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/17/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=603, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=604, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.17.conv.1.0.weight" [id=605, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/17/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=606, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=607, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/17/conv/1/0/conv2d/0" [id=608, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.17.conv.1.1.weight" [id=609, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.1.1.bias" [id=610, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.1.1.running_mean" [id=611, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.1.1.running_var" [id=612, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/1/1/batch_norm/0" [id=613, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/17/conv/1/2/hardtanh/0" [id=614, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/17/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=615, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=616, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.17.conv.2.weight" [id=617, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/17/conv/2/conv2d/0__1.0._scale_param_storage" [id=618, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=619, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/17/conv/2/conv2d/0" [id=620, type=conv2d, metatype=PTConv2dMetatype]; -"features.17.conv.3.weight" [id=621, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.3.bias" [id=622, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.3.running_mean" [id=623, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.conv.3.running_var" [id=624, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/3/batch_norm/0" [id=625, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/17/conv/3/batch_norm/0__0.0._scale_param_storage" [id=626, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=627, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.18.0.weight" [id=628, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/18/0/conv2d/0__1.0._scale_param_storage" [id=629, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" [id=630, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/18/0/conv2d/0" [id=631, type=conv2d, metatype=PTConv2dMetatype]; -"features.18.1.weight" [id=632, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.18.1.bias" [id=633, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.18.1.running_mean" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.18.1.running_var" [id=635, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/18/1/batch_norm/0" [id=636, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/18/2/hardtanh/0" [id=637, type=hardtanh, metatype=PTHardTanhMetatype]; -"__nncf_hooks.post_hooks.features/18/2/hardtanh/0__0.0._scale_param_storage" [id=638, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=639, type="symmetric_quantize", metatype=UnknownMetatype]; -"/adaptive_avg_pool2d/0" [id=640, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=641, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=642, type="symmetric_quantize", metatype=UnknownMetatype]; -"/reshape/0" [id=643, type=reshape, metatype=PTReshapeMetatype]; -"classifier/0/dropout/0" [id=644, type=dropout, metatype=PTDropoutMetatype]; -"classifier.1.weight" [id=645, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.1.bias" [id=646, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" [id=647, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [id=648, type="symmetric_quantize", metatype=UnknownMetatype]; -"classifier/1/linear/0" [id=649, type=linear, metatype=PTLinearMetatype]; -output [id=650, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"features.0.0.weight" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 3, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, shape="(32, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"features/0/1/batch_norm/0" -> "features/0/2/hardtanh/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"features/0/2/hardtanh/0" -> "features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=4]; -"features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/1/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"features.1.conv.0.0.weight" -> "features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/1/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/conv/0/0/conv2d/0" [dtype=float, shape="(32, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/1/conv/0/0/conv2d/0" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"features.1.conv.0.1.weight" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"features.1.conv.0.1.bias" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features.1.conv.0.1.running_mean" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"features.1.conv.0.1.running_var" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"features/1/conv/0/1/batch_norm/0" -> "features/1/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"features/1/conv/0/2/hardtanh/0" -> "features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/1/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/1/conv/1/conv2d/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; -"features.1.conv.1.weight" -> "features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 32, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/1/conv/1/conv2d/0__1.0._scale_param_storage" -> "features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/conv/1/conv2d/0" [dtype=float, shape="(16, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features/1/conv/1/conv2d/0" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"features.1.conv.2.weight" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; -"features.1.conv.2.bias" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"features.1.conv.2.running_mean" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; -"features.1.conv.2.running_var" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; -"features/1/conv/2/batch_norm/0" -> "features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/1/conv/2/batch_norm/0__0.0._scale_param_storage" -> "features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/2/conv/0/0/conv2d/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.conv.0.0.weight" -> "features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 16, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/2/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/conv/0/0/conv2d/0" [dtype=float, shape="(96, 16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/2/conv/0/0/conv2d/0" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.conv.0.1.weight" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.2.conv.0.1.bias" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.2.conv.0.1.running_mean" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.2.conv.0.1.running_var" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/2/conv/0/1/batch_norm/0" -> "features/2/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features/2/conv/0/2/hardtanh/0" -> "features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/2/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=4]; -"features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/2/conv/1/0/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; -"features.2.conv.1.0.weight" -> "features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/2/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/conv/1/0/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/2/conv/1/0/conv2d/0" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"features.2.conv.1.1.weight" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.2.conv.1.1.bias" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.2.conv.1.1.running_mean" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.2.conv.1.1.running_var" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/2/conv/1/1/batch_norm/0" -> "features/2/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"features/2/conv/1/2/hardtanh/0" -> "features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/2/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/2/conv/2/conv2d/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"features.2.conv.2.weight" -> "features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/2/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/conv/2/conv2d/0" [dtype=float, shape="(24, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/2/conv/2/conv2d/0" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; -"features.2.conv.3.weight" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"features.2.conv.3.bias" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"features.2.conv.3.running_mean" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"features.2.conv.3.running_var" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"features/2/conv/3/batch_norm/0" -> "features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/2/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/conv/0/0/conv2d/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; -"features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.conv.0.0.weight" -> "features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/3/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv/0/0/conv2d/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/conv/0/0/conv2d/0" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.conv.0.1.weight" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.3.conv.0.1.bias" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.3.conv.0.1.running_mean" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.3.conv.0.1.running_var" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/3/conv/0/1/batch_norm/0" -> "features/3/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/conv/0/2/hardtanh/0" -> "features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/3/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=4]; -"features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/3/conv/1/0/conv2d/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.conv.1.0.weight" -> "features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/3/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv/1/0/conv2d/0" [dtype=float, shape="(144, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/3/conv/1/0/conv2d/0" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.conv.1.1.weight" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.3.conv.1.1.bias" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.3.conv.1.1.running_mean" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.3.conv.1.1.running_var" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/3/conv/1/1/batch_norm/0" -> "features/3/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features/3/conv/1/2/hardtanh/0" -> "features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/3/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/3/conv/2/conv2d/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.conv.2.weight" -> "features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/3/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv/2/conv2d/0" [dtype=float, shape="(24, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/conv/2/conv2d/0" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; -"features.3.conv.3.weight" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"features.3.conv.3.bias" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"features.3.conv.3.running_mean" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"features.3.conv.3.running_var" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"features/3/conv/3/batch_norm/0" -> "features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/3/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=1]; -"features/3/add/0" -> "features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/3/add/0__0.0._scale_param_storage" -> "features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" -> "features/4/conv/0/0/conv2d/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; -"features.4.conv.0.0.weight" -> "features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/4/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/conv/0/0/conv2d/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/conv/0/0/conv2d/0" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features.4.conv.0.1.weight" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.4.conv.0.1.bias" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.4.conv.0.1.running_mean" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.4.conv.0.1.running_var" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/4/conv/0/1/batch_norm/0" -> "features/4/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features/4/conv/0/2/hardtanh/0" -> "features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/4/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=4]; -"features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/4/conv/1/0/conv2d/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; -"features.4.conv.1.0.weight" -> "features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/4/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/conv/1/0/conv2d/0" [dtype=float, shape="(144, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/4/conv/1/0/conv2d/0" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.conv.1.1.weight" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.4.conv.1.1.bias" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.4.conv.1.1.running_mean" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.4.conv.1.1.running_var" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/4/conv/1/1/batch_norm/0" -> "features/4/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/conv/1/2/hardtanh/0" -> "features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/4/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/4/conv/2/conv2d/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.conv.2.weight" -> "features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/4/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/conv/2/conv2d/0" [dtype=float, shape="(32, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/conv/2/conv2d/0" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.conv.3.weight" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"features.4.conv.3.bias" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features.4.conv.3.running_mean" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"features.4.conv.3.running_var" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"features/4/conv/3/batch_norm/0" -> "features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/4/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.conv.0.0.weight" -> "features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/5/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/conv/0/0/conv2d/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/conv/0/0/conv2d/0" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.conv.0.1.weight" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.5.conv.0.1.bias" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.5.conv.0.1.running_mean" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.5.conv.0.1.running_var" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/5/conv/0/1/batch_norm/0" -> "features/5/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/conv/0/2/hardtanh/0" -> "features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/5/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=4]; -"features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/5/conv/1/0/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.conv.1.0.weight" -> "features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/5/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/conv/1/0/conv2d/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/5/conv/1/0/conv2d/0" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.conv.1.1.weight" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.5.conv.1.1.bias" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.5.conv.1.1.running_mean" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.5.conv.1.1.running_var" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/5/conv/1/1/batch_norm/0" -> "features/5/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/conv/1/2/hardtanh/0" -> "features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/5/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/5/conv/2/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.conv.2.weight" -> "features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/5/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/conv/2/conv2d/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/conv/2/conv2d/0" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"features.5.conv.3.weight" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"features.5.conv.3.bias" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features.5.conv.3.running_mean" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"features.5.conv.3.running_var" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"features/5/conv/3/batch_norm/0" -> "features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/5/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/5/add/0" -> "features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/5/add/0__0.0._scale_param_storage" -> "features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" -> "features/6/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" -> "features/6/add/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.conv.0.0.weight" -> "features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/6/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv/0/0/conv2d/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/conv/0/0/conv2d/0" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.conv.0.1.weight" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.6.conv.0.1.bias" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.6.conv.0.1.running_mean" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.6.conv.0.1.running_var" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/6/conv/0/1/batch_norm/0" -> "features/6/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features/6/conv/0/2/hardtanh/0" -> "features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/6/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=4]; -"features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/6/conv/1/0/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.conv.1.0.weight" -> "features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/6/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv/1/0/conv2d/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/6/conv/1/0/conv2d/0" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.conv.1.1.weight" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.6.conv.1.1.bias" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.6.conv.1.1.running_mean" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.6.conv.1.1.running_var" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/6/conv/1/1/batch_norm/0" -> "features/6/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features/6/conv/1/2/hardtanh/0" -> "features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/6/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/6/conv/2/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.conv.2.weight" -> "features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/6/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv/2/conv2d/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/conv/2/conv2d/0" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"features.6.conv.3.weight" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; -"features.6.conv.3.bias" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features.6.conv.3.running_mean" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; -"features.6.conv.3.running_var" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; -"features/6/conv/3/batch_norm/0" -> "features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/6/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/6/add/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; -"features/6/add/0" -> "features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/6/add/0__0.0._scale_param_storage" -> "features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" -> "features/7/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; -"features.7.conv.0.0.weight" -> "features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/7/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv/0/0/conv2d/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features/7/conv/0/0/conv2d/0" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features.7.conv.0.1.weight" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.7.conv.0.1.bias" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.7.conv.0.1.running_mean" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.7.conv.0.1.running_var" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/7/conv/0/1/batch_norm/0" -> "features/7/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features/7/conv/0/2/hardtanh/0" -> "features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/7/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=4]; -"features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/7/conv/1/0/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"features.7.conv.1.0.weight" -> "features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/7/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv/1/0/conv2d/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/7/conv/1/0/conv2d/0" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.conv.1.1.weight" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; -"features.7.conv.1.1.bias" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"features.7.conv.1.1.running_mean" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; -"features.7.conv.1.1.running_var" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; -"features/7/conv/1/1/batch_norm/0" -> "features/7/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/conv/1/2/hardtanh/0" -> "features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/7/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/7/conv/2/conv2d/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.conv.2.weight" -> "features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/7/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv/2/conv2d/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"features/7/conv/2/conv2d/0" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.conv.3.weight" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"features.7.conv.3.bias" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features.7.conv.3.running_mean" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"features.7.conv.3.running_var" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"features/7/conv/3/batch_norm/0" -> "features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/7/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"features.8.conv.0.0.weight" -> "features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/8/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features/8/conv/0/0/conv2d/0" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.8.conv.0.1.weight" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.8.conv.0.1.bias" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.8.conv.0.1.running_mean" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.8.conv.0.1.running_var" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/8/conv/0/1/batch_norm/0" -> "features/8/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features/8/conv/0/2/hardtanh/0" -> "features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/8/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 1, 1)", out_port_id=0, in_port_id=4]; -"features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/8/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.8.conv.1.0.weight" -> "features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/8/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/8/conv/1/0/conv2d/0" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.8.conv.1.1.weight" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.8.conv.1.1.bias" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.8.conv.1.1.running_mean" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.8.conv.1.1.running_var" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/8/conv/1/1/batch_norm/0" -> "features/8/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features/8/conv/1/2/hardtanh/0" -> "features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/8/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/8/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.8.conv.2.weight" -> "features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/8/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv/2/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"features/8/conv/2/conv2d/0" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"features.8.conv.3.weight" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"features.8.conv.3.bias" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features.8.conv.3.running_mean" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"features.8.conv.3.running_var" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"features/8/conv/3/batch_norm/0" -> "features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/8/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=1]; -"features/8/add/0" -> "features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/8/add/0__0.0._scale_param_storage" -> "features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" -> "features/9/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" -> "features/9/add/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"features.9.conv.0.0.weight" -> "features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/9/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features/9/conv/0/0/conv2d/0" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.9.conv.0.1.weight" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.9.conv.0.1.bias" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.9.conv.0.1.running_mean" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.9.conv.0.1.running_var" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/9/conv/0/1/batch_norm/0" -> "features/9/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features/9/conv/0/2/hardtanh/0" -> "features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/9/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 1, 1)", out_port_id=0, in_port_id=4]; -"features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/9/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.9.conv.1.0.weight" -> "features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/9/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/9/conv/1/0/conv2d/0" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.9.conv.1.1.weight" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.9.conv.1.1.bias" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.9.conv.1.1.running_mean" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.9.conv.1.1.running_var" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/9/conv/1/1/batch_norm/0" -> "features/9/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features/9/conv/1/2/hardtanh/0" -> "features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/9/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/9/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.9.conv.2.weight" -> "features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/9/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/conv/2/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"features/9/conv/2/conv2d/0" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"features.9.conv.3.weight" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"features.9.conv.3.bias" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features.9.conv.3.running_mean" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"features.9.conv.3.running_var" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"features/9/conv/3/batch_norm/0" -> "features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/9/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/9/add/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=1]; -"features/9/add/0" -> "features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/9/add/0__0.0._scale_param_storage" -> "features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" -> "features/10/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" -> "features/10/add/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"features.10.conv.0.0.weight" -> "features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/10/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features/10/conv/0/0/conv2d/0" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.10.conv.0.1.weight" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.10.conv.0.1.bias" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.10.conv.0.1.running_mean" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.10.conv.0.1.running_var" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/10/conv/0/1/batch_norm/0" -> "features/10/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features/10/conv/0/2/hardtanh/0" -> "features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/10/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 1, 1)", out_port_id=0, in_port_id=4]; -"features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/10/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.10.conv.1.0.weight" -> "features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/10/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/10/conv/1/0/conv2d/0" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.10.conv.1.1.weight" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.10.conv.1.1.bias" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.10.conv.1.1.running_mean" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.10.conv.1.1.running_var" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/10/conv/1/1/batch_norm/0" -> "features/10/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features/10/conv/1/2/hardtanh/0" -> "features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/10/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/10/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.10.conv.2.weight" -> "features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/10/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv/2/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"features/10/conv/2/conv2d/0" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"features.10.conv.3.weight" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"features.10.conv.3.bias" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features.10.conv.3.running_mean" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"features.10.conv.3.running_var" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"features/10/conv/3/batch_norm/0" -> "features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/10/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/add/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=1]; -"features/10/add/0" -> "features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/10/add/0__0.0._scale_param_storage" -> "features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" -> "features/11/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"features.11.conv.0.0.weight" -> "features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/11/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features/11/conv/0/0/conv2d/0" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.11.conv.0.1.weight" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.11.conv.0.1.bias" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.11.conv.0.1.running_mean" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.11.conv.0.1.running_var" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/11/conv/0/1/batch_norm/0" -> "features/11/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features/11/conv/0/2/hardtanh/0" -> "features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/11/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 1, 1)", out_port_id=0, in_port_id=4]; -"features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/11/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.11.conv.1.0.weight" -> "features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/11/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/11/conv/1/0/conv2d/0" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.11.conv.1.1.weight" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; -"features.11.conv.1.1.bias" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; -"features.11.conv.1.1.running_mean" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; -"features.11.conv.1.1.running_var" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; -"features/11/conv/1/1/batch_norm/0" -> "features/11/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features/11/conv/1/2/hardtanh/0" -> "features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/11/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/11/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; -"features.11.conv.2.weight" -> "features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 384, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/11/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/conv/2/conv2d/0" [dtype=float, shape="(96, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"features/11/conv/2/conv2d/0" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features.11.conv.3.weight" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.11.conv.3.bias" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.11.conv.3.running_mean" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.11.conv.3.running_var" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/11/conv/3/batch_norm/0" -> "features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/11/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/12/conv/0/0/conv2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/12/add/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features.12.conv.0.0.weight" -> "features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/12/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/conv/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/12/conv/0/0/conv2d/0" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.12.conv.0.1.weight" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.12.conv.0.1.bias" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.12.conv.0.1.running_mean" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.12.conv.0.1.running_var" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/12/conv/0/1/batch_norm/0" -> "features/12/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features/12/conv/0/2/hardtanh/0" -> "features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/12/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=4]; -"features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/12/conv/1/0/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.12.conv.1.0.weight" -> "features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/12/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/conv/1/0/conv2d/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/12/conv/1/0/conv2d/0" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.12.conv.1.1.weight" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.12.conv.1.1.bias" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.12.conv.1.1.running_mean" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.12.conv.1.1.running_var" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/12/conv/1/1/batch_norm/0" -> "features/12/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features/12/conv/1/2/hardtanh/0" -> "features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/12/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/12/conv/2/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.12.conv.2.weight" -> "features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/12/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/conv/2/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features/12/conv/2/conv2d/0" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features.12.conv.3.weight" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.12.conv.3.bias" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.12.conv.3.running_mean" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.12.conv.3.running_var" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/12/conv/3/batch_norm/0" -> "features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/12/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/12/add/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=1]; -"features/12/add/0" -> "features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/12/add/0__0.0._scale_param_storage" -> "features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" -> "features/13/conv/0/0/conv2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" -> "features/13/add/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features.13.conv.0.0.weight" -> "features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/13/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/13/conv/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/13/conv/0/0/conv2d/0" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.13.conv.0.1.weight" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.13.conv.0.1.bias" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.13.conv.0.1.running_mean" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.13.conv.0.1.running_var" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/13/conv/0/1/batch_norm/0" -> "features/13/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features/13/conv/0/2/hardtanh/0" -> "features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/13/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=4]; -"features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/13/conv/1/0/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.13.conv.1.0.weight" -> "features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/13/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/13/conv/1/0/conv2d/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/13/conv/1/0/conv2d/0" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.13.conv.1.1.weight" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.13.conv.1.1.bias" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.13.conv.1.1.running_mean" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.13.conv.1.1.running_var" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/13/conv/1/1/batch_norm/0" -> "features/13/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features/13/conv/1/2/hardtanh/0" -> "features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/13/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/13/conv/2/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.13.conv.2.weight" -> "features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/13/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/13/conv/2/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features/13/conv/2/conv2d/0" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features.13.conv.3.weight" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.13.conv.3.bias" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.13.conv.3.running_mean" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.13.conv.3.running_var" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/13/conv/3/batch_norm/0" -> "features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/13/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/13/add/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=1]; -"features/13/add/0" -> "features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/13/add/0__0.0._scale_param_storage" -> "features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" -> "features/14/conv/0/0/conv2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features.14.conv.0.0.weight" -> "features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/14/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/14/conv/0/0/conv2d/0" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.14.conv.0.1.weight" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.14.conv.0.1.bias" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.14.conv.0.1.running_mean" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.14.conv.0.1.running_var" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/14/conv/0/1/batch_norm/0" -> "features/14/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features/14/conv/0/2/hardtanh/0" -> "features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/14/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=4]; -"features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/14/conv/1/0/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; -"features.14.conv.1.0.weight" -> "features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/14/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv/1/0/conv2d/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/14/conv/1/0/conv2d/0" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.14.conv.1.1.weight" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.14.conv.1.1.bias" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.14.conv.1.1.running_mean" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.14.conv.1.1.running_var" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/14/conv/1/1/batch_norm/0" -> "features/14/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/14/conv/1/2/hardtanh/0" -> "features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/14/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/14/conv/2/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.14.conv.2.weight" -> "features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/14/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv/2/conv2d/0" [dtype=float, shape="(160, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features/14/conv/2/conv2d/0" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"features.14.conv.3.weight" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"features.14.conv.3.bias" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"features.14.conv.3.running_mean" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"features.14.conv.3.running_var" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"features/14/conv/3/batch_norm/0" -> "features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/14/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/15/conv/0/0/conv2d/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/15/add/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"features.15.conv.0.0.weight" -> "features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/15/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/15/conv/0/0/conv2d/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=1]; -"features/15/conv/0/0/conv2d/0" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features.15.conv.0.1.weight" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"features.15.conv.0.1.bias" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"features.15.conv.0.1.running_mean" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"features.15.conv.0.1.running_var" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"features/15/conv/0/1/batch_norm/0" -> "features/15/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features/15/conv/0/2/hardtanh/0" -> "features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/15/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=4]; -"features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/15/conv/1/0/conv2d/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features.15.conv.1.0.weight" -> "features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/15/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/15/conv/1/0/conv2d/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/15/conv/1/0/conv2d/0" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features.15.conv.1.1.weight" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"features.15.conv.1.1.bias" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"features.15.conv.1.1.running_mean" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"features.15.conv.1.1.running_var" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"features/15/conv/1/1/batch_norm/0" -> "features/15/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features/15/conv/1/2/hardtanh/0" -> "features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/15/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/15/conv/2/conv2d/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features.15.conv.2.weight" -> "features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/15/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/15/conv/2/conv2d/0" [dtype=float, shape="(160, 960, 1, 1)", out_port_id=0, in_port_id=1]; -"features/15/conv/2/conv2d/0" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"features.15.conv.3.weight" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"features.15.conv.3.bias" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"features.15.conv.3.running_mean" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"features.15.conv.3.running_var" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"features/15/conv/3/batch_norm/0" -> "features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/15/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/15/add/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=1]; -"features/15/add/0" -> "features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/15/add/0__0.0._scale_param_storage" -> "features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" -> "features/16/conv/0/0/conv2d/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" -> "features/16/add/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"features.16.conv.0.0.weight" -> "features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/16/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/16/conv/0/0/conv2d/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=1]; -"features/16/conv/0/0/conv2d/0" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features.16.conv.0.1.weight" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"features.16.conv.0.1.bias" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"features.16.conv.0.1.running_mean" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"features.16.conv.0.1.running_var" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"features/16/conv/0/1/batch_norm/0" -> "features/16/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features/16/conv/0/2/hardtanh/0" -> "features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/16/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=4]; -"features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/16/conv/1/0/conv2d/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features.16.conv.1.0.weight" -> "features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/16/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/16/conv/1/0/conv2d/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/16/conv/1/0/conv2d/0" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features.16.conv.1.1.weight" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"features.16.conv.1.1.bias" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"features.16.conv.1.1.running_mean" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"features.16.conv.1.1.running_var" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"features/16/conv/1/1/batch_norm/0" -> "features/16/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features/16/conv/1/2/hardtanh/0" -> "features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/16/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/16/conv/2/conv2d/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features.16.conv.2.weight" -> "features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/16/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/16/conv/2/conv2d/0" [dtype=float, shape="(160, 960, 1, 1)", out_port_id=0, in_port_id=1]; -"features/16/conv/2/conv2d/0" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"features.16.conv.3.weight" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; -"features.16.conv.3.bias" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; -"features.16.conv.3.running_mean" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; -"features.16.conv.3.running_var" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; -"features/16/conv/3/batch_norm/0" -> "features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/16/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/16/add/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=1]; -"features/16/add/0" -> "features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/16/add/0__0.0._scale_param_storage" -> "features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" -> "features/17/conv/0/0/conv2d/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"features.17.conv.0.0.weight" -> "features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/17/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv/0/0/conv2d/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=1]; -"features/17/conv/0/0/conv2d/0" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features.17.conv.0.1.weight" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"features.17.conv.0.1.bias" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"features.17.conv.0.1.running_mean" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"features.17.conv.0.1.running_var" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"features/17/conv/0/1/batch_norm/0" -> "features/17/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features/17/conv/0/2/hardtanh/0" -> "features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/17/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=4]; -"features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/17/conv/1/0/conv2d/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features.17.conv.1.0.weight" -> "features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/17/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv/1/0/conv2d/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/17/conv/1/0/conv2d/0" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features.17.conv.1.1.weight" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; -"features.17.conv.1.1.bias" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; -"features.17.conv.1.1.running_mean" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; -"features.17.conv.1.1.running_var" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; -"features/17/conv/1/1/batch_norm/0" -> "features/17/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features/17/conv/1/2/hardtanh/0" -> "features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/17/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/17/conv/2/conv2d/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"features.17.conv.2.weight" -> "features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 960, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/17/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv/2/conv2d/0" [dtype=float, shape="(320, 960, 1, 1)", out_port_id=0, in_port_id=1]; -"features/17/conv/2/conv2d/0" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(1, 320, 1, 1)", out_port_id=0, in_port_id=0]; -"features.17.conv.3.weight" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; -"features.17.conv.3.bias" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; -"features.17.conv.3.running_mean" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; -"features.17.conv.3.running_var" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; -"features/17/conv/3/batch_norm/0" -> "features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 320, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/17/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/18/0/conv2d/0" [dtype=float, shape="(1, 320, 1, 1)", out_port_id=0, in_port_id=0]; -"features.18.0.weight" -> "features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1280, 320, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/18/0/conv2d/0__1.0._scale_param_storage" -> "features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1280, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/18/0/conv2d/0" [dtype=float, shape="(1280, 320, 1, 1)", out_port_id=0, in_port_id=1]; -"features/18/0/conv2d/0" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; -"features.18.1.weight" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=1]; -"features.18.1.bias" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=2]; -"features.18.1.running_mean" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=3]; -"features.18.1.running_var" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=4]; -"features/18/1/batch_norm/0" -> "features/18/2/hardtanh/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; -"features/18/2/hardtanh/0" -> "features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/18/2/hardtanh/0__0.0._scale_param_storage" -> "features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; -"/adaptive_avg_pool2d/0" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/reshape/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; -"/reshape/0" -> "classifier/0/dropout/0" [dtype=float, shape="(1, 1280)", out_port_id=0, in_port_id=0]; -"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, shape="(1, 1280)", out_port_id=0, in_port_id=0]; -"classifier.1.weight" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 1280)", out_port_id=0, in_port_id=0]; -"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 1)", out_port_id=0, in_port_id=4]; -"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" -> "classifier/1/linear/0" [dtype=float, shape="(1000, 1280)", out_port_id=0, in_port_id=1]; -"classifier/1/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.0.0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=5, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/0/0/conv2d/0" [id=6, metatype=PTConv2dMetatype, type=conv2d]; +"features.0.1.weight" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.bias" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.running_mean" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.running_var" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/1/batch_norm/0" [id=11, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/0/2/hardtanh/0" [id=12, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/0/2/hardtanh/0__0.0._scale_param_storage" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=14, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.1.conv.0.0.weight" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/1/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=17, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/1/conv/0/0/conv2d/0" [id=18, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.1.conv.0.1.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.conv.0.1.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.conv.0.1.running_mean" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.conv.0.1.running_var" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/conv/0/1/batch_norm/0" [id=23, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/1/conv/0/2/hardtanh/0" [id=24, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/1/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=25, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=26, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.1.conv.1.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/1/conv/1/conv2d/0__1.0._scale_param_storage" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" [id=29, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/1/conv/1/conv2d/0" [id=30, metatype=PTConv2dMetatype, type=conv2d]; +"features.1.conv.2.weight" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.conv.2.bias" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.conv.2.running_mean" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.conv.2.running_var" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/conv/2/batch_norm/0" [id=35, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/1/conv/2/batch_norm/0__0.0._scale_param_storage" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" [id=37, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.2.conv.0.0.weight" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/2/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=40, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/2/conv/0/0/conv2d/0" [id=41, metatype=PTConv2dMetatype, type=conv2d]; +"features.2.conv.0.1.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.0.1.bias" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.0.1.running_mean" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.0.1.running_var" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/0/1/batch_norm/0" [id=46, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/2/conv/0/2/hardtanh/0" [id=47, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/2/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=49, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.2.conv.1.0.weight" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/2/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=52, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/2/conv/1/0/conv2d/0" [id=53, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.2.conv.1.1.weight" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.1.1.bias" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.1.1.running_mean" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.1.1.running_var" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/1/1/batch_norm/0" [id=58, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/2/conv/1/2/hardtanh/0" [id=59, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/2/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=61, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.2.conv.2.weight" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/2/conv/2/conv2d/0__1.0._scale_param_storage" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=64, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/2/conv/2/conv2d/0" [id=65, metatype=PTConv2dMetatype, type=conv2d]; +"features.2.conv.3.weight" [id=66, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.3.bias" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.3.running_mean" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.conv.3.running_var" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/3/batch_norm/0" [id=70, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/2/conv/3/batch_norm/0__0.0._scale_param_storage" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=72, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.3.conv.0.0.weight" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/3/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=74, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=75, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/3/conv/0/0/conv2d/0" [id=76, metatype=PTConv2dMetatype, type=conv2d]; +"features.3.conv.0.1.weight" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.0.1.bias" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.0.1.running_mean" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.0.1.running_var" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/0/1/batch_norm/0" [id=81, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/conv/0/2/hardtanh/0" [id=82, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/3/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=84, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.3.conv.1.0.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/3/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=87, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/3/conv/1/0/conv2d/0" [id=88, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.3.conv.1.1.weight" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.1.1.bias" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.1.1.running_mean" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.1.1.running_var" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/1/1/batch_norm/0" [id=93, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/conv/1/2/hardtanh/0" [id=94, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/3/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=96, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.3.conv.2.weight" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/3/conv/2/conv2d/0__1.0._scale_param_storage" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=99, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/3/conv/2/conv2d/0" [id=100, metatype=PTConv2dMetatype, type=conv2d]; +"features.3.conv.3.weight" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.3.bias" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.3.running_mean" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.conv.3.running_var" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/3/batch_norm/0" [id=105, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/3/conv/3/batch_norm/0__0.0._scale_param_storage" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=107, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/3/add/0" [id=108, metatype=PTAddMetatype, type=add]; +"__nncf_hooks.post_hooks.features/3/add/0__0.0._scale_param_storage" [id=109, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" [id=110, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.4.conv.0.0.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/4/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=113, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/4/conv/0/0/conv2d/0" [id=114, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.conv.0.1.weight" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.0.1.bias" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.0.1.running_mean" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.0.1.running_var" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/0/1/batch_norm/0" [id=119, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/conv/0/2/hardtanh/0" [id=120, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/4/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=122, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.4.conv.1.0.weight" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/4/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=125, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/4/conv/1/0/conv2d/0" [id=126, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.4.conv.1.1.weight" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.1.1.bias" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.1.1.running_mean" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.1.1.running_var" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/1/1/batch_norm/0" [id=131, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/conv/1/2/hardtanh/0" [id=132, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/4/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=133, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=134, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.4.conv.2.weight" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/4/conv/2/conv2d/0__1.0._scale_param_storage" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=137, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/4/conv/2/conv2d/0" [id=138, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.conv.3.weight" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.3.bias" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.3.running_mean" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.conv.3.running_var" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/3/batch_norm/0" [id=143, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/4/conv/3/batch_norm/0__0.0._scale_param_storage" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=145, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.5.conv.0.0.weight" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/5/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=148, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/5/conv/0/0/conv2d/0" [id=149, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.conv.0.1.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.0.1.bias" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.0.1.running_mean" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.0.1.running_var" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/0/1/batch_norm/0" [id=154, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/conv/0/2/hardtanh/0" [id=155, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/5/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=157, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.5.conv.1.0.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/5/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=160, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/5/conv/1/0/conv2d/0" [id=161, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.5.conv.1.1.weight" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.1.1.bias" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.1.1.running_mean" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.1.1.running_var" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/1/1/batch_norm/0" [id=166, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/conv/1/2/hardtanh/0" [id=167, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/5/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=169, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.5.conv.2.weight" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/5/conv/2/conv2d/0__1.0._scale_param_storage" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=172, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/5/conv/2/conv2d/0" [id=173, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.conv.3.weight" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.3.bias" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.3.running_mean" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.conv.3.running_var" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/3/batch_norm/0" [id=178, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/5/conv/3/batch_norm/0__0.0._scale_param_storage" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=180, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/5/add/0" [id=181, metatype=PTAddMetatype, type=add]; +"__nncf_hooks.post_hooks.features/5/add/0__0.0._scale_param_storage" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" [id=183, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.6.conv.0.0.weight" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/6/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=186, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/conv/0/0/conv2d/0" [id=187, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.conv.0.1.weight" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.0.1.bias" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.0.1.running_mean" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.0.1.running_var" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/0/1/batch_norm/0" [id=192, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/conv/0/2/hardtanh/0" [id=193, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/6/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=195, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.6.conv.1.0.weight" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/6/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=198, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/conv/1/0/conv2d/0" [id=199, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.6.conv.1.1.weight" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.1.1.bias" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.1.1.running_mean" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.1.1.running_var" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/1/1/batch_norm/0" [id=204, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/conv/1/2/hardtanh/0" [id=205, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/6/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=206, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=207, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.6.conv.2.weight" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/6/conv/2/conv2d/0__1.0._scale_param_storage" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=210, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/conv/2/conv2d/0" [id=211, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.conv.3.weight" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.3.bias" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.3.running_mean" [id=214, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.conv.3.running_var" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/3/batch_norm/0" [id=216, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/6/conv/3/batch_norm/0__0.0._scale_param_storage" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=218, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/add/0" [id=219, metatype=PTAddMetatype, type=add]; +"__nncf_hooks.post_hooks.features/6/add/0__0.0._scale_param_storage" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" [id=221, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.7.conv.0.0.weight" [id=222, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/7/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=224, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/7/conv/0/0/conv2d/0" [id=225, metatype=PTConv2dMetatype, type=conv2d]; +"features.7.conv.0.1.weight" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.0.1.bias" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.0.1.running_mean" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.0.1.running_var" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/0/1/batch_norm/0" [id=230, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/7/conv/0/2/hardtanh/0" [id=231, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/7/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=233, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.7.conv.1.0.weight" [id=234, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/7/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=236, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/7/conv/1/0/conv2d/0" [id=237, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.7.conv.1.1.weight" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.1.1.bias" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.1.1.running_mean" [id=240, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.1.1.running_var" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/1/1/batch_norm/0" [id=242, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/7/conv/1/2/hardtanh/0" [id=243, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/7/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=245, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.7.conv.2.weight" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/7/conv/2/conv2d/0__1.0._scale_param_storage" [id=247, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=248, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/7/conv/2/conv2d/0" [id=249, metatype=PTConv2dMetatype, type=conv2d]; +"features.7.conv.3.weight" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.3.bias" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.3.running_mean" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.conv.3.running_var" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/3/batch_norm/0" [id=254, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/7/conv/3/batch_norm/0__0.0._scale_param_storage" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=256, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.8.conv.0.0.weight" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/8/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=258, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=259, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/8/conv/0/0/conv2d/0" [id=260, metatype=PTConv2dMetatype, type=conv2d]; +"features.8.conv.0.1.weight" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.0.1.bias" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.0.1.running_mean" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.0.1.running_var" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/0/1/batch_norm/0" [id=265, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/8/conv/0/2/hardtanh/0" [id=266, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/8/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=268, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.8.conv.1.0.weight" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/8/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=271, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/8/conv/1/0/conv2d/0" [id=272, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.8.conv.1.1.weight" [id=273, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.1.1.bias" [id=274, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.1.1.running_mean" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.1.1.running_var" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/1/1/batch_norm/0" [id=277, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/8/conv/1/2/hardtanh/0" [id=278, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/8/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=280, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.8.conv.2.weight" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/8/conv/2/conv2d/0__1.0._scale_param_storage" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=283, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/8/conv/2/conv2d/0" [id=284, metatype=PTConv2dMetatype, type=conv2d]; +"features.8.conv.3.weight" [id=285, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.3.bias" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.3.running_mean" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.conv.3.running_var" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/3/batch_norm/0" [id=289, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/8/conv/3/batch_norm/0__0.0._scale_param_storage" [id=290, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=291, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/8/add/0" [id=292, metatype=PTAddMetatype, type=add]; +"__nncf_hooks.post_hooks.features/8/add/0__0.0._scale_param_storage" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" [id=294, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.9.conv.0.0.weight" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/9/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=296, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=297, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/9/conv/0/0/conv2d/0" [id=298, metatype=PTConv2dMetatype, type=conv2d]; +"features.9.conv.0.1.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.0.1.bias" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.0.1.running_mean" [id=301, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.0.1.running_var" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/0/1/batch_norm/0" [id=303, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/9/conv/0/2/hardtanh/0" [id=304, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/9/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=306, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.9.conv.1.0.weight" [id=307, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/9/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=309, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/9/conv/1/0/conv2d/0" [id=310, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.9.conv.1.1.weight" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.1.1.bias" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.1.1.running_mean" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.1.1.running_var" [id=314, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/1/1/batch_norm/0" [id=315, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/9/conv/1/2/hardtanh/0" [id=316, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/9/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=318, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.9.conv.2.weight" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/9/conv/2/conv2d/0__1.0._scale_param_storage" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=321, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/9/conv/2/conv2d/0" [id=322, metatype=PTConv2dMetatype, type=conv2d]; +"features.9.conv.3.weight" [id=323, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.3.bias" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.3.running_mean" [id=325, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.conv.3.running_var" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/3/batch_norm/0" [id=327, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/9/conv/3/batch_norm/0__0.0._scale_param_storage" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=329, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/9/add/0" [id=330, metatype=PTAddMetatype, type=add]; +"__nncf_hooks.post_hooks.features/9/add/0__0.0._scale_param_storage" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" [id=332, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.10.conv.0.0.weight" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/10/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=334, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=335, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/conv/0/0/conv2d/0" [id=336, metatype=PTConv2dMetatype, type=conv2d]; +"features.10.conv.0.1.weight" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.0.1.bias" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.0.1.running_mean" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.0.1.running_var" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/0/1/batch_norm/0" [id=341, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/10/conv/0/2/hardtanh/0" [id=342, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/10/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=344, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.10.conv.1.0.weight" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/10/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=347, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/conv/1/0/conv2d/0" [id=348, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.10.conv.1.1.weight" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.1.1.bias" [id=350, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.1.1.running_mean" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.1.1.running_var" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/1/1/batch_norm/0" [id=353, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/10/conv/1/2/hardtanh/0" [id=354, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/10/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=355, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=356, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.10.conv.2.weight" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/10/conv/2/conv2d/0__1.0._scale_param_storage" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=359, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/conv/2/conv2d/0" [id=360, metatype=PTConv2dMetatype, type=conv2d]; +"features.10.conv.3.weight" [id=361, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.3.bias" [id=362, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.3.running_mean" [id=363, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.conv.3.running_var" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/3/batch_norm/0" [id=365, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/10/conv/3/batch_norm/0__0.0._scale_param_storage" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=367, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/add/0" [id=368, metatype=PTAddMetatype, type=add]; +"__nncf_hooks.post_hooks.features/10/add/0__0.0._scale_param_storage" [id=369, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" [id=370, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.11.conv.0.0.weight" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/11/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=373, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/11/conv/0/0/conv2d/0" [id=374, metatype=PTConv2dMetatype, type=conv2d]; +"features.11.conv.0.1.weight" [id=375, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.0.1.bias" [id=376, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.0.1.running_mean" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.0.1.running_var" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/0/1/batch_norm/0" [id=379, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/11/conv/0/2/hardtanh/0" [id=380, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/11/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=381, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=382, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.11.conv.1.0.weight" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/11/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=384, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=385, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/11/conv/1/0/conv2d/0" [id=386, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.11.conv.1.1.weight" [id=387, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.1.1.bias" [id=388, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.1.1.running_mean" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.1.1.running_var" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/1/1/batch_norm/0" [id=391, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/11/conv/1/2/hardtanh/0" [id=392, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/11/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=393, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=394, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.11.conv.2.weight" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/11/conv/2/conv2d/0__1.0._scale_param_storage" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=397, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/11/conv/2/conv2d/0" [id=398, metatype=PTConv2dMetatype, type=conv2d]; +"features.11.conv.3.weight" [id=399, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.3.bias" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.3.running_mean" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.conv.3.running_var" [id=402, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/3/batch_norm/0" [id=403, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/11/conv/3/batch_norm/0__0.0._scale_param_storage" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=405, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.12.conv.0.0.weight" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/12/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=408, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/12/conv/0/0/conv2d/0" [id=409, metatype=PTConv2dMetatype, type=conv2d]; +"features.12.conv.0.1.weight" [id=410, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.0.1.bias" [id=411, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.0.1.running_mean" [id=412, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.0.1.running_var" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/0/1/batch_norm/0" [id=414, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/12/conv/0/2/hardtanh/0" [id=415, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/12/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=417, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.12.conv.1.0.weight" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/12/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=420, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/12/conv/1/0/conv2d/0" [id=421, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.12.conv.1.1.weight" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.1.1.bias" [id=423, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.1.1.running_mean" [id=424, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.1.1.running_var" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/1/1/batch_norm/0" [id=426, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/12/conv/1/2/hardtanh/0" [id=427, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/12/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=429, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.12.conv.2.weight" [id=430, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/12/conv/2/conv2d/0__1.0._scale_param_storage" [id=431, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=432, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/12/conv/2/conv2d/0" [id=433, metatype=PTConv2dMetatype, type=conv2d]; +"features.12.conv.3.weight" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.3.bias" [id=435, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.3.running_mean" [id=436, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.conv.3.running_var" [id=437, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/3/batch_norm/0" [id=438, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/12/conv/3/batch_norm/0__0.0._scale_param_storage" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=440, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/12/add/0" [id=441, metatype=PTAddMetatype, type=add]; +"__nncf_hooks.post_hooks.features/12/add/0__0.0._scale_param_storage" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" [id=443, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.13.conv.0.0.weight" [id=444, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/13/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=445, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=446, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/13/conv/0/0/conv2d/0" [id=447, metatype=PTConv2dMetatype, type=conv2d]; +"features.13.conv.0.1.weight" [id=448, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.0.1.bias" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.0.1.running_mean" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.0.1.running_var" [id=451, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/0/1/batch_norm/0" [id=452, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/13/conv/0/2/hardtanh/0" [id=453, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/13/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=454, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=455, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.13.conv.1.0.weight" [id=456, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/13/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=457, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=458, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/13/conv/1/0/conv2d/0" [id=459, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.13.conv.1.1.weight" [id=460, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.1.1.bias" [id=461, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.1.1.running_mean" [id=462, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.1.1.running_var" [id=463, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/1/1/batch_norm/0" [id=464, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/13/conv/1/2/hardtanh/0" [id=465, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/13/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=467, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.13.conv.2.weight" [id=468, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/13/conv/2/conv2d/0__1.0._scale_param_storage" [id=469, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=470, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/13/conv/2/conv2d/0" [id=471, metatype=PTConv2dMetatype, type=conv2d]; +"features.13.conv.3.weight" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.3.bias" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.3.running_mean" [id=474, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.13.conv.3.running_var" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/3/batch_norm/0" [id=476, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/13/conv/3/batch_norm/0__0.0._scale_param_storage" [id=477, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=478, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/13/add/0" [id=479, metatype=PTAddMetatype, type=add]; +"__nncf_hooks.post_hooks.features/13/add/0__0.0._scale_param_storage" [id=480, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" [id=481, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.14.conv.0.0.weight" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/14/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=483, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=484, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/14/conv/0/0/conv2d/0" [id=485, metatype=PTConv2dMetatype, type=conv2d]; +"features.14.conv.0.1.weight" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.0.1.bias" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.0.1.running_mean" [id=488, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.0.1.running_var" [id=489, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/0/1/batch_norm/0" [id=490, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/14/conv/0/2/hardtanh/0" [id=491, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/14/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=492, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=493, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.14.conv.1.0.weight" [id=494, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/14/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=495, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=496, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/14/conv/1/0/conv2d/0" [id=497, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.14.conv.1.1.weight" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.1.1.bias" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.1.1.running_mean" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.1.1.running_var" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/1/1/batch_norm/0" [id=502, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/14/conv/1/2/hardtanh/0" [id=503, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/14/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=504, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=505, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.14.conv.2.weight" [id=506, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/14/conv/2/conv2d/0__1.0._scale_param_storage" [id=507, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=508, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/14/conv/2/conv2d/0" [id=509, metatype=PTConv2dMetatype, type=conv2d]; +"features.14.conv.3.weight" [id=510, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.3.bias" [id=511, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.3.running_mean" [id=512, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.conv.3.running_var" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/3/batch_norm/0" [id=514, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/14/conv/3/batch_norm/0__0.0._scale_param_storage" [id=515, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=516, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.15.conv.0.0.weight" [id=517, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/15/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=519, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/15/conv/0/0/conv2d/0" [id=520, metatype=PTConv2dMetatype, type=conv2d]; +"features.15.conv.0.1.weight" [id=521, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.0.1.bias" [id=522, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.0.1.running_mean" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.0.1.running_var" [id=524, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/0/1/batch_norm/0" [id=525, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/15/conv/0/2/hardtanh/0" [id=526, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/15/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=527, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=528, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.15.conv.1.0.weight" [id=529, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/15/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=530, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=531, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/15/conv/1/0/conv2d/0" [id=532, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.15.conv.1.1.weight" [id=533, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.1.1.bias" [id=534, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.1.1.running_mean" [id=535, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.1.1.running_var" [id=536, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/1/1/batch_norm/0" [id=537, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/15/conv/1/2/hardtanh/0" [id=538, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/15/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=539, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=540, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.15.conv.2.weight" [id=541, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/15/conv/2/conv2d/0__1.0._scale_param_storage" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=543, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/15/conv/2/conv2d/0" [id=544, metatype=PTConv2dMetatype, type=conv2d]; +"features.15.conv.3.weight" [id=545, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.3.bias" [id=546, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.3.running_mean" [id=547, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.conv.3.running_var" [id=548, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/3/batch_norm/0" [id=549, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/15/conv/3/batch_norm/0__0.0._scale_param_storage" [id=550, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=551, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/15/add/0" [id=552, metatype=PTAddMetatype, type=add]; +"__nncf_hooks.post_hooks.features/15/add/0__0.0._scale_param_storage" [id=553, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" [id=554, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.16.conv.0.0.weight" [id=555, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/16/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=556, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=557, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/16/conv/0/0/conv2d/0" [id=558, metatype=PTConv2dMetatype, type=conv2d]; +"features.16.conv.0.1.weight" [id=559, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.0.1.bias" [id=560, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.0.1.running_mean" [id=561, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.0.1.running_var" [id=562, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/0/1/batch_norm/0" [id=563, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/16/conv/0/2/hardtanh/0" [id=564, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/16/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=565, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=566, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.16.conv.1.0.weight" [id=567, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/16/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=568, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=569, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/16/conv/1/0/conv2d/0" [id=570, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.16.conv.1.1.weight" [id=571, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.1.1.bias" [id=572, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.1.1.running_mean" [id=573, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.1.1.running_var" [id=574, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/1/1/batch_norm/0" [id=575, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/16/conv/1/2/hardtanh/0" [id=576, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/16/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=577, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=578, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.16.conv.2.weight" [id=579, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/16/conv/2/conv2d/0__1.0._scale_param_storage" [id=580, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=581, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/16/conv/2/conv2d/0" [id=582, metatype=PTConv2dMetatype, type=conv2d]; +"features.16.conv.3.weight" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.3.bias" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.3.running_mean" [id=585, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.16.conv.3.running_var" [id=586, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/3/batch_norm/0" [id=587, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/16/conv/3/batch_norm/0__0.0._scale_param_storage" [id=588, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=589, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/16/add/0" [id=590, metatype=PTAddMetatype, type=add]; +"__nncf_hooks.post_hooks.features/16/add/0__0.0._scale_param_storage" [id=591, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" [id=592, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.17.conv.0.0.weight" [id=593, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/17/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=594, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=595, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/17/conv/0/0/conv2d/0" [id=596, metatype=PTConv2dMetatype, type=conv2d]; +"features.17.conv.0.1.weight" [id=597, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.0.1.bias" [id=598, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.0.1.running_mean" [id=599, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.0.1.running_var" [id=600, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/0/1/batch_norm/0" [id=601, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/17/conv/0/2/hardtanh/0" [id=602, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/17/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=603, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=604, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.17.conv.1.0.weight" [id=605, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/17/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=606, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=607, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/17/conv/1/0/conv2d/0" [id=608, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.17.conv.1.1.weight" [id=609, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.1.1.bias" [id=610, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.1.1.running_mean" [id=611, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.1.1.running_var" [id=612, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/1/1/batch_norm/0" [id=613, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/17/conv/1/2/hardtanh/0" [id=614, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/17/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=615, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=616, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.17.conv.2.weight" [id=617, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/17/conv/2/conv2d/0__1.0._scale_param_storage" [id=618, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=619, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/17/conv/2/conv2d/0" [id=620, metatype=PTConv2dMetatype, type=conv2d]; +"features.17.conv.3.weight" [id=621, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.3.bias" [id=622, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.3.running_mean" [id=623, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.conv.3.running_var" [id=624, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/3/batch_norm/0" [id=625, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/17/conv/3/batch_norm/0__0.0._scale_param_storage" [id=626, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=627, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.18.0.weight" [id=628, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/18/0/conv2d/0__1.0._scale_param_storage" [id=629, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" [id=630, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/18/0/conv2d/0" [id=631, metatype=PTConv2dMetatype, type=conv2d]; +"features.18.1.weight" [id=632, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.18.1.bias" [id=633, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.18.1.running_mean" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.18.1.running_var" [id=635, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/18/1/batch_norm/0" [id=636, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/18/2/hardtanh/0" [id=637, metatype=PTHardTanhMetatype, type=hardtanh]; +"__nncf_hooks.post_hooks.features/18/2/hardtanh/0__0.0._scale_param_storage" [id=638, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=639, metatype=UnknownMetatype, type=symmetric_quantize]; +"/adaptive_avg_pool2d/0" [id=640, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=641, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=642, metatype=UnknownMetatype, type=symmetric_quantize]; +"/reshape/0" [id=643, metatype=PTReshapeMetatype, type=reshape]; +"classifier/0/dropout/0" [id=644, metatype=PTDropoutMetatype, type=dropout]; +"classifier.1.weight" [id=645, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.1.bias" [id=646, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" [id=647, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [id=648, metatype=UnknownMetatype, type=symmetric_quantize]; +"classifier/1/linear/0" [id=649, metatype=PTLinearMetatype, type=linear]; +output [id=650, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"features.0.0.weight" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 3, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 3, 3, 3)"]; +"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"features/0/1/batch_norm/0" -> "features/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/0/2/hardtanh/0" -> "features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.features/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 1, 1)"]; +"features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/1/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features.1.conv.0.0.weight" -> "features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/1/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 1, 3, 3)"]; +"features/1/conv/0/0/conv2d/0" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features.1.conv.0.1.weight" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"features.1.conv.0.1.bias" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features.1.conv.0.1.running_mean" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"features.1.conv.0.1.running_var" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"features/1/conv/0/1/batch_norm/0" -> "features/1/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features/1/conv/0/2/hardtanh/0" -> "features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"__nncf_hooks.post_hooks.features/1/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/1/conv/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; +"features.1.conv.1.weight" -> "features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 32, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/1/conv/1/conv2d/0__1.0._scale_param_storage" -> "features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; +"features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/conv/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 32, 1, 1)"]; +"features/1/conv/1/conv2d/0" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"features.1.conv.2.weight" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; +"features.1.conv.2.bias" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"features.1.conv.2.running_mean" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; +"features.1.conv.2.running_var" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; +"features/1/conv/2/batch_norm/0" -> "features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"__nncf_hooks.post_hooks.features/1/conv/2/batch_norm/0__0.0._scale_param_storage" -> "features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/2/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"features.2.conv.0.0.weight" -> "features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 16, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/2/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 16, 1, 1)"]; +"features/2/conv/0/0/conv2d/0" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.2.conv.0.1.weight" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.2.conv.0.1.bias" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.2.conv.0.1.running_mean" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.2.conv.0.1.running_var" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/2/conv/0/1/batch_norm/0" -> "features/2/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features/2/conv/0/2/hardtanh/0" -> "features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"__nncf_hooks.post_hooks.features/2/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/2/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; +"features.2.conv.1.0.weight" -> "features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/2/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; +"features/2/conv/1/0/conv2d/0" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"features.2.conv.1.1.weight" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.2.conv.1.1.bias" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.2.conv.1.1.running_mean" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.2.conv.1.1.running_var" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/2/conv/1/1/batch_norm/0" -> "features/2/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"features/2/conv/1/2/hardtanh/0" -> "features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"__nncf_hooks.post_hooks.features/2/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/2/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"features.2.conv.2.weight" -> "features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/2/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 96, 1, 1)"]; +"features/2/conv/2/conv2d/0" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; +"features.2.conv.3.weight" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"features.2.conv.3.bias" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"features.2.conv.3.running_mean" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"features.2.conv.3.running_var" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"features/2/conv/3/batch_norm/0" -> "features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; +"__nncf_hooks.post_hooks.features/2/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; +"features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; +"features.3.conv.0.0.weight" -> "features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(144, 24, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/3/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144, 1, 1, 1)"]; +"features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 24, 1, 1)"]; +"features/3/conv/0/0/conv2d/0" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features.3.conv.0.1.weight" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.3.conv.0.1.bias" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.3.conv.0.1.running_mean" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.3.conv.0.1.running_var" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/3/conv/0/1/batch_norm/0" -> "features/3/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features/3/conv/0/2/hardtanh/0" -> "features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"__nncf_hooks.post_hooks.features/3/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/3/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features.3.conv.1.0.weight" -> "features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(144, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/3/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144, 1, 1, 1)"]; +"features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 3, 3)"]; +"features/3/conv/1/0/conv2d/0" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features.3.conv.1.1.weight" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.3.conv.1.1.bias" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.3.conv.1.1.running_mean" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.3.conv.1.1.running_var" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/3/conv/1/1/batch_norm/0" -> "features/3/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features/3/conv/1/2/hardtanh/0" -> "features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"__nncf_hooks.post_hooks.features/3/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/3/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features.3.conv.2.weight" -> "features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 144, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/3/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 144, 1, 1)"]; +"features/3/conv/2/conv2d/0" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; +"features.3.conv.3.weight" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"features.3.conv.3.bias" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"features.3.conv.3.running_mean" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"features.3.conv.3.running_var" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"features/3/conv/3/batch_norm/0" -> "features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; +"__nncf_hooks.post_hooks.features/3/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 8, 8)"]; +"features/3/add/0" -> "features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; +"__nncf_hooks.post_hooks.features/3/add/0__0.0._scale_param_storage" -> "features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" -> "features/4/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; +"features.4.conv.0.0.weight" -> "features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(144, 24, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/4/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144, 1, 1, 1)"]; +"features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 24, 1, 1)"]; +"features/4/conv/0/0/conv2d/0" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features.4.conv.0.1.weight" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.4.conv.0.1.bias" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.4.conv.0.1.running_mean" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.4.conv.0.1.running_var" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/4/conv/0/1/batch_norm/0" -> "features/4/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features/4/conv/0/2/hardtanh/0" -> "features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"__nncf_hooks.post_hooks.features/4/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/4/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; +"features.4.conv.1.0.weight" -> "features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(144, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/4/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144, 1, 1, 1)"]; +"features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 3, 3)"]; +"features/4/conv/1/0/conv2d/0" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; +"features.4.conv.1.1.weight" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.4.conv.1.1.bias" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.4.conv.1.1.running_mean" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.4.conv.1.1.running_var" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/4/conv/1/1/batch_norm/0" -> "features/4/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; +"features/4/conv/1/2/hardtanh/0" -> "features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; +"__nncf_hooks.post_hooks.features/4/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/4/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; +"features.4.conv.2.weight" -> "features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 144, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/4/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 144, 1, 1)"]; +"features/4/conv/2/conv2d/0" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features.4.conv.3.weight" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"features.4.conv.3.bias" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features.4.conv.3.running_mean" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"features.4.conv.3.running_var" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"features/4/conv/3/batch_norm/0" -> "features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.features/4/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features.5.conv.0.0.weight" -> "features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 32, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/5/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 32, 1, 1)"]; +"features/5/conv/0/0/conv2d/0" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features.5.conv.0.1.weight" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.5.conv.0.1.bias" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.5.conv.0.1.running_mean" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.5.conv.0.1.running_var" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/5/conv/0/1/batch_norm/0" -> "features/5/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features/5/conv/0/2/hardtanh/0" -> "features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"__nncf_hooks.post_hooks.features/5/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 192, 1, 1)"]; +"features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/5/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features.5.conv.1.0.weight" -> "features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/5/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 3, 3)"]; +"features/5/conv/1/0/conv2d/0" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features.5.conv.1.1.weight" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.5.conv.1.1.bias" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.5.conv.1.1.running_mean" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.5.conv.1.1.running_var" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/5/conv/1/1/batch_norm/0" -> "features/5/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features/5/conv/1/2/hardtanh/0" -> "features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"__nncf_hooks.post_hooks.features/5/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/5/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features.5.conv.2.weight" -> "features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 192, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/5/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 192, 1, 1)"]; +"features/5/conv/2/conv2d/0" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features.5.conv.3.weight" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"features.5.conv.3.bias" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features.5.conv.3.running_mean" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"features.5.conv.3.running_var" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"features/5/conv/3/batch_norm/0" -> "features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.features/5/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/5/add/0" -> "features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.features/5/add/0__0.0._scale_param_storage" -> "features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" -> "features/6/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" -> "features/6/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features.6.conv.0.0.weight" -> "features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 32, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/6/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 32, 1, 1)"]; +"features/6/conv/0/0/conv2d/0" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features.6.conv.0.1.weight" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.6.conv.0.1.bias" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.6.conv.0.1.running_mean" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.6.conv.0.1.running_var" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/6/conv/0/1/batch_norm/0" -> "features/6/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features/6/conv/0/2/hardtanh/0" -> "features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"__nncf_hooks.post_hooks.features/6/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 192, 1, 1)"]; +"features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/6/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features.6.conv.1.0.weight" -> "features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/6/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 3, 3)"]; +"features/6/conv/1/0/conv2d/0" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features.6.conv.1.1.weight" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.6.conv.1.1.bias" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.6.conv.1.1.running_mean" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.6.conv.1.1.running_var" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/6/conv/1/1/batch_norm/0" -> "features/6/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features/6/conv/1/2/hardtanh/0" -> "features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"__nncf_hooks.post_hooks.features/6/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/6/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features.6.conv.2.weight" -> "features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 192, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/6/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 192, 1, 1)"]; +"features/6/conv/2/conv2d/0" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features.6.conv.3.weight" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; +"features.6.conv.3.bias" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features.6.conv.3.running_mean" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; +"features.6.conv.3.running_var" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; +"features/6/conv/3/batch_norm/0" -> "features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.features/6/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/6/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features/6/add/0" -> "features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"__nncf_hooks.post_hooks.features/6/add/0__0.0._scale_param_storage" -> "features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" -> "features/7/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; +"features.7.conv.0.0.weight" -> "features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 32, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/7/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 32, 1, 1)"]; +"features/7/conv/0/0/conv2d/0" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features.7.conv.0.1.weight" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.7.conv.0.1.bias" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.7.conv.0.1.running_mean" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.7.conv.0.1.running_var" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/7/conv/0/1/batch_norm/0" -> "features/7/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features/7/conv/0/2/hardtanh/0" -> "features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"__nncf_hooks.post_hooks.features/7/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 192, 1, 1)"]; +"features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/7/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"features.7.conv.1.0.weight" -> "features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/7/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 3, 3)"]; +"features/7/conv/1/0/conv2d/0" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features.7.conv.1.1.weight" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; +"features.7.conv.1.1.bias" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"features.7.conv.1.1.running_mean" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; +"features.7.conv.1.1.running_var" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; +"features/7/conv/1/1/batch_norm/0" -> "features/7/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features/7/conv/1/2/hardtanh/0" -> "features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"__nncf_hooks.post_hooks.features/7/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/7/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; +"features.7.conv.2.weight" -> "features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 192, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/7/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 192, 1, 1)"]; +"features/7/conv/2/conv2d/0" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"features.7.conv.3.weight" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"features.7.conv.3.bias" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features.7.conv.3.running_mean" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"features.7.conv.3.running_var" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"features/7/conv/3/batch_norm/0" -> "features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"__nncf_hooks.post_hooks.features/7/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"features.8.conv.0.0.weight" -> "features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 64, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/8/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; +"features/8/conv/0/0/conv2d/0" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.8.conv.0.1.weight" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.8.conv.0.1.bias" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.8.conv.0.1.running_mean" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.8.conv.0.1.running_var" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/8/conv/0/1/batch_norm/0" -> "features/8/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features/8/conv/0/2/hardtanh/0" -> "features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"__nncf_hooks.post_hooks.features/8/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 384, 1, 1)"]; +"features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/8/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.8.conv.1.0.weight" -> "features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/8/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; +"features/8/conv/1/0/conv2d/0" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.8.conv.1.1.weight" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.8.conv.1.1.bias" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.8.conv.1.1.running_mean" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.8.conv.1.1.running_var" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/8/conv/1/1/batch_norm/0" -> "features/8/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features/8/conv/1/2/hardtanh/0" -> "features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"__nncf_hooks.post_hooks.features/8/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/8/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.8.conv.2.weight" -> "features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 384, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/8/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; +"features/8/conv/2/conv2d/0" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"features.8.conv.3.weight" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"features.8.conv.3.bias" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features.8.conv.3.running_mean" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"features.8.conv.3.running_var" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"features/8/conv/3/batch_norm/0" -> "features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"__nncf_hooks.post_hooks.features/8/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 2, 2)"]; +"features/8/add/0" -> "features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"__nncf_hooks.post_hooks.features/8/add/0__0.0._scale_param_storage" -> "features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" -> "features/9/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" -> "features/9/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"features.9.conv.0.0.weight" -> "features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 64, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/9/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; +"features/9/conv/0/0/conv2d/0" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.9.conv.0.1.weight" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.9.conv.0.1.bias" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.9.conv.0.1.running_mean" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.9.conv.0.1.running_var" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/9/conv/0/1/batch_norm/0" -> "features/9/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features/9/conv/0/2/hardtanh/0" -> "features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"__nncf_hooks.post_hooks.features/9/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 384, 1, 1)"]; +"features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/9/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.9.conv.1.0.weight" -> "features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/9/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; +"features/9/conv/1/0/conv2d/0" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.9.conv.1.1.weight" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.9.conv.1.1.bias" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.9.conv.1.1.running_mean" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.9.conv.1.1.running_var" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/9/conv/1/1/batch_norm/0" -> "features/9/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features/9/conv/1/2/hardtanh/0" -> "features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"__nncf_hooks.post_hooks.features/9/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/9/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.9.conv.2.weight" -> "features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 384, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/9/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; +"features/9/conv/2/conv2d/0" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"features.9.conv.3.weight" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"features.9.conv.3.bias" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features.9.conv.3.running_mean" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"features.9.conv.3.running_var" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"features/9/conv/3/batch_norm/0" -> "features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"__nncf_hooks.post_hooks.features/9/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/9/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 2, 2)"]; +"features/9/add/0" -> "features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"__nncf_hooks.post_hooks.features/9/add/0__0.0._scale_param_storage" -> "features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" -> "features/10/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" -> "features/10/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"features.10.conv.0.0.weight" -> "features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 64, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/10/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; +"features/10/conv/0/0/conv2d/0" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.10.conv.0.1.weight" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.10.conv.0.1.bias" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.10.conv.0.1.running_mean" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.10.conv.0.1.running_var" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/10/conv/0/1/batch_norm/0" -> "features/10/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features/10/conv/0/2/hardtanh/0" -> "features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"__nncf_hooks.post_hooks.features/10/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 384, 1, 1)"]; +"features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/10/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.10.conv.1.0.weight" -> "features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/10/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; +"features/10/conv/1/0/conv2d/0" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.10.conv.1.1.weight" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.10.conv.1.1.bias" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.10.conv.1.1.running_mean" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.10.conv.1.1.running_var" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/10/conv/1/1/batch_norm/0" -> "features/10/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features/10/conv/1/2/hardtanh/0" -> "features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"__nncf_hooks.post_hooks.features/10/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/10/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.10.conv.2.weight" -> "features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 384, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/10/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; +"features/10/conv/2/conv2d/0" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"features.10.conv.3.weight" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"features.10.conv.3.bias" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features.10.conv.3.running_mean" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"features.10.conv.3.running_var" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"features/10/conv/3/batch_norm/0" -> "features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"__nncf_hooks.post_hooks.features/10/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 2, 2)"]; +"features/10/add/0" -> "features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"__nncf_hooks.post_hooks.features/10/add/0__0.0._scale_param_storage" -> "features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" -> "features/11/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; +"features.11.conv.0.0.weight" -> "features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 64, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/11/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; +"features/11/conv/0/0/conv2d/0" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.11.conv.0.1.weight" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.11.conv.0.1.bias" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.11.conv.0.1.running_mean" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.11.conv.0.1.running_var" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/11/conv/0/1/batch_norm/0" -> "features/11/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features/11/conv/0/2/hardtanh/0" -> "features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"__nncf_hooks.post_hooks.features/11/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 384, 1, 1)"]; +"features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/11/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.11.conv.1.0.weight" -> "features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/11/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; +"features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; +"features/11/conv/1/0/conv2d/0" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.11.conv.1.1.weight" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; +"features.11.conv.1.1.bias" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; +"features.11.conv.1.1.running_mean" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; +"features.11.conv.1.1.running_var" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; +"features/11/conv/1/1/batch_norm/0" -> "features/11/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features/11/conv/1/2/hardtanh/0" -> "features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"__nncf_hooks.post_hooks.features/11/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/11/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; +"features.11.conv.2.weight" -> "features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 384, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/11/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 384, 1, 1)"]; +"features/11/conv/2/conv2d/0" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features.11.conv.3.weight" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.11.conv.3.bias" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.11.conv.3.running_mean" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.11.conv.3.running_var" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/11/conv/3/batch_norm/0" -> "features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"__nncf_hooks.post_hooks.features/11/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/12/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/12/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features.12.conv.0.0.weight" -> "features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/12/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; +"features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; +"features/12/conv/0/0/conv2d/0" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.12.conv.0.1.weight" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.12.conv.0.1.bias" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.12.conv.0.1.running_mean" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.12.conv.0.1.running_var" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/12/conv/0/1/batch_norm/0" -> "features/12/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/12/conv/0/2/hardtanh/0" -> "features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"__nncf_hooks.post_hooks.features/12/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/12/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.12.conv.1.0.weight" -> "features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/12/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; +"features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 3, 3)"]; +"features/12/conv/1/0/conv2d/0" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.12.conv.1.1.weight" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.12.conv.1.1.bias" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.12.conv.1.1.running_mean" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.12.conv.1.1.running_var" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/12/conv/1/1/batch_norm/0" -> "features/12/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/12/conv/1/2/hardtanh/0" -> "features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"__nncf_hooks.post_hooks.features/12/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/12/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.12.conv.2.weight" -> "features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 576, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/12/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; +"features/12/conv/2/conv2d/0" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features.12.conv.3.weight" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.12.conv.3.bias" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.12.conv.3.running_mean" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.12.conv.3.running_var" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/12/conv/3/batch_norm/0" -> "features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"__nncf_hooks.post_hooks.features/12/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/12/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features/12/add/0" -> "features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"__nncf_hooks.post_hooks.features/12/add/0__0.0._scale_param_storage" -> "features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" -> "features/13/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" -> "features/13/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features.13.conv.0.0.weight" -> "features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/13/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; +"features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/13/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; +"features/13/conv/0/0/conv2d/0" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.13.conv.0.1.weight" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.13.conv.0.1.bias" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.13.conv.0.1.running_mean" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.13.conv.0.1.running_var" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/13/conv/0/1/batch_norm/0" -> "features/13/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/13/conv/0/2/hardtanh/0" -> "features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"__nncf_hooks.post_hooks.features/13/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/13/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.13.conv.1.0.weight" -> "features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/13/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; +"features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/13/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 3, 3)"]; +"features/13/conv/1/0/conv2d/0" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.13.conv.1.1.weight" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.13.conv.1.1.bias" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.13.conv.1.1.running_mean" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.13.conv.1.1.running_var" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/13/conv/1/1/batch_norm/0" -> "features/13/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/13/conv/1/2/hardtanh/0" -> "features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"__nncf_hooks.post_hooks.features/13/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/13/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.13.conv.2.weight" -> "features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 576, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/13/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/13/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; +"features/13/conv/2/conv2d/0" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features.13.conv.3.weight" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.13.conv.3.bias" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.13.conv.3.running_mean" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.13.conv.3.running_var" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/13/conv/3/batch_norm/0" -> "features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"__nncf_hooks.post_hooks.features/13/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/13/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features/13/add/0" -> "features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"__nncf_hooks.post_hooks.features/13/add/0__0.0._scale_param_storage" -> "features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" -> "features/14/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features.14.conv.0.0.weight" -> "features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/14/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; +"features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; +"features/14/conv/0/0/conv2d/0" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.14.conv.0.1.weight" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.14.conv.0.1.bias" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.14.conv.0.1.running_mean" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.14.conv.0.1.running_var" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/14/conv/0/1/batch_norm/0" -> "features/14/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features/14/conv/0/2/hardtanh/0" -> "features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"__nncf_hooks.post_hooks.features/14/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/14/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; +"features.14.conv.1.0.weight" -> "features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/14/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; +"features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 3, 3)"]; +"features/14/conv/1/0/conv2d/0" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.14.conv.1.1.weight" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.14.conv.1.1.bias" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.14.conv.1.1.running_mean" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.14.conv.1.1.running_var" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/14/conv/1/1/batch_norm/0" -> "features/14/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/14/conv/1/2/hardtanh/0" -> "features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"__nncf_hooks.post_hooks.features/14/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/14/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.14.conv.2.weight" -> "features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 576, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/14/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 576, 1, 1)"]; +"features/14/conv/2/conv2d/0" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; +"features.14.conv.3.weight" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"features.14.conv.3.bias" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"features.14.conv.3.running_mean" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"features.14.conv.3.running_var" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"features/14/conv/3/batch_norm/0" -> "features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; +"__nncf_hooks.post_hooks.features/14/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/15/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; +"features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/15/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; +"features.15.conv.0.0.weight" -> "features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(960, 160, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/15/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960, 1, 1, 1)"]; +"features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/15/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 160, 1, 1)"]; +"features/15/conv/0/0/conv2d/0" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features.15.conv.0.1.weight" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"features.15.conv.0.1.bias" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"features.15.conv.0.1.running_mean" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"features.15.conv.0.1.running_var" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"features/15/conv/0/1/batch_norm/0" -> "features/15/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features/15/conv/0/2/hardtanh/0" -> "features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"__nncf_hooks.post_hooks.features/15/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/15/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features.15.conv.1.0.weight" -> "features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(960, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/15/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960, 1, 1, 1)"]; +"features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/15/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 1, 3, 3)"]; +"features/15/conv/1/0/conv2d/0" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features.15.conv.1.1.weight" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"features.15.conv.1.1.bias" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"features.15.conv.1.1.running_mean" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"features.15.conv.1.1.running_var" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"features/15/conv/1/1/batch_norm/0" -> "features/15/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features/15/conv/1/2/hardtanh/0" -> "features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"__nncf_hooks.post_hooks.features/15/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/15/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features.15.conv.2.weight" -> "features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 960, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/15/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/15/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 960, 1, 1)"]; +"features/15/conv/2/conv2d/0" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; +"features.15.conv.3.weight" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"features.15.conv.3.bias" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"features.15.conv.3.running_mean" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"features.15.conv.3.running_var" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"features/15/conv/3/batch_norm/0" -> "features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; +"__nncf_hooks.post_hooks.features/15/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/15/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 160, 1, 1)"]; +"features/15/add/0" -> "features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; +"__nncf_hooks.post_hooks.features/15/add/0__0.0._scale_param_storage" -> "features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" -> "features/16/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; +"features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" -> "features/16/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; +"features.16.conv.0.0.weight" -> "features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(960, 160, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/16/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960, 1, 1, 1)"]; +"features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/16/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 160, 1, 1)"]; +"features/16/conv/0/0/conv2d/0" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features.16.conv.0.1.weight" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"features.16.conv.0.1.bias" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"features.16.conv.0.1.running_mean" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"features.16.conv.0.1.running_var" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"features/16/conv/0/1/batch_norm/0" -> "features/16/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features/16/conv/0/2/hardtanh/0" -> "features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"__nncf_hooks.post_hooks.features/16/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/16/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features.16.conv.1.0.weight" -> "features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(960, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/16/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960, 1, 1, 1)"]; +"features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/16/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 1, 3, 3)"]; +"features/16/conv/1/0/conv2d/0" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features.16.conv.1.1.weight" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"features.16.conv.1.1.bias" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"features.16.conv.1.1.running_mean" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"features.16.conv.1.1.running_var" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"features/16/conv/1/1/batch_norm/0" -> "features/16/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features/16/conv/1/2/hardtanh/0" -> "features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"__nncf_hooks.post_hooks.features/16/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/16/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features.16.conv.2.weight" -> "features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 960, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/16/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; +"features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/16/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 960, 1, 1)"]; +"features/16/conv/2/conv2d/0" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; +"features.16.conv.3.weight" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; +"features.16.conv.3.bias" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; +"features.16.conv.3.running_mean" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; +"features.16.conv.3.running_var" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; +"features/16/conv/3/batch_norm/0" -> "features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; +"__nncf_hooks.post_hooks.features/16/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/16/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 160, 1, 1)"]; +"features/16/add/0" -> "features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; +"__nncf_hooks.post_hooks.features/16/add/0__0.0._scale_param_storage" -> "features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" -> "features/17/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; +"features.17.conv.0.0.weight" -> "features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(960, 160, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/17/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960, 1, 1, 1)"]; +"features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 160, 1, 1)"]; +"features/17/conv/0/0/conv2d/0" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features.17.conv.0.1.weight" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"features.17.conv.0.1.bias" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"features.17.conv.0.1.running_mean" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"features.17.conv.0.1.running_var" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"features/17/conv/0/1/batch_norm/0" -> "features/17/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features/17/conv/0/2/hardtanh/0" -> "features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"__nncf_hooks.post_hooks.features/17/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/17/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features.17.conv.1.0.weight" -> "features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(960, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/17/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960, 1, 1, 1)"]; +"features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 1, 3, 3)"]; +"features/17/conv/1/0/conv2d/0" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features.17.conv.1.1.weight" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; +"features.17.conv.1.1.bias" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; +"features.17.conv.1.1.running_mean" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; +"features.17.conv.1.1.running_var" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; +"features/17/conv/1/1/batch_norm/0" -> "features/17/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features/17/conv/1/2/hardtanh/0" -> "features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"__nncf_hooks.post_hooks.features/17/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/17/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; +"features.17.conv.2.weight" -> "features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(320, 960, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/17/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320, 1, 1, 1)"]; +"features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 960, 1, 1)"]; +"features/17/conv/2/conv2d/0" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 1, 1)"]; +"features.17.conv.3.weight" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; +"features.17.conv.3.bias" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; +"features.17.conv.3.running_mean" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; +"features.17.conv.3.running_var" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; +"features/17/conv/3/batch_norm/0" -> "features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 1, 1)"]; +"__nncf_hooks.post_hooks.features/17/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/18/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 1, 1)"]; +"features.18.0.weight" -> "features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1280, 320, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/18/0/conv2d/0__1.0._scale_param_storage" -> "features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1280, 1, 1, 1)"]; +"features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/18/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1280, 320, 1, 1)"]; +"features/18/0/conv2d/0" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; +"features.18.1.weight" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1280,)"]; +"features.18.1.bias" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1280,)"]; +"features.18.1.running_mean" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1280,)"]; +"features.18.1.running_var" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1280,)"]; +"features/18/1/batch_norm/0" -> "features/18/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; +"features/18/2/hardtanh/0" -> "features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; +"__nncf_hooks.post_hooks.features/18/2/hardtanh/0__0.0._scale_param_storage" -> "features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; +"/adaptive_avg_pool2d/0" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; +"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; +"/reshape/0" -> "classifier/0/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280)"]; +"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280)"]; +"classifier.1.weight" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1000, 1280)"]; +"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1000, 1)"]; +"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" -> "classifier/1/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1280)"]; +"classifier/1/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v3_small.dot b/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v3_small.dot index 758f81220b8..b2b19f91f28 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v3_small.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v3_small.dot @@ -1,1142 +1,1142 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.0.0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=5, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/0/0/conv2d/0" [id=6, type=conv2d, metatype=PTConv2dMetatype]; -"features.0.1.weight" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.bias" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.running_mean" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.1.running_var" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/1/batch_norm/0" [id=11, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/0/2/hardswish/0" [id=12, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/0/2/hardswish/0__0.0._scale_param_storage" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=14, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.1.block.0.0.weight" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/1/block/0/0/conv2d/0__1.0._scale_param_storage" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=17, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/1/block/0/0/conv2d/0" [id=18, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.1.block.0.1.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.0.1.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.0.1.running_mean" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.0.1.running_var" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/0/1/batch_norm/0" [id=23, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/1/block/0/2/relu_/0" [id=24, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/1/block/0/2/relu_/0__0.0._scale_param_storage" [id=25, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [id=26, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/1/block/1/adaptive_avg_pool2d/0" [id=27, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.1.block.1.fc1.weight" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.1.fc1.bias" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/1/fc1/conv2d/0" [id=30, type=conv2d, metatype=PTConv2dMetatype]; -"features/1/block/1/relu/relu_/0" [id=31, type="relu_", metatype=PTRELUMetatype]; -"features.1.block.1.fc2.weight" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.1.fc2.bias" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/1/fc2/conv2d/0" [id=34, type=conv2d, metatype=PTConv2dMetatype]; -"features/1/block/1/hardsigmoid/0" [id=35, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"__nncf_hooks.post_hooks.features/1/block/1/hardsigmoid/0__0.0._scale_param_storage" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=37, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/1/block/1/mul/0" [id=38, type=mul, metatype=PTMulMetatype]; -"__nncf_hooks.post_hooks.features/1/block/1/mul/0__0.0._scale_param_storage" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" [id=40, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.1.block.2.0.weight" [id=41, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/1/block/2/0/conv2d/0__1.0._scale_param_storage" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=43, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/1/block/2/0/conv2d/0" [id=44, type=conv2d, metatype=PTConv2dMetatype]; -"features.1.block.2.1.weight" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.2.1.bias" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.2.1.running_mean" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.block.2.1.running_var" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/2/1/batch_norm/0" [id=49, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/1/block/2/1/batch_norm/0__0.0._scale_param_storage" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=51, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.2.block.0.0.weight" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/2/block/0/0/conv2d/0__1.0._scale_param_storage" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=54, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/2/block/0/0/conv2d/0" [id=55, type=conv2d, metatype=PTConv2dMetatype]; -"features.2.block.0.1.weight" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.0.1.bias" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.0.1.running_mean" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.0.1.running_var" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/0/1/batch_norm/0" [id=60, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/2/block/0/2/relu_/0" [id=61, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/2/block/0/2/relu_/0__0.0._scale_param_storage" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [id=63, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.2.block.1.0.weight" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/2/block/1/0/conv2d/0__1.0._scale_param_storage" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=66, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/2/block/1/0/conv2d/0" [id=67, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.2.block.1.1.weight" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.1.1.bias" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.1.1.running_mean" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.1.1.running_var" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/1/1/batch_norm/0" [id=72, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/2/block/1/2/relu_/0" [id=73, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/2/block/1/2/relu_/0__0.0._scale_param_storage" [id=74, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [id=75, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.2.block.2.0.weight" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/2/block/2/0/conv2d/0__1.0._scale_param_storage" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=78, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/2/block/2/0/conv2d/0" [id=79, type=conv2d, metatype=PTConv2dMetatype]; -"features.2.block.2.1.weight" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.2.1.bias" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.2.1.running_mean" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.2.block.2.1.running_var" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/2/1/batch_norm/0" [id=84, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/2/block/2/1/batch_norm/0__0.0._scale_param_storage" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=86, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.3.block.0.0.weight" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/3/block/0/0/conv2d/0__1.0._scale_param_storage" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=89, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/3/block/0/0/conv2d/0" [id=90, type=conv2d, metatype=PTConv2dMetatype]; -"features.3.block.0.1.weight" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.0.1.bias" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.0.1.running_mean" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.0.1.running_var" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/0/1/batch_norm/0" [id=95, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/block/0/2/relu_/0" [id=96, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/3/block/0/2/relu_/0__0.0._scale_param_storage" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [id=98, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.3.block.1.0.weight" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/3/block/1/0/conv2d/0__1.0._scale_param_storage" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=101, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/3/block/1/0/conv2d/0" [id=102, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.3.block.1.1.weight" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.1.1.bias" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.1.1.running_mean" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.1.1.running_var" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/1/1/batch_norm/0" [id=107, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/3/block/1/2/relu_/0" [id=108, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/3/block/1/2/relu_/0__0.0._scale_param_storage" [id=109, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [id=110, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.3.block.2.0.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/3/block/2/0/conv2d/0__1.0._scale_param_storage" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=113, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/3/block/2/0/conv2d/0" [id=114, type=conv2d, metatype=PTConv2dMetatype]; -"features.3.block.2.1.weight" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.2.1.bias" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.2.1.running_mean" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.block.2.1.running_var" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/2/1/batch_norm/0" [id=119, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/3/block/2/1/batch_norm/0__0.0._scale_param_storage" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=121, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/3/add_/0" [id=122, type="add_", metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/3/add_/0__0.0._scale_param_storage" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" [id=124, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.4.block.0.0.weight" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/4/block/0/0/conv2d/0__1.0._scale_param_storage" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=127, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/4/block/0/0/conv2d/0" [id=128, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.block.0.1.weight" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.0.1.bias" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.0.1.running_mean" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.0.1.running_var" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/0/1/batch_norm/0" [id=133, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/block/0/2/hardswish/0" [id=134, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/4/block/0/2/hardswish/0__0.0._scale_param_storage" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=136, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.4.block.1.0.weight" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/4/block/1/0/conv2d/0__1.0._scale_param_storage" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=139, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/4/block/1/0/conv2d/0" [id=140, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.4.block.1.1.weight" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.1.1.bias" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.1.1.running_mean" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.1.1.running_var" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/1/1/batch_norm/0" [id=145, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/4/block/1/2/hardswish/0" [id=146, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/4/block/1/2/hardswish/0__0.0._scale_param_storage" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=148, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/4/block/2/adaptive_avg_pool2d/0" [id=149, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.4.block.2.fc1.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.2.fc1.bias" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/2/fc1/conv2d/0" [id=152, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/block/2/relu/relu_/0" [id=153, type="relu_", metatype=PTRELUMetatype]; -"features.4.block.2.fc2.weight" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.2.fc2.bias" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/2/fc2/conv2d/0" [id=156, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/block/2/hardsigmoid/0" [id=157, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"__nncf_hooks.post_hooks.features/4/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=159, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/4/block/2/mul/0" [id=160, type=mul, metatype=PTMulMetatype]; -"__nncf_hooks.post_hooks.features/4/block/2/mul/0__0.0._scale_param_storage" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" [id=162, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.4.block.3.0.weight" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/4/block/3/0/conv2d/0__1.0._scale_param_storage" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=165, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/4/block/3/0/conv2d/0" [id=166, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.block.3.1.weight" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.3.1.bias" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.3.1.running_mean" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.block.3.1.running_var" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/3/1/batch_norm/0" [id=171, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/4/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=173, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.5.block.0.0.weight" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/5/block/0/0/conv2d/0__1.0._scale_param_storage" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=176, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/5/block/0/0/conv2d/0" [id=177, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.block.0.1.weight" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.0.1.bias" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.0.1.running_mean" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.0.1.running_var" [id=181, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/0/1/batch_norm/0" [id=182, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/block/0/2/hardswish/0" [id=183, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/5/block/0/2/hardswish/0__0.0._scale_param_storage" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=185, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.5.block.1.0.weight" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/5/block/1/0/conv2d/0__1.0._scale_param_storage" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=188, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/5/block/1/0/conv2d/0" [id=189, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.5.block.1.1.weight" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.1.1.bias" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.1.1.running_mean" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.1.1.running_var" [id=193, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/1/1/batch_norm/0" [id=194, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/block/1/2/hardswish/0" [id=195, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/5/block/1/2/hardswish/0__0.0._scale_param_storage" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=197, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/5/block/2/adaptive_avg_pool2d/0" [id=198, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.5.block.2.fc1.weight" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.2.fc1.bias" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/2/fc1/conv2d/0" [id=201, type=conv2d, metatype=PTConv2dMetatype]; -"features/5/block/2/relu/relu_/0" [id=202, type="relu_", metatype=PTRELUMetatype]; -"features.5.block.2.fc2.weight" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.2.fc2.bias" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/2/fc2/conv2d/0" [id=205, type=conv2d, metatype=PTConv2dMetatype]; -"features/5/block/2/hardsigmoid/0" [id=206, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"__nncf_hooks.post_hooks.features/5/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=208, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/5/block/2/mul/0" [id=209, type=mul, metatype=PTMulMetatype]; -"__nncf_hooks.post_hooks.features/5/block/2/mul/0__0.0._scale_param_storage" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" [id=211, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.5.block.3.0.weight" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/5/block/3/0/conv2d/0__1.0._scale_param_storage" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=214, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/5/block/3/0/conv2d/0" [id=215, type=conv2d, metatype=PTConv2dMetatype]; -"features.5.block.3.1.weight" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.3.1.bias" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.3.1.running_mean" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.5.block.3.1.running_var" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/3/1/batch_norm/0" [id=220, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/5/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=222, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/5/add_/0" [id=223, type="add_", metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/5/add_/0__0.0._scale_param_storage" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" [id=225, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.6.block.0.0.weight" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/6/block/0/0/conv2d/0__1.0._scale_param_storage" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=228, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/block/0/0/conv2d/0" [id=229, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.block.0.1.weight" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.0.1.bias" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.0.1.running_mean" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.0.1.running_var" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/0/1/batch_norm/0" [id=234, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/block/0/2/hardswish/0" [id=235, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/6/block/0/2/hardswish/0__0.0._scale_param_storage" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=237, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.6.block.1.0.weight" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/6/block/1/0/conv2d/0__1.0._scale_param_storage" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=240, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/block/1/0/conv2d/0" [id=241, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.6.block.1.1.weight" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.1.1.bias" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.1.1.running_mean" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.1.1.running_var" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/1/1/batch_norm/0" [id=246, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/6/block/1/2/hardswish/0" [id=247, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/6/block/1/2/hardswish/0__0.0._scale_param_storage" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=249, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/block/2/adaptive_avg_pool2d/0" [id=250, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.6.block.2.fc1.weight" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.2.fc1.bias" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/2/fc1/conv2d/0" [id=253, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/block/2/relu/relu_/0" [id=254, type="relu_", metatype=PTRELUMetatype]; -"features.6.block.2.fc2.weight" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.2.fc2.bias" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/2/fc2/conv2d/0" [id=257, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/block/2/hardsigmoid/0" [id=258, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"__nncf_hooks.post_hooks.features/6/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=260, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/block/2/mul/0" [id=261, type=mul, metatype=PTMulMetatype]; -"__nncf_hooks.post_hooks.features/6/block/2/mul/0__0.0._scale_param_storage" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" [id=263, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.6.block.3.0.weight" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/6/block/3/0/conv2d/0__1.0._scale_param_storage" [id=265, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=266, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/block/3/0/conv2d/0" [id=267, type=conv2d, metatype=PTConv2dMetatype]; -"features.6.block.3.1.weight" [id=268, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.3.1.bias" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.3.1.running_mean" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.block.3.1.running_var" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/3/1/batch_norm/0" [id=272, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/6/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=273, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=274, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/add_/0" [id=275, type="add_", metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/6/add_/0__0.0._scale_param_storage" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" [id=277, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.7.block.0.0.weight" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/7/block/0/0/conv2d/0__1.0._scale_param_storage" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=280, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/7/block/0/0/conv2d/0" [id=281, type=conv2d, metatype=PTConv2dMetatype]; -"features.7.block.0.1.weight" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.0.1.bias" [id=283, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.0.1.running_mean" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.0.1.running_var" [id=285, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/0/1/batch_norm/0" [id=286, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/7/block/0/2/hardswish/0" [id=287, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/7/block/0/2/hardswish/0__0.0._scale_param_storage" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=289, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.7.block.1.0.weight" [id=290, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/7/block/1/0/conv2d/0__1.0._scale_param_storage" [id=291, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=292, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/7/block/1/0/conv2d/0" [id=293, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.7.block.1.1.weight" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.1.1.bias" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.1.1.running_mean" [id=296, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.1.1.running_var" [id=297, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/1/1/batch_norm/0" [id=298, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/7/block/1/2/hardswish/0" [id=299, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/7/block/1/2/hardswish/0__0.0._scale_param_storage" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=301, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/7/block/2/adaptive_avg_pool2d/0" [id=302, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.7.block.2.fc1.weight" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.2.fc1.bias" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/2/fc1/conv2d/0" [id=305, type=conv2d, metatype=PTConv2dMetatype]; -"features/7/block/2/relu/relu_/0" [id=306, type="relu_", metatype=PTRELUMetatype]; -"features.7.block.2.fc2.weight" [id=307, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.2.fc2.bias" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/2/fc2/conv2d/0" [id=309, type=conv2d, metatype=PTConv2dMetatype]; -"features/7/block/2/hardsigmoid/0" [id=310, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"__nncf_hooks.post_hooks.features/7/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=312, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/7/block/2/mul/0" [id=313, type=mul, metatype=PTMulMetatype]; -"__nncf_hooks.post_hooks.features/7/block/2/mul/0__0.0._scale_param_storage" [id=314, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" [id=315, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.7.block.3.0.weight" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/7/block/3/0/conv2d/0__1.0._scale_param_storage" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=318, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/7/block/3/0/conv2d/0" [id=319, type=conv2d, metatype=PTConv2dMetatype]; -"features.7.block.3.1.weight" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.3.1.bias" [id=321, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.3.1.running_mean" [id=322, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.block.3.1.running_var" [id=323, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/3/1/batch_norm/0" [id=324, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/7/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=325, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=326, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.8.block.0.0.weight" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/8/block/0/0/conv2d/0__1.0._scale_param_storage" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=329, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/8/block/0/0/conv2d/0" [id=330, type=conv2d, metatype=PTConv2dMetatype]; -"features.8.block.0.1.weight" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.0.1.bias" [id=332, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.0.1.running_mean" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.0.1.running_var" [id=334, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/0/1/batch_norm/0" [id=335, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/8/block/0/2/hardswish/0" [id=336, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/8/block/0/2/hardswish/0__0.0._scale_param_storage" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=338, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.8.block.1.0.weight" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/8/block/1/0/conv2d/0__1.0._scale_param_storage" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=341, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/8/block/1/0/conv2d/0" [id=342, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.8.block.1.1.weight" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.1.1.bias" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.1.1.running_mean" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.1.1.running_var" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/1/1/batch_norm/0" [id=347, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/8/block/1/2/hardswish/0" [id=348, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/8/block/1/2/hardswish/0__0.0._scale_param_storage" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=350, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/8/block/2/adaptive_avg_pool2d/0" [id=351, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.8.block.2.fc1.weight" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.2.fc1.bias" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/2/fc1/conv2d/0" [id=354, type=conv2d, metatype=PTConv2dMetatype]; -"features/8/block/2/relu/relu_/0" [id=355, type="relu_", metatype=PTRELUMetatype]; -"features.8.block.2.fc2.weight" [id=356, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.2.fc2.bias" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/2/fc2/conv2d/0" [id=358, type=conv2d, metatype=PTConv2dMetatype]; -"features/8/block/2/hardsigmoid/0" [id=359, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"__nncf_hooks.post_hooks.features/8/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=361, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/8/block/2/mul/0" [id=362, type=mul, metatype=PTMulMetatype]; -"__nncf_hooks.post_hooks.features/8/block/2/mul/0__0.0._scale_param_storage" [id=363, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" [id=364, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.8.block.3.0.weight" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/8/block/3/0/conv2d/0__1.0._scale_param_storage" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=367, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/8/block/3/0/conv2d/0" [id=368, type=conv2d, metatype=PTConv2dMetatype]; -"features.8.block.3.1.weight" [id=369, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.3.1.bias" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.3.1.running_mean" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.block.3.1.running_var" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/3/1/batch_norm/0" [id=373, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/8/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=374, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=375, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/8/add_/0" [id=376, type="add_", metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/8/add_/0__0.0._scale_param_storage" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" [id=378, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.9.block.0.0.weight" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/9/block/0/0/conv2d/0__1.0._scale_param_storage" [id=380, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=381, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/9/block/0/0/conv2d/0" [id=382, type=conv2d, metatype=PTConv2dMetatype]; -"features.9.block.0.1.weight" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.0.1.bias" [id=384, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.0.1.running_mean" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.0.1.running_var" [id=386, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/0/1/batch_norm/0" [id=387, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/9/block/0/2/hardswish/0" [id=388, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/9/block/0/2/hardswish/0__0.0._scale_param_storage" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=390, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.9.block.1.0.weight" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/9/block/1/0/conv2d/0__1.0._scale_param_storage" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=393, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/9/block/1/0/conv2d/0" [id=394, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.9.block.1.1.weight" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.1.1.bias" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.1.1.running_mean" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.1.1.running_var" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/1/1/batch_norm/0" [id=399, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/9/block/1/2/hardswish/0" [id=400, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/9/block/1/2/hardswish/0__0.0._scale_param_storage" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=402, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/9/block/2/adaptive_avg_pool2d/0" [id=403, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.9.block.2.fc1.weight" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.2.fc1.bias" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/2/fc1/conv2d/0" [id=406, type=conv2d, metatype=PTConv2dMetatype]; -"features/9/block/2/relu/relu_/0" [id=407, type="relu_", metatype=PTRELUMetatype]; -"features.9.block.2.fc2.weight" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.2.fc2.bias" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/2/fc2/conv2d/0" [id=410, type=conv2d, metatype=PTConv2dMetatype]; -"features/9/block/2/hardsigmoid/0" [id=411, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"__nncf_hooks.post_hooks.features/9/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=412, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=413, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/9/block/2/mul/0" [id=414, type=mul, metatype=PTMulMetatype]; -"__nncf_hooks.post_hooks.features/9/block/2/mul/0__0.0._scale_param_storage" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" [id=416, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.9.block.3.0.weight" [id=417, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/9/block/3/0/conv2d/0__1.0._scale_param_storage" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=419, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/9/block/3/0/conv2d/0" [id=420, type=conv2d, metatype=PTConv2dMetatype]; -"features.9.block.3.1.weight" [id=421, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.3.1.bias" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.3.1.running_mean" [id=423, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.block.3.1.running_var" [id=424, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/3/1/batch_norm/0" [id=425, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/9/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=426, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=427, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.10.block.0.0.weight" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/10/block/0/0/conv2d/0__1.0._scale_param_storage" [id=429, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=430, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/block/0/0/conv2d/0" [id=431, type=conv2d, metatype=PTConv2dMetatype]; -"features.10.block.0.1.weight" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.0.1.bias" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.0.1.running_mean" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.0.1.running_var" [id=435, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/0/1/batch_norm/0" [id=436, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/10/block/0/2/hardswish/0" [id=437, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/10/block/0/2/hardswish/0__0.0._scale_param_storage" [id=438, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=439, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.10.block.1.0.weight" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/10/block/1/0/conv2d/0__1.0._scale_param_storage" [id=441, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=442, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/block/1/0/conv2d/0" [id=443, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.10.block.1.1.weight" [id=444, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.1.1.bias" [id=445, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.1.1.running_mean" [id=446, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.1.1.running_var" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/1/1/batch_norm/0" [id=448, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/10/block/1/2/hardswish/0" [id=449, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/10/block/1/2/hardswish/0__0.0._scale_param_storage" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=451, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/block/2/adaptive_avg_pool2d/0" [id=452, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.10.block.2.fc1.weight" [id=453, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.2.fc1.bias" [id=454, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/2/fc1/conv2d/0" [id=455, type=conv2d, metatype=PTConv2dMetatype]; -"features/10/block/2/relu/relu_/0" [id=456, type="relu_", metatype=PTRELUMetatype]; -"features.10.block.2.fc2.weight" [id=457, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.2.fc2.bias" [id=458, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/2/fc2/conv2d/0" [id=459, type=conv2d, metatype=PTConv2dMetatype]; -"features/10/block/2/hardsigmoid/0" [id=460, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"__nncf_hooks.post_hooks.features/10/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=461, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=462, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/block/2/mul/0" [id=463, type=mul, metatype=PTMulMetatype]; -"__nncf_hooks.post_hooks.features/10/block/2/mul/0__0.0._scale_param_storage" [id=464, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" [id=465, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.10.block.3.0.weight" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/10/block/3/0/conv2d/0__1.0._scale_param_storage" [id=467, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=468, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/block/3/0/conv2d/0" [id=469, type=conv2d, metatype=PTConv2dMetatype]; -"features.10.block.3.1.weight" [id=470, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.3.1.bias" [id=471, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.3.1.running_mean" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.block.3.1.running_var" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/3/1/batch_norm/0" [id=474, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/10/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=476, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/add_/0" [id=477, type="add_", metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/10/add_/0__0.0._scale_param_storage" [id=478, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" [id=479, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.11.block.0.0.weight" [id=480, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/11/block/0/0/conv2d/0__1.0._scale_param_storage" [id=481, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=482, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/11/block/0/0/conv2d/0" [id=483, type=conv2d, metatype=PTConv2dMetatype]; -"features.11.block.0.1.weight" [id=484, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.0.1.bias" [id=485, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.0.1.running_mean" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.0.1.running_var" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/0/1/batch_norm/0" [id=488, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/11/block/0/2/hardswish/0" [id=489, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/11/block/0/2/hardswish/0__0.0._scale_param_storage" [id=490, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=491, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.11.block.1.0.weight" [id=492, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/11/block/1/0/conv2d/0__1.0._scale_param_storage" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=494, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/11/block/1/0/conv2d/0" [id=495, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"features.11.block.1.1.weight" [id=496, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.1.1.bias" [id=497, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.1.1.running_mean" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.1.1.running_var" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/1/1/batch_norm/0" [id=500, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/11/block/1/2/hardswish/0" [id=501, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/11/block/1/2/hardswish/0__0.0._scale_param_storage" [id=502, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=503, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/11/block/2/adaptive_avg_pool2d/0" [id=504, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"features.11.block.2.fc1.weight" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.2.fc1.bias" [id=506, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/2/fc1/conv2d/0" [id=507, type=conv2d, metatype=PTConv2dMetatype]; -"features/11/block/2/relu/relu_/0" [id=508, type="relu_", metatype=PTRELUMetatype]; -"features.11.block.2.fc2.weight" [id=509, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.2.fc2.bias" [id=510, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/2/fc2/conv2d/0" [id=511, type=conv2d, metatype=PTConv2dMetatype]; -"features/11/block/2/hardsigmoid/0" [id=512, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; -"__nncf_hooks.post_hooks.features/11/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=514, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/11/block/2/mul/0" [id=515, type=mul, metatype=PTMulMetatype]; -"__nncf_hooks.post_hooks.features/11/block/2/mul/0__0.0._scale_param_storage" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" [id=517, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.11.block.3.0.weight" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/11/block/3/0/conv2d/0__1.0._scale_param_storage" [id=519, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=520, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/11/block/3/0/conv2d/0" [id=521, type=conv2d, metatype=PTConv2dMetatype]; -"features.11.block.3.1.weight" [id=522, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.3.1.bias" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.3.1.running_mean" [id=524, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.block.3.1.running_var" [id=525, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/3/1/batch_norm/0" [id=526, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.features/11/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=527, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=528, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/11/add_/0" [id=529, type="add_", metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks.features/11/add_/0__0.0._scale_param_storage" [id=530, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" [id=531, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.12.0.weight" [id=532, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/12/0/conv2d/0__1.0._scale_param_storage" [id=533, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" [id=534, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/12/0/conv2d/0" [id=535, type=conv2d, metatype=PTConv2dMetatype]; -"features.12.1.weight" [id=536, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.1.bias" [id=537, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.1.running_mean" [id=538, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.1.running_var" [id=539, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/1/batch_norm/0" [id=540, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/12/2/hardswish/0" [id=541, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.features/12/2/hardswish/0__0.0._scale_param_storage" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" [id=543, type="symmetric_quantize", metatype=UnknownMetatype]; -"avgpool/adaptive_avg_pool2d/0" [id=544, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=545, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=546, type="symmetric_quantize", metatype=UnknownMetatype]; -"/flatten/0" [id=547, type=flatten, metatype=PTReshapeMetatype]; -"classifier.0.weight" [id=548, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.0.bias" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.classifier/0/linear/0__1.0._scale_param_storage" [id=550, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" [id=551, type="symmetric_quantize", metatype=UnknownMetatype]; -"classifier/0/linear/0" [id=552, type=linear, metatype=PTLinearMetatype]; -"classifier/1/hardswish/0" [id=553, type=hardswish, metatype=PTHardSwishMetatype]; -"__nncf_hooks.post_hooks.classifier/1/hardswish/0__0.0._scale_param_storage" [id=554, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" [id=555, type="symmetric_quantize", metatype=UnknownMetatype]; -"classifier/2/dropout/0" [id=556, type=dropout, metatype=PTDropoutMetatype]; -"classifier.3.weight" [id=557, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.3.bias" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.classifier/3/linear/0__1.0._scale_param_storage" [id=559, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" [id=560, type="symmetric_quantize", metatype=UnknownMetatype]; -"classifier/3/linear/0" [id=561, type=linear, metatype=PTLinearMetatype]; -output [id=562, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"features.0.0.weight" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 3, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, shape="(16, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; -"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; -"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; -"features/0/1/batch_norm/0" -> "features/0/2/hardswish/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"features/0/2/hardswish/0" -> "features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/0/2/hardswish/0__0.0._scale_param_storage" -> "features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=4]; -"features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/1/block/0/0/conv2d/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; -"features.1.block.0.0.weight" -> "features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/1/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/block/0/0/conv2d/0" [dtype=float, shape="(16, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/1/block/0/0/conv2d/0" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; -"features.1.block.0.1.weight" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; -"features.1.block.0.1.bias" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"features.1.block.0.1.running_mean" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; -"features.1.block.0.1.running_var" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; -"features/1/block/0/1/batch_norm/0" -> "features/1/block/0/2/relu_/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; -"features/1/block/0/2/relu_/0" -> "features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/1/block/0/2/relu_/0__0.0._scale_param_storage" -> "features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/1/block/1/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; -"features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/1/block/1/mul/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=1]; -"features/1/block/1/adaptive_avg_pool2d/0" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=0]; -"features.1.block.1.fc1.weight" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, shape="(8, 16, 1, 1)", out_port_id=0, in_port_id=1]; -"features.1.block.1.fc1.bias" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, shape="(8,)", out_port_id=0, in_port_id=2]; -"features/1/block/1/fc1/conv2d/0" -> "features/1/block/1/relu/relu_/0" [dtype=float, shape="(1, 8, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/block/1/relu/relu_/0" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, shape="(1, 8, 1, 1)", out_port_id=0, in_port_id=0]; -"features.1.block.1.fc2.weight" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, shape="(16, 8, 1, 1)", out_port_id=0, in_port_id=1]; -"features.1.block.1.fc2.bias" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"features/1/block/1/fc2/conv2d/0" -> "features/1/block/1/hardsigmoid/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/block/1/hardsigmoid/0" -> "features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/1/block/1/hardsigmoid/0__0.0._scale_param_storage" -> "features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/1/block/1/mul/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=0]; -"features/1/block/1/mul/0" -> "features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/1/block/1/mul/0__0.0._scale_param_storage" -> "features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" -> "features/1/block/2/0/conv2d/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; -"features.1.block.2.0.weight" -> "features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 16, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/1/block/2/0/conv2d/0__1.0._scale_param_storage" -> "features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/block/2/0/conv2d/0" [dtype=float, shape="(16, 16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/1/block/2/0/conv2d/0" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; -"features.1.block.2.1.weight" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; -"features.1.block.2.1.bias" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"features.1.block.2.1.running_mean" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; -"features.1.block.2.1.running_var" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; -"features/1/block/2/1/batch_norm/0" -> "features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/1/block/2/1/batch_norm/0__0.0._scale_param_storage" -> "features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/2/block/0/0/conv2d/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; -"features.2.block.0.0.weight" -> "features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(72, 16, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/2/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(72, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/block/0/0/conv2d/0" [dtype=float, shape="(72, 16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/2/block/0/0/conv2d/0" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(1, 72, 8, 8)", out_port_id=0, in_port_id=0]; -"features.2.block.0.1.weight" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=1]; -"features.2.block.0.1.bias" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=2]; -"features.2.block.0.1.running_mean" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=3]; -"features.2.block.0.1.running_var" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=4]; -"features/2/block/0/1/batch_norm/0" -> "features/2/block/0/2/relu_/0" [dtype=float, shape="(1, 72, 8, 8)", out_port_id=0, in_port_id=0]; -"features/2/block/0/2/relu_/0" -> "features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 72, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/2/block/0/2/relu_/0__0.0._scale_param_storage" -> "features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 72, 1, 1)", out_port_id=0, in_port_id=4]; -"features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/block/1/0/conv2d/0" [dtype=float, shape="(1, 72, 8, 8)", out_port_id=0, in_port_id=0]; -"features.2.block.1.0.weight" -> "features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(72, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/2/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(72, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/block/1/0/conv2d/0" [dtype=float, shape="(72, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/2/block/1/0/conv2d/0" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(1, 72, 4, 4)", out_port_id=0, in_port_id=0]; -"features.2.block.1.1.weight" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=1]; -"features.2.block.1.1.bias" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=2]; -"features.2.block.1.1.running_mean" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=3]; -"features.2.block.1.1.running_var" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=4]; -"features/2/block/1/1/batch_norm/0" -> "features/2/block/1/2/relu_/0" [dtype=float, shape="(1, 72, 4, 4)", out_port_id=0, in_port_id=0]; -"features/2/block/1/2/relu_/0" -> "features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 72, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/2/block/1/2/relu_/0__0.0._scale_param_storage" -> "features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/block/2/0/conv2d/0" [dtype=float, shape="(1, 72, 4, 4)", out_port_id=0, in_port_id=0]; -"features.2.block.2.0.weight" -> "features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 72, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/2/block/2/0/conv2d/0__1.0._scale_param_storage" -> "features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/block/2/0/conv2d/0" [dtype=float, shape="(24, 72, 1, 1)", out_port_id=0, in_port_id=1]; -"features/2/block/2/0/conv2d/0" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; -"features.2.block.2.1.weight" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"features.2.block.2.1.bias" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"features.2.block.2.1.running_mean" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"features.2.block.2.1.running_var" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"features/2/block/2/1/batch_norm/0" -> "features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/2/block/2/1/batch_norm/0__0.0._scale_param_storage" -> "features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/block/0/0/conv2d/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; -"features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add_/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=1]; -"features.3.block.0.0.weight" -> "features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(88, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/3/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(88, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/block/0/0/conv2d/0" [dtype=float, shape="(88, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/block/0/0/conv2d/0" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; -"features.3.block.0.1.weight" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=1]; -"features.3.block.0.1.bias" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=2]; -"features.3.block.0.1.running_mean" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=3]; -"features.3.block.0.1.running_var" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=4]; -"features/3/block/0/1/batch_norm/0" -> "features/3/block/0/2/relu_/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; -"features/3/block/0/2/relu_/0" -> "features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/3/block/0/2/relu_/0__0.0._scale_param_storage" -> "features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 88, 1, 1)", out_port_id=0, in_port_id=4]; -"features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/block/1/0/conv2d/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; -"features.3.block.1.0.weight" -> "features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(88, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/3/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(88, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/block/1/0/conv2d/0" [dtype=float, shape="(88, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"features/3/block/1/0/conv2d/0" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; -"features.3.block.1.1.weight" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=1]; -"features.3.block.1.1.bias" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=2]; -"features.3.block.1.1.running_mean" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=3]; -"features.3.block.1.1.running_var" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=4]; -"features/3/block/1/1/batch_norm/0" -> "features/3/block/1/2/relu_/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; -"features/3/block/1/2/relu_/0" -> "features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/3/block/1/2/relu_/0__0.0._scale_param_storage" -> "features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/block/2/0/conv2d/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; -"features.3.block.2.0.weight" -> "features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 88, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/3/block/2/0/conv2d/0__1.0._scale_param_storage" -> "features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/block/2/0/conv2d/0" [dtype=float, shape="(24, 88, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/block/2/0/conv2d/0" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; -"features.3.block.2.1.weight" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"features.3.block.2.1.bias" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"features.3.block.2.1.running_mean" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"features.3.block.2.1.running_var" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"features/3/block/2/1/batch_norm/0" -> "features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/3/block/2/1/batch_norm/0__0.0._scale_param_storage" -> "features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add_/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; -"features/3/add_/0" -> "features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/3/add_/0__0.0._scale_param_storage" -> "features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" -> "features/4/block/0/0/conv2d/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.block.0.0.weight" -> "features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/4/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/block/0/0/conv2d/0" [dtype=float, shape="(96, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/block/0/0/conv2d/0" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.block.0.1.weight" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.4.block.0.1.bias" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.4.block.0.1.running_mean" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.4.block.0.1.running_var" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/4/block/0/1/batch_norm/0" -> "features/4/block/0/2/hardswish/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features/4/block/0/2/hardswish/0" -> "features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/4/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=4]; -"features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/4/block/1/0/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"features.4.block.1.0.weight" -> "features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 5, 5)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/4/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/block/1/0/conv2d/0" [dtype=float, shape="(96, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/4/block/1/0/conv2d/0" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features.4.block.1.1.weight" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.4.block.1.1.bias" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.4.block.1.1.running_mean" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.4.block.1.1.running_var" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/4/block/1/1/batch_norm/0" -> "features/4/block/1/2/hardswish/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features/4/block/1/2/hardswish/0" -> "features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/4/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/4/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/4/block/2/mul/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=1]; -"features/4/block/2/adaptive_avg_pool2d/0" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features.4.block.2.fc1.weight" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, shape="(24, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features.4.block.2.fc1.bias" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"features/4/block/2/fc1/conv2d/0" -> "features/4/block/2/relu/relu_/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/block/2/relu/relu_/0" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"features.4.block.2.fc2.weight" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, shape="(96, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"features.4.block.2.fc2.bias" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features/4/block/2/fc2/conv2d/0" -> "features/4/block/2/hardsigmoid/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/block/2/hardsigmoid/0" -> "features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/4/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/4/block/2/mul/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features/4/block/2/mul/0" -> "features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/4/block/2/mul/0__0.0._scale_param_storage" -> "features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/4/block/3/0/conv2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; -"features.4.block.3.0.weight" -> "features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(40, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/4/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(40, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/block/3/0/conv2d/0" [dtype=float, shape="(40, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/block/3/0/conv2d/0" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; -"features.4.block.3.1.weight" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; -"features.4.block.3.1.bias" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; -"features.4.block.3.1.running_mean" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; -"features.4.block.3.1.running_var" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; -"features/4/block/3/1/batch_norm/0" -> "features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/4/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; -"features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add_/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=1]; -"features.5.block.0.0.weight" -> "features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/5/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/block/0/0/conv2d/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/block/0/0/conv2d/0" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"features.5.block.0.1.weight" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; -"features.5.block.0.1.bias" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features.5.block.0.1.running_mean" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; -"features.5.block.0.1.running_var" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; -"features/5/block/0/1/batch_norm/0" -> "features/5/block/0/2/hardswish/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"features/5/block/0/2/hardswish/0" -> "features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/5/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=4]; -"features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/5/block/1/0/conv2d/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"features.5.block.1.0.weight" -> "features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 1, 5, 5)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/5/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/block/1/0/conv2d/0" [dtype=float, shape="(240, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/5/block/1/0/conv2d/0" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"features.5.block.1.1.weight" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; -"features.5.block.1.1.bias" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features.5.block.1.1.running_mean" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; -"features.5.block.1.1.running_var" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; -"features/5/block/1/1/batch_norm/0" -> "features/5/block/1/2/hardswish/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"features/5/block/1/2/hardswish/0" -> "features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/5/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/5/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/5/block/2/mul/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=1]; -"features/5/block/2/adaptive_avg_pool2d/0" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features.5.block.2.fc1.weight" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, shape="(64, 240, 1, 1)", out_port_id=0, in_port_id=1]; -"features.5.block.2.fc1.bias" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features/5/block/2/fc1/conv2d/0" -> "features/5/block/2/relu/relu_/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/block/2/relu/relu_/0" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features.5.block.2.fc2.weight" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, shape="(240, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features.5.block.2.fc2.bias" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features/5/block/2/fc2/conv2d/0" -> "features/5/block/2/hardsigmoid/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/block/2/hardsigmoid/0" -> "features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/5/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/5/block/2/mul/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features/5/block/2/mul/0" -> "features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/5/block/2/mul/0__0.0._scale_param_storage" -> "features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/5/block/3/0/conv2d/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"features.5.block.3.0.weight" -> "features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(40, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/5/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(40, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/block/3/0/conv2d/0" [dtype=float, shape="(40, 240, 1, 1)", out_port_id=0, in_port_id=1]; -"features/5/block/3/0/conv2d/0" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; -"features.5.block.3.1.weight" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; -"features.5.block.3.1.bias" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; -"features.5.block.3.1.running_mean" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; -"features.5.block.3.1.running_var" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; -"features/5/block/3/1/batch_norm/0" -> "features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/5/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add_/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; -"features/5/add_/0" -> "features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/5/add_/0__0.0._scale_param_storage" -> "features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" -> "features/6/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; -"features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" -> "features/6/add_/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=1]; -"features.6.block.0.0.weight" -> "features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/6/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/block/0/0/conv2d/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/block/0/0/conv2d/0" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.block.0.1.weight" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; -"features.6.block.0.1.bias" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features.6.block.0.1.running_mean" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; -"features.6.block.0.1.running_var" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; -"features/6/block/0/1/batch_norm/0" -> "features/6/block/0/2/hardswish/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/block/0/2/hardswish/0" -> "features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/6/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=4]; -"features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/6/block/1/0/conv2d/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.block.1.0.weight" -> "features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 1, 5, 5)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/6/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/block/1/0/conv2d/0" [dtype=float, shape="(240, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/6/block/1/0/conv2d/0" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.block.1.1.weight" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; -"features.6.block.1.1.bias" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features.6.block.1.1.running_mean" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; -"features.6.block.1.1.running_var" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; -"features/6/block/1/1/batch_norm/0" -> "features/6/block/1/2/hardswish/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/block/1/2/hardswish/0" -> "features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/6/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/6/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/6/block/2/mul/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=1]; -"features/6/block/2/adaptive_avg_pool2d/0" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features.6.block.2.fc1.weight" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, shape="(64, 240, 1, 1)", out_port_id=0, in_port_id=1]; -"features.6.block.2.fc1.bias" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features/6/block/2/fc1/conv2d/0" -> "features/6/block/2/relu/relu_/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/block/2/relu/relu_/0" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features.6.block.2.fc2.weight" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, shape="(240, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features.6.block.2.fc2.bias" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; -"features/6/block/2/fc2/conv2d/0" -> "features/6/block/2/hardsigmoid/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/block/2/hardsigmoid/0" -> "features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/6/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/6/block/2/mul/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"features/6/block/2/mul/0" -> "features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/6/block/2/mul/0__0.0._scale_param_storage" -> "features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/6/block/3/0/conv2d/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.block.3.0.weight" -> "features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(40, 240, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/6/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(40, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/block/3/0/conv2d/0" [dtype=float, shape="(40, 240, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/block/3/0/conv2d/0" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; -"features.6.block.3.1.weight" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; -"features.6.block.3.1.bias" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; -"features.6.block.3.1.running_mean" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; -"features.6.block.3.1.running_var" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; -"features/6/block/3/1/batch_norm/0" -> "features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/6/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/6/add_/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; -"features/6/add_/0" -> "features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/6/add_/0__0.0._scale_param_storage" -> "features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" -> "features/7/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.block.0.0.weight" -> "features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(120, 40, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/7/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(120, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/block/0/0/conv2d/0" [dtype=float, shape="(120, 40, 1, 1)", out_port_id=0, in_port_id=1]; -"features/7/block/0/0/conv2d/0" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.block.0.1.weight" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=1]; -"features.7.block.0.1.bias" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=2]; -"features.7.block.0.1.running_mean" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=3]; -"features.7.block.0.1.running_var" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=4]; -"features/7/block/0/1/batch_norm/0" -> "features/7/block/0/2/hardswish/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/block/0/2/hardswish/0" -> "features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/7/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=4]; -"features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/7/block/1/0/conv2d/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.block.1.0.weight" -> "features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(120, 1, 5, 5)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/7/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(120, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/block/1/0/conv2d/0" [dtype=float, shape="(120, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/7/block/1/0/conv2d/0" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.block.1.1.weight" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=1]; -"features.7.block.1.1.bias" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=2]; -"features.7.block.1.1.running_mean" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=3]; -"features.7.block.1.1.running_var" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=4]; -"features/7/block/1/1/batch_norm/0" -> "features/7/block/1/2/hardswish/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/block/1/2/hardswish/0" -> "features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/7/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/7/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/7/block/2/mul/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=1]; -"features/7/block/2/adaptive_avg_pool2d/0" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=0]; -"features.7.block.2.fc1.weight" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, shape="(32, 120, 1, 1)", out_port_id=0, in_port_id=1]; -"features.7.block.2.fc1.bias" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"features/7/block/2/fc1/conv2d/0" -> "features/7/block/2/relu/relu_/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/block/2/relu/relu_/0" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=0]; -"features.7.block.2.fc2.weight" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, shape="(120, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features.7.block.2.fc2.bias" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=2]; -"features/7/block/2/fc2/conv2d/0" -> "features/7/block/2/hardsigmoid/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/block/2/hardsigmoid/0" -> "features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/7/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/7/block/2/mul/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=0]; -"features/7/block/2/mul/0" -> "features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/7/block/2/mul/0__0.0._scale_param_storage" -> "features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/7/block/3/0/conv2d/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.block.3.0.weight" -> "features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 120, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/7/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/block/3/0/conv2d/0" [dtype=float, shape="(48, 120, 1, 1)", out_port_id=0, in_port_id=1]; -"features/7/block/3/0/conv2d/0" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; -"features.7.block.3.1.weight" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"features.7.block.3.1.bias" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"features.7.block.3.1.running_mean" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"features.7.block.3.1.running_var" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"features/7/block/3/1/batch_norm/0" -> "features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/7/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/block/0/0/conv2d/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; -"features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add_/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=1]; -"features.8.block.0.0.weight" -> "features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/8/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/block/0/0/conv2d/0" [dtype=float, shape="(144, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"features/8/block/0/0/conv2d/0" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; -"features.8.block.0.1.weight" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.8.block.0.1.bias" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.8.block.0.1.running_mean" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.8.block.0.1.running_var" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/8/block/0/1/batch_norm/0" -> "features/8/block/0/2/hardswish/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; -"features/8/block/0/2/hardswish/0" -> "features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/8/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=4]; -"features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/8/block/1/0/conv2d/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; -"features.8.block.1.0.weight" -> "features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 5, 5)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/8/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/block/1/0/conv2d/0" [dtype=float, shape="(144, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/8/block/1/0/conv2d/0" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; -"features.8.block.1.1.weight" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; -"features.8.block.1.1.bias" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features.8.block.1.1.running_mean" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; -"features.8.block.1.1.running_var" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; -"features/8/block/1/1/batch_norm/0" -> "features/8/block/1/2/hardswish/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; -"features/8/block/1/2/hardswish/0" -> "features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/8/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/8/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; -"features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/8/block/2/mul/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=1]; -"features/8/block/2/adaptive_avg_pool2d/0" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features.8.block.2.fc1.weight" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, shape="(40, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features.8.block.2.fc1.bias" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; -"features/8/block/2/fc1/conv2d/0" -> "features/8/block/2/relu/relu_/0" [dtype=float, shape="(1, 40, 1, 1)", out_port_id=0, in_port_id=0]; -"features/8/block/2/relu/relu_/0" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 40, 1, 1)", out_port_id=0, in_port_id=0]; -"features.8.block.2.fc2.weight" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, shape="(144, 40, 1, 1)", out_port_id=0, in_port_id=1]; -"features.8.block.2.fc2.bias" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features/8/block/2/fc2/conv2d/0" -> "features/8/block/2/hardsigmoid/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features/8/block/2/hardsigmoid/0" -> "features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/8/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/8/block/2/mul/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features/8/block/2/mul/0" -> "features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/8/block/2/mul/0__0.0._scale_param_storage" -> "features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/8/block/3/0/conv2d/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; -"features.8.block.3.0.weight" -> "features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/8/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/block/3/0/conv2d/0" [dtype=float, shape="(48, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features/8/block/3/0/conv2d/0" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; -"features.8.block.3.1.weight" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"features.8.block.3.1.bias" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"features.8.block.3.1.running_mean" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"features.8.block.3.1.running_var" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"features/8/block/3/1/batch_norm/0" -> "features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/8/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add_/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; -"features/8/add_/0" -> "features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/8/add_/0__0.0._scale_param_storage" -> "features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" -> "features/9/block/0/0/conv2d/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; -"features.9.block.0.0.weight" -> "features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(288, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/9/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(288, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/block/0/0/conv2d/0" [dtype=float, shape="(288, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"features/9/block/0/0/conv2d/0" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; -"features.9.block.0.1.weight" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; -"features.9.block.0.1.bias" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; -"features.9.block.0.1.running_mean" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; -"features.9.block.0.1.running_var" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; -"features/9/block/0/1/batch_norm/0" -> "features/9/block/0/2/hardswish/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; -"features/9/block/0/2/hardswish/0" -> "features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/9/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=4]; -"features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/9/block/1/0/conv2d/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; -"features.9.block.1.0.weight" -> "features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(288, 1, 5, 5)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/9/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(288, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/block/1/0/conv2d/0" [dtype=float, shape="(288, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/9/block/1/0/conv2d/0" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"features.9.block.1.1.weight" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; -"features.9.block.1.1.bias" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; -"features.9.block.1.1.running_mean" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; -"features.9.block.1.1.running_var" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; -"features/9/block/1/1/batch_norm/0" -> "features/9/block/1/2/hardswish/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"features/9/block/1/2/hardswish/0" -> "features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/9/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/9/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/9/block/2/mul/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"features/9/block/2/adaptive_avg_pool2d/0" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"features.9.block.2.fc1.weight" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, shape="(72, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"features.9.block.2.fc1.bias" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=2]; -"features/9/block/2/fc1/conv2d/0" -> "features/9/block/2/relu/relu_/0" [dtype=float, shape="(1, 72, 1, 1)", out_port_id=0, in_port_id=0]; -"features/9/block/2/relu/relu_/0" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 72, 1, 1)", out_port_id=0, in_port_id=0]; -"features.9.block.2.fc2.weight" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, shape="(288, 72, 1, 1)", out_port_id=0, in_port_id=1]; -"features.9.block.2.fc2.bias" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; -"features/9/block/2/fc2/conv2d/0" -> "features/9/block/2/hardsigmoid/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"features/9/block/2/hardsigmoid/0" -> "features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/9/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/9/block/2/mul/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"features/9/block/2/mul/0" -> "features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/9/block/2/mul/0__0.0._scale_param_storage" -> "features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/9/block/3/0/conv2d/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"features.9.block.3.0.weight" -> "features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 288, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/9/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/block/3/0/conv2d/0" [dtype=float, shape="(96, 288, 1, 1)", out_port_id=0, in_port_id=1]; -"features/9/block/3/0/conv2d/0" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features.9.block.3.1.weight" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.9.block.3.1.bias" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.9.block.3.1.running_mean" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.9.block.3.1.running_var" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/9/block/3/1/batch_norm/0" -> "features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/9/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/block/0/0/conv2d/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/add_/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features.10.block.0.0.weight" -> "features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/10/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/block/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/10/block/0/0/conv2d/0" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.10.block.0.1.weight" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.10.block.0.1.bias" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.10.block.0.1.running_mean" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.10.block.0.1.running_var" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/10/block/0/1/batch_norm/0" -> "features/10/block/0/2/hardswish/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/block/0/2/hardswish/0" -> "features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/10/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=4]; -"features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/10/block/1/0/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.10.block.1.0.weight" -> "features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 5, 5)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/10/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/block/1/0/conv2d/0" [dtype=float, shape="(576, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/10/block/1/0/conv2d/0" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.10.block.1.1.weight" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.10.block.1.1.bias" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.10.block.1.1.running_mean" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.10.block.1.1.running_var" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/10/block/1/1/batch_norm/0" -> "features/10/block/1/2/hardswish/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/block/1/2/hardswish/0" -> "features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/10/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/10/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/10/block/2/mul/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features/10/block/2/adaptive_avg_pool2d/0" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.10.block.2.fc1.weight" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, shape="(144, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features.10.block.2.fc1.bias" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features/10/block/2/fc1/conv2d/0" -> "features/10/block/2/relu/relu_/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/block/2/relu/relu_/0" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features.10.block.2.fc2.weight" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, shape="(576, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features.10.block.2.fc2.bias" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features/10/block/2/fc2/conv2d/0" -> "features/10/block/2/hardsigmoid/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/block/2/hardsigmoid/0" -> "features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/10/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/10/block/2/mul/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/block/2/mul/0" -> "features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/10/block/2/mul/0__0.0._scale_param_storage" -> "features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/10/block/3/0/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.10.block.3.0.weight" -> "features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/10/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/block/3/0/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features/10/block/3/0/conv2d/0" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features.10.block.3.1.weight" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.10.block.3.1.bias" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.10.block.3.1.running_mean" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.10.block.3.1.running_var" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/10/block/3/1/batch_norm/0" -> "features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/10/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/add_/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/add_/0" -> "features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/10/add_/0__0.0._scale_param_storage" -> "features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" -> "features/11/block/0/0/conv2d/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" -> "features/11/add_/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features.11.block.0.0.weight" -> "features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/11/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/block/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/11/block/0/0/conv2d/0" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.11.block.0.1.weight" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.11.block.0.1.bias" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.11.block.0.1.running_mean" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.11.block.0.1.running_var" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/11/block/0/1/batch_norm/0" -> "features/11/block/0/2/hardswish/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/block/0/2/hardswish/0" -> "features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/11/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=4]; -"features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/11/block/1/0/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.11.block.1.0.weight" -> "features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 5, 5)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/11/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/block/1/0/conv2d/0" [dtype=float, shape="(576, 1, 5, 5)", out_port_id=0, in_port_id=1]; -"features/11/block/1/0/conv2d/0" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.11.block.1.1.weight" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.11.block.1.1.bias" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.11.block.1.1.running_mean" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.11.block.1.1.running_var" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/11/block/1/1/batch_norm/0" -> "features/11/block/1/2/hardswish/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/block/1/2/hardswish/0" -> "features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/11/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/11/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/11/block/2/mul/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features/11/block/2/adaptive_avg_pool2d/0" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.11.block.2.fc1.weight" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, shape="(144, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features.11.block.2.fc1.bias" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; -"features/11/block/2/fc1/conv2d/0" -> "features/11/block/2/relu/relu_/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/block/2/relu/relu_/0" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; -"features.11.block.2.fc2.weight" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, shape="(576, 144, 1, 1)", out_port_id=0, in_port_id=1]; -"features.11.block.2.fc2.bias" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features/11/block/2/fc2/conv2d/0" -> "features/11/block/2/hardsigmoid/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/block/2/hardsigmoid/0" -> "features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/11/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/11/block/2/mul/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/block/2/mul/0" -> "features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/11/block/2/mul/0__0.0._scale_param_storage" -> "features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/11/block/3/0/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.11.block.3.0.weight" -> "features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/11/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/block/3/0/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; -"features/11/block/3/0/conv2d/0" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features.11.block.3.1.weight" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"features.11.block.3.1.bias" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"features.11.block.3.1.running_mean" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"features.11.block.3.1.running_var" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"features/11/block/3/1/batch_norm/0" -> "features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/11/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/11/add_/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/add_/0" -> "features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/11/add_/0__0.0._scale_param_storage" -> "features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" -> "features/12/0/conv2d/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"features.12.0.weight" -> "features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.features/12/0/conv2d/0__1.0._scale_param_storage" -> "features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"features/12/0/conv2d/0" -> "features/12/1/batch_norm/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features.12.1.weight" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; -"features.12.1.bias" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; -"features.12.1.running_mean" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; -"features.12.1.running_var" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; -"features/12/1/batch_norm/0" -> "features/12/2/hardswish/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"features/12/2/hardswish/0" -> "features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/12/2/hardswish/0__0.0._scale_param_storage" -> "features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"avgpool/adaptive_avg_pool2d/0" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/flatten/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; -"/flatten/0" -> "classifier/0/linear/0" [dtype=float, shape="(1, 576)", out_port_id=0, in_port_id=0]; -"classifier.0.weight" -> "classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 576)", out_port_id=0, in_port_id=0]; -"classifier.0.bias" -> "classifier/0/linear/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.classifier/0/linear/0__1.0._scale_param_storage" -> "classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 1)", out_port_id=0, in_port_id=4]; -"classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" -> "classifier/0/linear/0" [dtype=float, shape="(1024, 576)", out_port_id=0, in_port_id=1]; -"classifier/0/linear/0" -> "classifier/1/hardswish/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"classifier/1/hardswish/0" -> "classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.classifier/1/hardswish/0__0.0._scale_param_storage" -> "classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" -> "classifier/2/dropout/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"classifier/2/dropout/0" -> "classifier/3/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"classifier.3.weight" -> "classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 1024)", out_port_id=0, in_port_id=0]; -"classifier.3.bias" -> "classifier/3/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.classifier/3/linear/0__1.0._scale_param_storage" -> "classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 1)", out_port_id=0, in_port_id=4]; -"classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" -> "classifier/3/linear/0" [dtype=float, shape="(1000, 1024)", out_port_id=0, in_port_id=1]; -"classifier/3/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.0.0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=5, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/0/0/conv2d/0" [id=6, metatype=PTConv2dMetatype, type=conv2d]; +"features.0.1.weight" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.bias" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.running_mean" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.1.running_var" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/1/batch_norm/0" [id=11, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/0/2/hardswish/0" [id=12, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/0/2/hardswish/0__0.0._scale_param_storage" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=14, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.1.block.0.0.weight" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/1/block/0/0/conv2d/0__1.0._scale_param_storage" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=17, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/1/block/0/0/conv2d/0" [id=18, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.1.block.0.1.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.0.1.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.0.1.running_mean" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.0.1.running_var" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/0/1/batch_norm/0" [id=23, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/1/block/0/2/relu_/0" [id=24, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/1/block/0/2/relu_/0__0.0._scale_param_storage" [id=25, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [id=26, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/1/block/1/adaptive_avg_pool2d/0" [id=27, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.1.block.1.fc1.weight" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.1.fc1.bias" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/1/fc1/conv2d/0" [id=30, metatype=PTConv2dMetatype, type=conv2d]; +"features/1/block/1/relu/relu_/0" [id=31, metatype=PTRELUMetatype, type=relu_]; +"features.1.block.1.fc2.weight" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.1.fc2.bias" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/1/fc2/conv2d/0" [id=34, metatype=PTConv2dMetatype, type=conv2d]; +"features/1/block/1/hardsigmoid/0" [id=35, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"__nncf_hooks.post_hooks.features/1/block/1/hardsigmoid/0__0.0._scale_param_storage" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=37, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/1/block/1/mul/0" [id=38, metatype=PTMulMetatype, type=mul]; +"__nncf_hooks.post_hooks.features/1/block/1/mul/0__0.0._scale_param_storage" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" [id=40, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.1.block.2.0.weight" [id=41, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/1/block/2/0/conv2d/0__1.0._scale_param_storage" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=43, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/1/block/2/0/conv2d/0" [id=44, metatype=PTConv2dMetatype, type=conv2d]; +"features.1.block.2.1.weight" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.2.1.bias" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.2.1.running_mean" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.block.2.1.running_var" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/2/1/batch_norm/0" [id=49, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/1/block/2/1/batch_norm/0__0.0._scale_param_storage" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=51, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.2.block.0.0.weight" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/2/block/0/0/conv2d/0__1.0._scale_param_storage" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=54, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/2/block/0/0/conv2d/0" [id=55, metatype=PTConv2dMetatype, type=conv2d]; +"features.2.block.0.1.weight" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.0.1.bias" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.0.1.running_mean" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.0.1.running_var" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/0/1/batch_norm/0" [id=60, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/2/block/0/2/relu_/0" [id=61, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/2/block/0/2/relu_/0__0.0._scale_param_storage" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [id=63, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.2.block.1.0.weight" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/2/block/1/0/conv2d/0__1.0._scale_param_storage" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=66, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/2/block/1/0/conv2d/0" [id=67, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.2.block.1.1.weight" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.1.1.bias" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.1.1.running_mean" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.1.1.running_var" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/1/1/batch_norm/0" [id=72, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/2/block/1/2/relu_/0" [id=73, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/2/block/1/2/relu_/0__0.0._scale_param_storage" [id=74, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [id=75, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.2.block.2.0.weight" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/2/block/2/0/conv2d/0__1.0._scale_param_storage" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=78, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/2/block/2/0/conv2d/0" [id=79, metatype=PTConv2dMetatype, type=conv2d]; +"features.2.block.2.1.weight" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.2.1.bias" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.2.1.running_mean" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.2.block.2.1.running_var" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/2/1/batch_norm/0" [id=84, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/2/block/2/1/batch_norm/0__0.0._scale_param_storage" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=86, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.3.block.0.0.weight" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/3/block/0/0/conv2d/0__1.0._scale_param_storage" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=89, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/3/block/0/0/conv2d/0" [id=90, metatype=PTConv2dMetatype, type=conv2d]; +"features.3.block.0.1.weight" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.0.1.bias" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.0.1.running_mean" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.0.1.running_var" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/0/1/batch_norm/0" [id=95, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/block/0/2/relu_/0" [id=96, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/3/block/0/2/relu_/0__0.0._scale_param_storage" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [id=98, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.3.block.1.0.weight" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/3/block/1/0/conv2d/0__1.0._scale_param_storage" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=101, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/3/block/1/0/conv2d/0" [id=102, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.3.block.1.1.weight" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.1.1.bias" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.1.1.running_mean" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.1.1.running_var" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/1/1/batch_norm/0" [id=107, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/3/block/1/2/relu_/0" [id=108, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/3/block/1/2/relu_/0__0.0._scale_param_storage" [id=109, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [id=110, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.3.block.2.0.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/3/block/2/0/conv2d/0__1.0._scale_param_storage" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=113, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/3/block/2/0/conv2d/0" [id=114, metatype=PTConv2dMetatype, type=conv2d]; +"features.3.block.2.1.weight" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.2.1.bias" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.2.1.running_mean" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.block.2.1.running_var" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/2/1/batch_norm/0" [id=119, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/3/block/2/1/batch_norm/0__0.0._scale_param_storage" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=121, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/3/add_/0" [id=122, metatype=PTAddMetatype, type=add_]; +"__nncf_hooks.post_hooks.features/3/add_/0__0.0._scale_param_storage" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" [id=124, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.4.block.0.0.weight" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/4/block/0/0/conv2d/0__1.0._scale_param_storage" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=127, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/4/block/0/0/conv2d/0" [id=128, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.block.0.1.weight" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.0.1.bias" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.0.1.running_mean" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.0.1.running_var" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/0/1/batch_norm/0" [id=133, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/block/0/2/hardswish/0" [id=134, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/4/block/0/2/hardswish/0__0.0._scale_param_storage" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=136, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.4.block.1.0.weight" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/4/block/1/0/conv2d/0__1.0._scale_param_storage" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=139, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/4/block/1/0/conv2d/0" [id=140, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.4.block.1.1.weight" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.1.1.bias" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.1.1.running_mean" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.1.1.running_var" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/1/1/batch_norm/0" [id=145, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/4/block/1/2/hardswish/0" [id=146, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/4/block/1/2/hardswish/0__0.0._scale_param_storage" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=148, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/4/block/2/adaptive_avg_pool2d/0" [id=149, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.4.block.2.fc1.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.2.fc1.bias" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/2/fc1/conv2d/0" [id=152, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/block/2/relu/relu_/0" [id=153, metatype=PTRELUMetatype, type=relu_]; +"features.4.block.2.fc2.weight" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.2.fc2.bias" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/2/fc2/conv2d/0" [id=156, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/block/2/hardsigmoid/0" [id=157, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"__nncf_hooks.post_hooks.features/4/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=159, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/4/block/2/mul/0" [id=160, metatype=PTMulMetatype, type=mul]; +"__nncf_hooks.post_hooks.features/4/block/2/mul/0__0.0._scale_param_storage" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" [id=162, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.4.block.3.0.weight" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/4/block/3/0/conv2d/0__1.0._scale_param_storage" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=165, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/4/block/3/0/conv2d/0" [id=166, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.block.3.1.weight" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.3.1.bias" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.3.1.running_mean" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.block.3.1.running_var" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/3/1/batch_norm/0" [id=171, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/4/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=173, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.5.block.0.0.weight" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/5/block/0/0/conv2d/0__1.0._scale_param_storage" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=176, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/5/block/0/0/conv2d/0" [id=177, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.block.0.1.weight" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.0.1.bias" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.0.1.running_mean" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.0.1.running_var" [id=181, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/0/1/batch_norm/0" [id=182, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/block/0/2/hardswish/0" [id=183, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/5/block/0/2/hardswish/0__0.0._scale_param_storage" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=185, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.5.block.1.0.weight" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/5/block/1/0/conv2d/0__1.0._scale_param_storage" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=188, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/5/block/1/0/conv2d/0" [id=189, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.5.block.1.1.weight" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.1.1.bias" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.1.1.running_mean" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.1.1.running_var" [id=193, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/1/1/batch_norm/0" [id=194, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/block/1/2/hardswish/0" [id=195, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/5/block/1/2/hardswish/0__0.0._scale_param_storage" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=197, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/5/block/2/adaptive_avg_pool2d/0" [id=198, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.5.block.2.fc1.weight" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.2.fc1.bias" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/2/fc1/conv2d/0" [id=201, metatype=PTConv2dMetatype, type=conv2d]; +"features/5/block/2/relu/relu_/0" [id=202, metatype=PTRELUMetatype, type=relu_]; +"features.5.block.2.fc2.weight" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.2.fc2.bias" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/2/fc2/conv2d/0" [id=205, metatype=PTConv2dMetatype, type=conv2d]; +"features/5/block/2/hardsigmoid/0" [id=206, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"__nncf_hooks.post_hooks.features/5/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=208, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/5/block/2/mul/0" [id=209, metatype=PTMulMetatype, type=mul]; +"__nncf_hooks.post_hooks.features/5/block/2/mul/0__0.0._scale_param_storage" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" [id=211, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.5.block.3.0.weight" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/5/block/3/0/conv2d/0__1.0._scale_param_storage" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=214, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/5/block/3/0/conv2d/0" [id=215, metatype=PTConv2dMetatype, type=conv2d]; +"features.5.block.3.1.weight" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.3.1.bias" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.3.1.running_mean" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.5.block.3.1.running_var" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/3/1/batch_norm/0" [id=220, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/5/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=222, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/5/add_/0" [id=223, metatype=PTAddMetatype, type=add_]; +"__nncf_hooks.post_hooks.features/5/add_/0__0.0._scale_param_storage" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" [id=225, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.6.block.0.0.weight" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/6/block/0/0/conv2d/0__1.0._scale_param_storage" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=228, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/block/0/0/conv2d/0" [id=229, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.block.0.1.weight" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.0.1.bias" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.0.1.running_mean" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.0.1.running_var" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/0/1/batch_norm/0" [id=234, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/block/0/2/hardswish/0" [id=235, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/6/block/0/2/hardswish/0__0.0._scale_param_storage" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=237, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.6.block.1.0.weight" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/6/block/1/0/conv2d/0__1.0._scale_param_storage" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=240, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/block/1/0/conv2d/0" [id=241, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.6.block.1.1.weight" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.1.1.bias" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.1.1.running_mean" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.1.1.running_var" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/1/1/batch_norm/0" [id=246, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/6/block/1/2/hardswish/0" [id=247, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/6/block/1/2/hardswish/0__0.0._scale_param_storage" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=249, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/block/2/adaptive_avg_pool2d/0" [id=250, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.6.block.2.fc1.weight" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.2.fc1.bias" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/2/fc1/conv2d/0" [id=253, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/block/2/relu/relu_/0" [id=254, metatype=PTRELUMetatype, type=relu_]; +"features.6.block.2.fc2.weight" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.2.fc2.bias" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/2/fc2/conv2d/0" [id=257, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/block/2/hardsigmoid/0" [id=258, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"__nncf_hooks.post_hooks.features/6/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=260, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/block/2/mul/0" [id=261, metatype=PTMulMetatype, type=mul]; +"__nncf_hooks.post_hooks.features/6/block/2/mul/0__0.0._scale_param_storage" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" [id=263, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.6.block.3.0.weight" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/6/block/3/0/conv2d/0__1.0._scale_param_storage" [id=265, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=266, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/block/3/0/conv2d/0" [id=267, metatype=PTConv2dMetatype, type=conv2d]; +"features.6.block.3.1.weight" [id=268, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.3.1.bias" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.3.1.running_mean" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.block.3.1.running_var" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/3/1/batch_norm/0" [id=272, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/6/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=273, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=274, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/add_/0" [id=275, metatype=PTAddMetatype, type=add_]; +"__nncf_hooks.post_hooks.features/6/add_/0__0.0._scale_param_storage" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" [id=277, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.7.block.0.0.weight" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/7/block/0/0/conv2d/0__1.0._scale_param_storage" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=280, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/7/block/0/0/conv2d/0" [id=281, metatype=PTConv2dMetatype, type=conv2d]; +"features.7.block.0.1.weight" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.0.1.bias" [id=283, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.0.1.running_mean" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.0.1.running_var" [id=285, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/0/1/batch_norm/0" [id=286, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/7/block/0/2/hardswish/0" [id=287, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/7/block/0/2/hardswish/0__0.0._scale_param_storage" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=289, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.7.block.1.0.weight" [id=290, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/7/block/1/0/conv2d/0__1.0._scale_param_storage" [id=291, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=292, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/7/block/1/0/conv2d/0" [id=293, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.7.block.1.1.weight" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.1.1.bias" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.1.1.running_mean" [id=296, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.1.1.running_var" [id=297, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/1/1/batch_norm/0" [id=298, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/7/block/1/2/hardswish/0" [id=299, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/7/block/1/2/hardswish/0__0.0._scale_param_storage" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=301, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/7/block/2/adaptive_avg_pool2d/0" [id=302, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.7.block.2.fc1.weight" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.2.fc1.bias" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/2/fc1/conv2d/0" [id=305, metatype=PTConv2dMetatype, type=conv2d]; +"features/7/block/2/relu/relu_/0" [id=306, metatype=PTRELUMetatype, type=relu_]; +"features.7.block.2.fc2.weight" [id=307, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.2.fc2.bias" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/2/fc2/conv2d/0" [id=309, metatype=PTConv2dMetatype, type=conv2d]; +"features/7/block/2/hardsigmoid/0" [id=310, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"__nncf_hooks.post_hooks.features/7/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=312, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/7/block/2/mul/0" [id=313, metatype=PTMulMetatype, type=mul]; +"__nncf_hooks.post_hooks.features/7/block/2/mul/0__0.0._scale_param_storage" [id=314, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" [id=315, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.7.block.3.0.weight" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/7/block/3/0/conv2d/0__1.0._scale_param_storage" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=318, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/7/block/3/0/conv2d/0" [id=319, metatype=PTConv2dMetatype, type=conv2d]; +"features.7.block.3.1.weight" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.3.1.bias" [id=321, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.3.1.running_mean" [id=322, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.block.3.1.running_var" [id=323, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/3/1/batch_norm/0" [id=324, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/7/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=325, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=326, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.8.block.0.0.weight" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/8/block/0/0/conv2d/0__1.0._scale_param_storage" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=329, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/8/block/0/0/conv2d/0" [id=330, metatype=PTConv2dMetatype, type=conv2d]; +"features.8.block.0.1.weight" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.0.1.bias" [id=332, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.0.1.running_mean" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.0.1.running_var" [id=334, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/0/1/batch_norm/0" [id=335, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/8/block/0/2/hardswish/0" [id=336, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/8/block/0/2/hardswish/0__0.0._scale_param_storage" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=338, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.8.block.1.0.weight" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/8/block/1/0/conv2d/0__1.0._scale_param_storage" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=341, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/8/block/1/0/conv2d/0" [id=342, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.8.block.1.1.weight" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.1.1.bias" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.1.1.running_mean" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.1.1.running_var" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/1/1/batch_norm/0" [id=347, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/8/block/1/2/hardswish/0" [id=348, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/8/block/1/2/hardswish/0__0.0._scale_param_storage" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=350, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/8/block/2/adaptive_avg_pool2d/0" [id=351, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.8.block.2.fc1.weight" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.2.fc1.bias" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/2/fc1/conv2d/0" [id=354, metatype=PTConv2dMetatype, type=conv2d]; +"features/8/block/2/relu/relu_/0" [id=355, metatype=PTRELUMetatype, type=relu_]; +"features.8.block.2.fc2.weight" [id=356, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.2.fc2.bias" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/2/fc2/conv2d/0" [id=358, metatype=PTConv2dMetatype, type=conv2d]; +"features/8/block/2/hardsigmoid/0" [id=359, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"__nncf_hooks.post_hooks.features/8/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=361, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/8/block/2/mul/0" [id=362, metatype=PTMulMetatype, type=mul]; +"__nncf_hooks.post_hooks.features/8/block/2/mul/0__0.0._scale_param_storage" [id=363, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" [id=364, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.8.block.3.0.weight" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/8/block/3/0/conv2d/0__1.0._scale_param_storage" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=367, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/8/block/3/0/conv2d/0" [id=368, metatype=PTConv2dMetatype, type=conv2d]; +"features.8.block.3.1.weight" [id=369, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.3.1.bias" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.3.1.running_mean" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.block.3.1.running_var" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/3/1/batch_norm/0" [id=373, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/8/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=374, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=375, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/8/add_/0" [id=376, metatype=PTAddMetatype, type=add_]; +"__nncf_hooks.post_hooks.features/8/add_/0__0.0._scale_param_storage" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" [id=378, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.9.block.0.0.weight" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/9/block/0/0/conv2d/0__1.0._scale_param_storage" [id=380, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=381, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/9/block/0/0/conv2d/0" [id=382, metatype=PTConv2dMetatype, type=conv2d]; +"features.9.block.0.1.weight" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.0.1.bias" [id=384, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.0.1.running_mean" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.0.1.running_var" [id=386, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/0/1/batch_norm/0" [id=387, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/9/block/0/2/hardswish/0" [id=388, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/9/block/0/2/hardswish/0__0.0._scale_param_storage" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=390, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.9.block.1.0.weight" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/9/block/1/0/conv2d/0__1.0._scale_param_storage" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=393, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/9/block/1/0/conv2d/0" [id=394, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.9.block.1.1.weight" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.1.1.bias" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.1.1.running_mean" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.1.1.running_var" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/1/1/batch_norm/0" [id=399, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/9/block/1/2/hardswish/0" [id=400, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/9/block/1/2/hardswish/0__0.0._scale_param_storage" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=402, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/9/block/2/adaptive_avg_pool2d/0" [id=403, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.9.block.2.fc1.weight" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.2.fc1.bias" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/2/fc1/conv2d/0" [id=406, metatype=PTConv2dMetatype, type=conv2d]; +"features/9/block/2/relu/relu_/0" [id=407, metatype=PTRELUMetatype, type=relu_]; +"features.9.block.2.fc2.weight" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.2.fc2.bias" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/2/fc2/conv2d/0" [id=410, metatype=PTConv2dMetatype, type=conv2d]; +"features/9/block/2/hardsigmoid/0" [id=411, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"__nncf_hooks.post_hooks.features/9/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=412, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=413, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/9/block/2/mul/0" [id=414, metatype=PTMulMetatype, type=mul]; +"__nncf_hooks.post_hooks.features/9/block/2/mul/0__0.0._scale_param_storage" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" [id=416, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.9.block.3.0.weight" [id=417, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/9/block/3/0/conv2d/0__1.0._scale_param_storage" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=419, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/9/block/3/0/conv2d/0" [id=420, metatype=PTConv2dMetatype, type=conv2d]; +"features.9.block.3.1.weight" [id=421, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.3.1.bias" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.3.1.running_mean" [id=423, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.block.3.1.running_var" [id=424, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/3/1/batch_norm/0" [id=425, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/9/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=426, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=427, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.10.block.0.0.weight" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/10/block/0/0/conv2d/0__1.0._scale_param_storage" [id=429, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=430, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/block/0/0/conv2d/0" [id=431, metatype=PTConv2dMetatype, type=conv2d]; +"features.10.block.0.1.weight" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.0.1.bias" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.0.1.running_mean" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.0.1.running_var" [id=435, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/0/1/batch_norm/0" [id=436, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/10/block/0/2/hardswish/0" [id=437, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/10/block/0/2/hardswish/0__0.0._scale_param_storage" [id=438, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=439, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.10.block.1.0.weight" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/10/block/1/0/conv2d/0__1.0._scale_param_storage" [id=441, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=442, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/block/1/0/conv2d/0" [id=443, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.10.block.1.1.weight" [id=444, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.1.1.bias" [id=445, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.1.1.running_mean" [id=446, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.1.1.running_var" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/1/1/batch_norm/0" [id=448, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/10/block/1/2/hardswish/0" [id=449, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/10/block/1/2/hardswish/0__0.0._scale_param_storage" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=451, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/block/2/adaptive_avg_pool2d/0" [id=452, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.10.block.2.fc1.weight" [id=453, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.2.fc1.bias" [id=454, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/2/fc1/conv2d/0" [id=455, metatype=PTConv2dMetatype, type=conv2d]; +"features/10/block/2/relu/relu_/0" [id=456, metatype=PTRELUMetatype, type=relu_]; +"features.10.block.2.fc2.weight" [id=457, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.2.fc2.bias" [id=458, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/2/fc2/conv2d/0" [id=459, metatype=PTConv2dMetatype, type=conv2d]; +"features/10/block/2/hardsigmoid/0" [id=460, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"__nncf_hooks.post_hooks.features/10/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=461, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=462, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/block/2/mul/0" [id=463, metatype=PTMulMetatype, type=mul]; +"__nncf_hooks.post_hooks.features/10/block/2/mul/0__0.0._scale_param_storage" [id=464, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" [id=465, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.10.block.3.0.weight" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/10/block/3/0/conv2d/0__1.0._scale_param_storage" [id=467, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=468, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/block/3/0/conv2d/0" [id=469, metatype=PTConv2dMetatype, type=conv2d]; +"features.10.block.3.1.weight" [id=470, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.3.1.bias" [id=471, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.3.1.running_mean" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.block.3.1.running_var" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/3/1/batch_norm/0" [id=474, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/10/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=476, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/add_/0" [id=477, metatype=PTAddMetatype, type=add_]; +"__nncf_hooks.post_hooks.features/10/add_/0__0.0._scale_param_storage" [id=478, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" [id=479, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.11.block.0.0.weight" [id=480, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/11/block/0/0/conv2d/0__1.0._scale_param_storage" [id=481, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=482, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/11/block/0/0/conv2d/0" [id=483, metatype=PTConv2dMetatype, type=conv2d]; +"features.11.block.0.1.weight" [id=484, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.0.1.bias" [id=485, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.0.1.running_mean" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.0.1.running_var" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/0/1/batch_norm/0" [id=488, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/11/block/0/2/hardswish/0" [id=489, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/11/block/0/2/hardswish/0__0.0._scale_param_storage" [id=490, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=491, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.11.block.1.0.weight" [id=492, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/11/block/1/0/conv2d/0__1.0._scale_param_storage" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=494, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/11/block/1/0/conv2d/0" [id=495, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"features.11.block.1.1.weight" [id=496, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.1.1.bias" [id=497, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.1.1.running_mean" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.1.1.running_var" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/1/1/batch_norm/0" [id=500, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/11/block/1/2/hardswish/0" [id=501, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/11/block/1/2/hardswish/0__0.0._scale_param_storage" [id=502, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=503, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/11/block/2/adaptive_avg_pool2d/0" [id=504, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"features.11.block.2.fc1.weight" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.2.fc1.bias" [id=506, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/2/fc1/conv2d/0" [id=507, metatype=PTConv2dMetatype, type=conv2d]; +"features/11/block/2/relu/relu_/0" [id=508, metatype=PTRELUMetatype, type=relu_]; +"features.11.block.2.fc2.weight" [id=509, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.2.fc2.bias" [id=510, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/2/fc2/conv2d/0" [id=511, metatype=PTConv2dMetatype, type=conv2d]; +"features/11/block/2/hardsigmoid/0" [id=512, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; +"__nncf_hooks.post_hooks.features/11/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=514, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/11/block/2/mul/0" [id=515, metatype=PTMulMetatype, type=mul]; +"__nncf_hooks.post_hooks.features/11/block/2/mul/0__0.0._scale_param_storage" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" [id=517, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.11.block.3.0.weight" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/11/block/3/0/conv2d/0__1.0._scale_param_storage" [id=519, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=520, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/11/block/3/0/conv2d/0" [id=521, metatype=PTConv2dMetatype, type=conv2d]; +"features.11.block.3.1.weight" [id=522, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.3.1.bias" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.3.1.running_mean" [id=524, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.block.3.1.running_var" [id=525, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/3/1/batch_norm/0" [id=526, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.features/11/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=527, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=528, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/11/add_/0" [id=529, metatype=PTAddMetatype, type=add_]; +"__nncf_hooks.post_hooks.features/11/add_/0__0.0._scale_param_storage" [id=530, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" [id=531, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.12.0.weight" [id=532, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/12/0/conv2d/0__1.0._scale_param_storage" [id=533, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" [id=534, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/12/0/conv2d/0" [id=535, metatype=PTConv2dMetatype, type=conv2d]; +"features.12.1.weight" [id=536, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.1.bias" [id=537, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.1.running_mean" [id=538, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.1.running_var" [id=539, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/1/batch_norm/0" [id=540, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/12/2/hardswish/0" [id=541, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.features/12/2/hardswish/0__0.0._scale_param_storage" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" [id=543, metatype=UnknownMetatype, type=symmetric_quantize]; +"avgpool/adaptive_avg_pool2d/0" [id=544, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=545, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=546, metatype=UnknownMetatype, type=symmetric_quantize]; +"/flatten/0" [id=547, metatype=PTReshapeMetatype, type=flatten]; +"classifier.0.weight" [id=548, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.0.bias" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.classifier/0/linear/0__1.0._scale_param_storage" [id=550, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" [id=551, metatype=UnknownMetatype, type=symmetric_quantize]; +"classifier/0/linear/0" [id=552, metatype=PTLinearMetatype, type=linear]; +"classifier/1/hardswish/0" [id=553, metatype=PTHardSwishMetatype, type=hardswish]; +"__nncf_hooks.post_hooks.classifier/1/hardswish/0__0.0._scale_param_storage" [id=554, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" [id=555, metatype=UnknownMetatype, type=symmetric_quantize]; +"classifier/2/dropout/0" [id=556, metatype=PTDropoutMetatype, type=dropout]; +"classifier.3.weight" [id=557, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.3.bias" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.classifier/3/linear/0__1.0._scale_param_storage" [id=559, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" [id=560, metatype=UnknownMetatype, type=symmetric_quantize]; +"classifier/3/linear/0" [id=561, metatype=PTLinearMetatype, type=linear]; +output [id=562, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"features.0.0.weight" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 3, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; +"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 3, 3, 3)"]; +"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; +"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; +"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; +"features/0/1/batch_norm/0" -> "features/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"features/0/2/hardswish/0" -> "features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"__nncf_hooks.post_hooks.features/0/2/hardswish/0__0.0._scale_param_storage" -> "features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 16, 1, 1)"]; +"features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/1/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; +"features.1.block.0.0.weight" -> "features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/1/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; +"features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 3, 3)"]; +"features/1/block/0/0/conv2d/0" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; +"features.1.block.0.1.weight" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; +"features.1.block.0.1.bias" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"features.1.block.0.1.running_mean" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; +"features.1.block.0.1.running_var" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; +"features/1/block/0/1/batch_norm/0" -> "features/1/block/0/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; +"features/1/block/0/2/relu_/0" -> "features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; +"__nncf_hooks.post_hooks.features/1/block/0/2/relu_/0__0.0._scale_param_storage" -> "features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/1/block/1/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; +"features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/1/block/1/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 8, 8)"]; +"features/1/block/1/adaptive_avg_pool2d/0" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 1, 1)"]; +"features.1.block.1.fc1.weight" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(8, 16, 1, 1)"]; +"features.1.block.1.fc1.bias" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(8,)"]; +"features/1/block/1/fc1/conv2d/0" -> "features/1/block/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 1, 1)"]; +"features/1/block/1/relu/relu_/0" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 1, 1)"]; +"features.1.block.1.fc2.weight" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 8, 1, 1)"]; +"features.1.block.1.fc2.bias" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"features/1/block/1/fc2/conv2d/0" -> "features/1/block/1/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 1, 1)"]; +"features/1/block/1/hardsigmoid/0" -> "features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 1, 1)"]; +"__nncf_hooks.post_hooks.features/1/block/1/hardsigmoid/0__0.0._scale_param_storage" -> "features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/1/block/1/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 1, 1)"]; +"features/1/block/1/mul/0" -> "features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; +"__nncf_hooks.post_hooks.features/1/block/1/mul/0__0.0._scale_param_storage" -> "features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" -> "features/1/block/2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; +"features.1.block.2.0.weight" -> "features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/1/block/2/0/conv2d/0__1.0._scale_param_storage" -> "features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; +"features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/block/2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 16, 1, 1)"]; +"features/1/block/2/0/conv2d/0" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; +"features.1.block.2.1.weight" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; +"features.1.block.2.1.bias" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"features.1.block.2.1.running_mean" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; +"features.1.block.2.1.running_var" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; +"features/1/block/2/1/batch_norm/0" -> "features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; +"__nncf_hooks.post_hooks.features/1/block/2/1/batch_norm/0__0.0._scale_param_storage" -> "features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/2/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; +"features.2.block.0.0.weight" -> "features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(72, 16, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/2/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(72, 1, 1, 1)"]; +"features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72, 16, 1, 1)"]; +"features/2/block/0/0/conv2d/0" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 8, 8)"]; +"features.2.block.0.1.weight" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72,)"]; +"features.2.block.0.1.bias" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(72,)"]; +"features.2.block.0.1.running_mean" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(72,)"]; +"features.2.block.0.1.running_var" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(72,)"]; +"features/2/block/0/1/batch_norm/0" -> "features/2/block/0/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 8, 8)"]; +"features/2/block/0/2/relu_/0" -> "features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 8, 8)"]; +"__nncf_hooks.post_hooks.features/2/block/0/2/relu_/0__0.0._scale_param_storage" -> "features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 72, 1, 1)"]; +"features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 8, 8)"]; +"features.2.block.1.0.weight" -> "features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(72, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/2/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(72, 1, 1, 1)"]; +"features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72, 1, 3, 3)"]; +"features/2/block/1/0/conv2d/0" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 4, 4)"]; +"features.2.block.1.1.weight" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72,)"]; +"features.2.block.1.1.bias" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(72,)"]; +"features.2.block.1.1.running_mean" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(72,)"]; +"features.2.block.1.1.running_var" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(72,)"]; +"features/2/block/1/1/batch_norm/0" -> "features/2/block/1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 4, 4)"]; +"features/2/block/1/2/relu_/0" -> "features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 4, 4)"]; +"__nncf_hooks.post_hooks.features/2/block/1/2/relu_/0__0.0._scale_param_storage" -> "features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/block/2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 4, 4)"]; +"features.2.block.2.0.weight" -> "features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 72, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/2/block/2/0/conv2d/0__1.0._scale_param_storage" -> "features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/block/2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 72, 1, 1)"]; +"features/2/block/2/0/conv2d/0" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; +"features.2.block.2.1.weight" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"features.2.block.2.1.bias" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"features.2.block.2.1.running_mean" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"features.2.block.2.1.running_var" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"features/2/block/2/1/batch_norm/0" -> "features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; +"__nncf_hooks.post_hooks.features/2/block/2/1/batch_norm/0__0.0._scale_param_storage" -> "features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; +"features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 4, 4)"]; +"features.3.block.0.0.weight" -> "features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(88, 24, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/3/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(88, 1, 1, 1)"]; +"features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88, 24, 1, 1)"]; +"features/3/block/0/0/conv2d/0" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; +"features.3.block.0.1.weight" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88,)"]; +"features.3.block.0.1.bias" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(88,)"]; +"features.3.block.0.1.running_mean" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(88,)"]; +"features.3.block.0.1.running_var" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(88,)"]; +"features/3/block/0/1/batch_norm/0" -> "features/3/block/0/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; +"features/3/block/0/2/relu_/0" -> "features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; +"__nncf_hooks.post_hooks.features/3/block/0/2/relu_/0__0.0._scale_param_storage" -> "features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 88, 1, 1)"]; +"features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; +"features.3.block.1.0.weight" -> "features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(88, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.features/3/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(88, 1, 1, 1)"]; +"features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88, 1, 3, 3)"]; +"features/3/block/1/0/conv2d/0" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; +"features.3.block.1.1.weight" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88,)"]; +"features.3.block.1.1.bias" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(88,)"]; +"features.3.block.1.1.running_mean" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(88,)"]; +"features.3.block.1.1.running_var" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(88,)"]; +"features/3/block/1/1/batch_norm/0" -> "features/3/block/1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; +"features/3/block/1/2/relu_/0" -> "features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; +"__nncf_hooks.post_hooks.features/3/block/1/2/relu_/0__0.0._scale_param_storage" -> "features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/block/2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; +"features.3.block.2.0.weight" -> "features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 88, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/3/block/2/0/conv2d/0__1.0._scale_param_storage" -> "features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/block/2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 88, 1, 1)"]; +"features/3/block/2/0/conv2d/0" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; +"features.3.block.2.1.weight" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"features.3.block.2.1.bias" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"features.3.block.2.1.running_mean" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"features.3.block.2.1.running_var" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"features/3/block/2/1/batch_norm/0" -> "features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; +"__nncf_hooks.post_hooks.features/3/block/2/1/batch_norm/0__0.0._scale_param_storage" -> "features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; +"features/3/add_/0" -> "features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; +"__nncf_hooks.post_hooks.features/3/add_/0__0.0._scale_param_storage" -> "features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" -> "features/4/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; +"features.4.block.0.0.weight" -> "features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 24, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/4/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 24, 1, 1)"]; +"features/4/block/0/0/conv2d/0" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features.4.block.0.1.weight" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.4.block.0.1.bias" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.4.block.0.1.running_mean" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.4.block.0.1.running_var" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/4/block/0/1/batch_norm/0" -> "features/4/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features/4/block/0/2/hardswish/0" -> "features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"__nncf_hooks.post_hooks.features/4/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/4/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"features.4.block.1.0.weight" -> "features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 5, 5)"]; +"__nncf_hooks.pre_hooks.features/4/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 5, 5)"]; +"features/4/block/1/0/conv2d/0" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features.4.block.1.1.weight" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.4.block.1.1.bias" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.4.block.1.1.running_mean" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.4.block.1.1.running_var" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/4/block/1/1/batch_norm/0" -> "features/4/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features/4/block/1/2/hardswish/0" -> "features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"__nncf_hooks.post_hooks.features/4/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/4/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/4/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features/4/block/2/adaptive_avg_pool2d/0" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features.4.block.2.fc1.weight" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 96, 1, 1)"]; +"features.4.block.2.fc1.bias" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"features/4/block/2/fc1/conv2d/0" -> "features/4/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 1, 1)"]; +"features/4/block/2/relu/relu_/0" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 1, 1)"]; +"features.4.block.2.fc2.weight" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 24, 1, 1)"]; +"features.4.block.2.fc2.bias" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features/4/block/2/fc2/conv2d/0" -> "features/4/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features/4/block/2/hardsigmoid/0" -> "features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"__nncf_hooks.post_hooks.features/4/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/4/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features/4/block/2/mul/0" -> "features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"__nncf_hooks.post_hooks.features/4/block/2/mul/0__0.0._scale_param_storage" -> "features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/4/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; +"features.4.block.3.0.weight" -> "features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(40, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/4/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40, 1, 1, 1)"]; +"features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 96, 1, 1)"]; +"features/4/block/3/0/conv2d/0" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; +"features.4.block.3.1.weight" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; +"features.4.block.3.1.bias" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; +"features.4.block.3.1.running_mean" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; +"features.4.block.3.1.running_var" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; +"features/4/block/3/1/batch_norm/0" -> "features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; +"__nncf_hooks.post_hooks.features/4/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; +"features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 40, 2, 2)"]; +"features.5.block.0.0.weight" -> "features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(240, 40, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/5/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240, 1, 1, 1)"]; +"features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 40, 1, 1)"]; +"features/5/block/0/0/conv2d/0" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features.5.block.0.1.weight" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; +"features.5.block.0.1.bias" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features.5.block.0.1.running_mean" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; +"features.5.block.0.1.running_var" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; +"features/5/block/0/1/batch_norm/0" -> "features/5/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features/5/block/0/2/hardswish/0" -> "features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"__nncf_hooks.post_hooks.features/5/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/5/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features.5.block.1.0.weight" -> "features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(240, 1, 5, 5)"]; +"__nncf_hooks.pre_hooks.features/5/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240, 1, 1, 1)"]; +"features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 1, 5, 5)"]; +"features/5/block/1/0/conv2d/0" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features.5.block.1.1.weight" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; +"features.5.block.1.1.bias" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features.5.block.1.1.running_mean" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; +"features.5.block.1.1.running_var" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; +"features/5/block/1/1/batch_norm/0" -> "features/5/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features/5/block/1/2/hardswish/0" -> "features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"__nncf_hooks.post_hooks.features/5/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/5/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/5/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features/5/block/2/adaptive_avg_pool2d/0" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features.5.block.2.fc1.weight" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 240, 1, 1)"]; +"features.5.block.2.fc1.bias" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features/5/block/2/fc1/conv2d/0" -> "features/5/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"features/5/block/2/relu/relu_/0" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"features.5.block.2.fc2.weight" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 64, 1, 1)"]; +"features.5.block.2.fc2.bias" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features/5/block/2/fc2/conv2d/0" -> "features/5/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features/5/block/2/hardsigmoid/0" -> "features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"__nncf_hooks.post_hooks.features/5/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/5/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features/5/block/2/mul/0" -> "features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"__nncf_hooks.post_hooks.features/5/block/2/mul/0__0.0._scale_param_storage" -> "features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/5/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features.5.block.3.0.weight" -> "features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(40, 240, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/5/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40, 1, 1, 1)"]; +"features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 240, 1, 1)"]; +"features/5/block/3/0/conv2d/0" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; +"features.5.block.3.1.weight" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; +"features.5.block.3.1.bias" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; +"features.5.block.3.1.running_mean" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; +"features.5.block.3.1.running_var" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; +"features/5/block/3/1/batch_norm/0" -> "features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; +"__nncf_hooks.post_hooks.features/5/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; +"features/5/add_/0" -> "features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; +"__nncf_hooks.post_hooks.features/5/add_/0__0.0._scale_param_storage" -> "features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" -> "features/6/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; +"features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" -> "features/6/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 40, 2, 2)"]; +"features.6.block.0.0.weight" -> "features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(240, 40, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/6/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240, 1, 1, 1)"]; +"features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 40, 1, 1)"]; +"features/6/block/0/0/conv2d/0" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features.6.block.0.1.weight" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; +"features.6.block.0.1.bias" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features.6.block.0.1.running_mean" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; +"features.6.block.0.1.running_var" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; +"features/6/block/0/1/batch_norm/0" -> "features/6/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features/6/block/0/2/hardswish/0" -> "features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"__nncf_hooks.post_hooks.features/6/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/6/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features.6.block.1.0.weight" -> "features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(240, 1, 5, 5)"]; +"__nncf_hooks.pre_hooks.features/6/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240, 1, 1, 1)"]; +"features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 1, 5, 5)"]; +"features/6/block/1/0/conv2d/0" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features.6.block.1.1.weight" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; +"features.6.block.1.1.bias" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features.6.block.1.1.running_mean" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; +"features.6.block.1.1.running_var" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; +"features/6/block/1/1/batch_norm/0" -> "features/6/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features/6/block/1/2/hardswish/0" -> "features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"__nncf_hooks.post_hooks.features/6/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/6/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/6/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features/6/block/2/adaptive_avg_pool2d/0" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features.6.block.2.fc1.weight" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 240, 1, 1)"]; +"features.6.block.2.fc1.bias" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features/6/block/2/fc1/conv2d/0" -> "features/6/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"features/6/block/2/relu/relu_/0" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"features.6.block.2.fc2.weight" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 64, 1, 1)"]; +"features.6.block.2.fc2.bias" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; +"features/6/block/2/fc2/conv2d/0" -> "features/6/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features/6/block/2/hardsigmoid/0" -> "features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"__nncf_hooks.post_hooks.features/6/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/6/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; +"features/6/block/2/mul/0" -> "features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"__nncf_hooks.post_hooks.features/6/block/2/mul/0__0.0._scale_param_storage" -> "features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/6/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; +"features.6.block.3.0.weight" -> "features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(40, 240, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/6/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40, 1, 1, 1)"]; +"features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 240, 1, 1)"]; +"features/6/block/3/0/conv2d/0" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; +"features.6.block.3.1.weight" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; +"features.6.block.3.1.bias" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; +"features.6.block.3.1.running_mean" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; +"features.6.block.3.1.running_var" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; +"features/6/block/3/1/batch_norm/0" -> "features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; +"__nncf_hooks.post_hooks.features/6/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/6/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; +"features/6/add_/0" -> "features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; +"__nncf_hooks.post_hooks.features/6/add_/0__0.0._scale_param_storage" -> "features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" -> "features/7/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; +"features.7.block.0.0.weight" -> "features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(120, 40, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/7/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(120, 1, 1, 1)"]; +"features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120, 40, 1, 1)"]; +"features/7/block/0/0/conv2d/0" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; +"features.7.block.0.1.weight" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120,)"]; +"features.7.block.0.1.bias" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(120,)"]; +"features.7.block.0.1.running_mean" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(120,)"]; +"features.7.block.0.1.running_var" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(120,)"]; +"features/7/block/0/1/batch_norm/0" -> "features/7/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; +"features/7/block/0/2/hardswish/0" -> "features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; +"__nncf_hooks.post_hooks.features/7/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 120, 1, 1)"]; +"features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/7/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; +"features.7.block.1.0.weight" -> "features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(120, 1, 5, 5)"]; +"__nncf_hooks.pre_hooks.features/7/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(120, 1, 1, 1)"]; +"features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120, 1, 5, 5)"]; +"features/7/block/1/0/conv2d/0" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; +"features.7.block.1.1.weight" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120,)"]; +"features.7.block.1.1.bias" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(120,)"]; +"features.7.block.1.1.running_mean" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(120,)"]; +"features.7.block.1.1.running_var" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(120,)"]; +"features/7/block/1/1/batch_norm/0" -> "features/7/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; +"features/7/block/1/2/hardswish/0" -> "features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; +"__nncf_hooks.post_hooks.features/7/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/7/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; +"features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/7/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 120, 2, 2)"]; +"features/7/block/2/adaptive_avg_pool2d/0" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 1, 1)"]; +"features.7.block.2.fc1.weight" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 120, 1, 1)"]; +"features.7.block.2.fc1.bias" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"features/7/block/2/fc1/conv2d/0" -> "features/7/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 1, 1)"]; +"features/7/block/2/relu/relu_/0" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 1, 1)"]; +"features.7.block.2.fc2.weight" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120, 32, 1, 1)"]; +"features.7.block.2.fc2.bias" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(120,)"]; +"features/7/block/2/fc2/conv2d/0" -> "features/7/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 1, 1)"]; +"features/7/block/2/hardsigmoid/0" -> "features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 1, 1)"]; +"__nncf_hooks.post_hooks.features/7/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/7/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 1, 1)"]; +"features/7/block/2/mul/0" -> "features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; +"__nncf_hooks.post_hooks.features/7/block/2/mul/0__0.0._scale_param_storage" -> "features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/7/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; +"features.7.block.3.0.weight" -> "features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 120, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/7/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 120, 1, 1)"]; +"features/7/block/3/0/conv2d/0" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; +"features.7.block.3.1.weight" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"features.7.block.3.1.bias" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"features.7.block.3.1.running_mean" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"features.7.block.3.1.running_var" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"features/7/block/3/1/batch_norm/0" -> "features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; +"__nncf_hooks.post_hooks.features/7/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; +"features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 2, 2)"]; +"features.8.block.0.0.weight" -> "features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(144, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/8/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144, 1, 1, 1)"]; +"features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 48, 1, 1)"]; +"features/8/block/0/0/conv2d/0" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; +"features.8.block.0.1.weight" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.8.block.0.1.bias" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.8.block.0.1.running_mean" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.8.block.0.1.running_var" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/8/block/0/1/batch_norm/0" -> "features/8/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; +"features/8/block/0/2/hardswish/0" -> "features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; +"__nncf_hooks.post_hooks.features/8/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/8/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; +"features.8.block.1.0.weight" -> "features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(144, 1, 5, 5)"]; +"__nncf_hooks.pre_hooks.features/8/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144, 1, 1, 1)"]; +"features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 5, 5)"]; +"features/8/block/1/0/conv2d/0" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; +"features.8.block.1.1.weight" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; +"features.8.block.1.1.bias" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features.8.block.1.1.running_mean" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; +"features.8.block.1.1.running_var" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; +"features/8/block/1/1/batch_norm/0" -> "features/8/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; +"features/8/block/1/2/hardswish/0" -> "features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; +"__nncf_hooks.post_hooks.features/8/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/8/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; +"features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/8/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 144, 2, 2)"]; +"features/8/block/2/adaptive_avg_pool2d/0" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features.8.block.2.fc1.weight" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 144, 1, 1)"]; +"features.8.block.2.fc1.bias" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; +"features/8/block/2/fc1/conv2d/0" -> "features/8/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 1, 1)"]; +"features/8/block/2/relu/relu_/0" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 1, 1)"]; +"features.8.block.2.fc2.weight" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 40, 1, 1)"]; +"features.8.block.2.fc2.bias" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features/8/block/2/fc2/conv2d/0" -> "features/8/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/8/block/2/hardsigmoid/0" -> "features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"__nncf_hooks.post_hooks.features/8/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/8/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/8/block/2/mul/0" -> "features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; +"__nncf_hooks.post_hooks.features/8/block/2/mul/0__0.0._scale_param_storage" -> "features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/8/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; +"features.8.block.3.0.weight" -> "features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 144, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/8/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 144, 1, 1)"]; +"features/8/block/3/0/conv2d/0" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; +"features.8.block.3.1.weight" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"features.8.block.3.1.bias" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"features.8.block.3.1.running_mean" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"features.8.block.3.1.running_var" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"features/8/block/3/1/batch_norm/0" -> "features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; +"__nncf_hooks.post_hooks.features/8/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; +"features/8/add_/0" -> "features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; +"__nncf_hooks.post_hooks.features/8/add_/0__0.0._scale_param_storage" -> "features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" -> "features/9/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; +"features.9.block.0.0.weight" -> "features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(288, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/9/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288, 1, 1, 1)"]; +"features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288, 48, 1, 1)"]; +"features/9/block/0/0/conv2d/0" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; +"features.9.block.0.1.weight" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; +"features.9.block.0.1.bias" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; +"features.9.block.0.1.running_mean" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; +"features.9.block.0.1.running_var" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; +"features/9/block/0/1/batch_norm/0" -> "features/9/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; +"features/9/block/0/2/hardswish/0" -> "features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; +"__nncf_hooks.post_hooks.features/9/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 288, 1, 1)"]; +"features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/9/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; +"features.9.block.1.0.weight" -> "features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(288, 1, 5, 5)"]; +"__nncf_hooks.pre_hooks.features/9/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288, 1, 1, 1)"]; +"features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288, 1, 5, 5)"]; +"features/9/block/1/0/conv2d/0" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; +"features.9.block.1.1.weight" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; +"features.9.block.1.1.bias" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; +"features.9.block.1.1.running_mean" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; +"features.9.block.1.1.running_var" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; +"features/9/block/1/1/batch_norm/0" -> "features/9/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; +"features/9/block/1/2/hardswish/0" -> "features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; +"__nncf_hooks.post_hooks.features/9/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/9/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; +"features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/9/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 288, 1, 1)"]; +"features/9/block/2/adaptive_avg_pool2d/0" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; +"features.9.block.2.fc1.weight" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72, 288, 1, 1)"]; +"features.9.block.2.fc1.bias" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(72,)"]; +"features/9/block/2/fc1/conv2d/0" -> "features/9/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 1, 1)"]; +"features/9/block/2/relu/relu_/0" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 1, 1)"]; +"features.9.block.2.fc2.weight" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288, 72, 1, 1)"]; +"features.9.block.2.fc2.bias" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; +"features/9/block/2/fc2/conv2d/0" -> "features/9/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; +"features/9/block/2/hardsigmoid/0" -> "features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; +"__nncf_hooks.post_hooks.features/9/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/9/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; +"features/9/block/2/mul/0" -> "features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; +"__nncf_hooks.post_hooks.features/9/block/2/mul/0__0.0._scale_param_storage" -> "features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/9/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; +"features.9.block.3.0.weight" -> "features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 288, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/9/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 288, 1, 1)"]; +"features/9/block/3/0/conv2d/0" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features.9.block.3.1.weight" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.9.block.3.1.bias" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.9.block.3.1.running_mean" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.9.block.3.1.running_var" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/9/block/3/1/batch_norm/0" -> "features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"__nncf_hooks.post_hooks.features/9/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features.10.block.0.0.weight" -> "features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/10/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; +"features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; +"features/10/block/0/0/conv2d/0" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.10.block.0.1.weight" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.10.block.0.1.bias" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.10.block.0.1.running_mean" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.10.block.0.1.running_var" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/10/block/0/1/batch_norm/0" -> "features/10/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/10/block/0/2/hardswish/0" -> "features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"__nncf_hooks.post_hooks.features/10/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/10/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.10.block.1.0.weight" -> "features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 1, 5, 5)"]; +"__nncf_hooks.pre_hooks.features/10/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; +"features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 5, 5)"]; +"features/10/block/1/0/conv2d/0" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.10.block.1.1.weight" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.10.block.1.1.bias" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.10.block.1.1.running_mean" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.10.block.1.1.running_var" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/10/block/1/1/batch_norm/0" -> "features/10/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/10/block/1/2/hardswish/0" -> "features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"__nncf_hooks.post_hooks.features/10/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/10/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/10/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/10/block/2/adaptive_avg_pool2d/0" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.10.block.2.fc1.weight" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 576, 1, 1)"]; +"features.10.block.2.fc1.bias" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features/10/block/2/fc1/conv2d/0" -> "features/10/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/10/block/2/relu/relu_/0" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features.10.block.2.fc2.weight" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 144, 1, 1)"]; +"features.10.block.2.fc2.bias" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features/10/block/2/fc2/conv2d/0" -> "features/10/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/10/block/2/hardsigmoid/0" -> "features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"__nncf_hooks.post_hooks.features/10/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/10/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/10/block/2/mul/0" -> "features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"__nncf_hooks.post_hooks.features/10/block/2/mul/0__0.0._scale_param_storage" -> "features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/10/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.10.block.3.0.weight" -> "features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 576, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/10/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; +"features/10/block/3/0/conv2d/0" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features.10.block.3.1.weight" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.10.block.3.1.bias" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.10.block.3.1.running_mean" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.10.block.3.1.running_var" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/10/block/3/1/batch_norm/0" -> "features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"__nncf_hooks.post_hooks.features/10/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features/10/add_/0" -> "features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"__nncf_hooks.post_hooks.features/10/add_/0__0.0._scale_param_storage" -> "features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" -> "features/11/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" -> "features/11/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features.11.block.0.0.weight" -> "features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/11/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; +"features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; +"features/11/block/0/0/conv2d/0" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.11.block.0.1.weight" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.11.block.0.1.bias" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.11.block.0.1.running_mean" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.11.block.0.1.running_var" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/11/block/0/1/batch_norm/0" -> "features/11/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/11/block/0/2/hardswish/0" -> "features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"__nncf_hooks.post_hooks.features/11/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/11/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.11.block.1.0.weight" -> "features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 1, 5, 5)"]; +"__nncf_hooks.pre_hooks.features/11/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; +"features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 5, 5)"]; +"features/11/block/1/0/conv2d/0" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.11.block.1.1.weight" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.11.block.1.1.bias" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.11.block.1.1.running_mean" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.11.block.1.1.running_var" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/11/block/1/1/batch_norm/0" -> "features/11/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/11/block/1/2/hardswish/0" -> "features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"__nncf_hooks.post_hooks.features/11/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/11/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/11/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/11/block/2/adaptive_avg_pool2d/0" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.11.block.2.fc1.weight" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 576, 1, 1)"]; +"features.11.block.2.fc1.bias" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; +"features/11/block/2/fc1/conv2d/0" -> "features/11/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features/11/block/2/relu/relu_/0" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; +"features.11.block.2.fc2.weight" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 144, 1, 1)"]; +"features.11.block.2.fc2.bias" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features/11/block/2/fc2/conv2d/0" -> "features/11/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/11/block/2/hardsigmoid/0" -> "features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"__nncf_hooks.post_hooks.features/11/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/11/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/11/block/2/mul/0" -> "features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"__nncf_hooks.post_hooks.features/11/block/2/mul/0__0.0._scale_param_storage" -> "features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/11/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.11.block.3.0.weight" -> "features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 576, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/11/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; +"features/11/block/3/0/conv2d/0" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features.11.block.3.1.weight" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"features.11.block.3.1.bias" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"features.11.block.3.1.running_mean" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"features.11.block.3.1.running_var" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"features/11/block/3/1/batch_norm/0" -> "features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"__nncf_hooks.post_hooks.features/11/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/11/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features/11/add_/0" -> "features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"__nncf_hooks.post_hooks.features/11/add_/0__0.0._scale_param_storage" -> "features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" -> "features/12/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; +"features.12.0.weight" -> "features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.features/12/0/conv2d/0__1.0._scale_param_storage" -> "features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; +"features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; +"features/12/0/conv2d/0" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features.12.1.weight" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; +"features.12.1.bias" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; +"features.12.1.running_mean" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; +"features.12.1.running_var" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; +"features/12/1/batch_norm/0" -> "features/12/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"features/12/2/hardswish/0" -> "features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"__nncf_hooks.post_hooks.features/12/2/hardswish/0__0.0._scale_param_storage" -> "features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"avgpool/adaptive_avg_pool2d/0" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; +"/flatten/0" -> "classifier/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576)"]; +"classifier.0.weight" -> "classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1024, 576)"]; +"classifier.0.bias" -> "classifier/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"__nncf_hooks.pre_hooks.classifier/0/linear/0__1.0._scale_param_storage" -> "classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024, 1)"]; +"classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" -> "classifier/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 576)"]; +"classifier/0/linear/0" -> "classifier/1/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"classifier/1/hardswish/0" -> "classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"__nncf_hooks.post_hooks.classifier/1/hardswish/0__0.0._scale_param_storage" -> "classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" -> "classifier/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"classifier/2/dropout/0" -> "classifier/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"classifier.3.weight" -> "classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1000, 1024)"]; +"classifier.3.bias" -> "classifier/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"__nncf_hooks.pre_hooks.classifier/3/linear/0__1.0._scale_param_storage" -> "classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1000, 1)"]; +"classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" -> "classifier/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1024)"]; +"classifier/3/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/resnet18.dot b/tests/torch2/data/quantization/test_quantized_graphs/resnet18.dot index b2a097b38d0..323620d947d 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/resnet18.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/resnet18.dot @@ -1,559 +1,559 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=5, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv1/conv2d/0" [id=6, type=conv2d, metatype=PTConv2dMetatype]; -"bn1.weight" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1.bias" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1.running_mean" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1.running_var" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1/batch_norm/0" [id=11, type="batch_norm", metatype=PTBatchNormMetatype]; -"/relu/0" [id=12, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=14, type="symmetric_quantize", metatype=UnknownMetatype]; -"maxpool/max_pool2d/0" [id=15, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"layer1.0.conv1.weight" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=18, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/0/conv1/conv2d/0" [id=19, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.0.bn1.weight" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn1.bias" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn1.running_mean" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn1.running_var" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn1/batch_norm/0" [id=24, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/0/relu/0" [id=25, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer1/0/relu/0__0.0._scale_param_storage" [id=26, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" [id=27, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1.0.conv2.weight" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=30, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/0/conv2/conv2d/0" [id=31, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.0.bn2.weight" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn2.bias" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn2.running_mean" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn2.running_var" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn2/batch_norm/0" [id=36, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer1/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=38, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/0/add_/0" [id=39, type="add_", metatype=PTAddMetatype]; -"layer1/0/relu/1" [id=40, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" [id=41, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [id=42, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1.1.conv1.weight" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=45, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/1/conv1/conv2d/0" [id=46, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.1.bn1.weight" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn1.bias" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn1.running_mean" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn1.running_var" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/bn1/batch_norm/0" [id=51, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/1/relu/0" [id=52, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [id=54, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1.1.conv2.weight" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=57, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/1/conv2/conv2d/0" [id=58, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.1.bn2.weight" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn2.bias" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn2.running_mean" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn2.running_var" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/bn2/batch_norm/0" [id=63, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=65, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/1/add_/0" [id=66, type="add_", metatype=PTAddMetatype]; -"layer1/1/relu/1" [id=67, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer1/1/relu/1__0.0._scale_param_storage" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" [id=69, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.0.conv1.weight" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=72, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/0/conv1/conv2d/0" [id=73, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.0.bn1.weight" [id=74, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn1.bias" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn1.running_mean" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn1.running_var" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn1/batch_norm/0" [id=78, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/0/relu/0" [id=79, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer2/0/relu/0__0.0._scale_param_storage" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" [id=81, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.0.conv2.weight" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=84, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/0/conv2/conv2d/0" [id=85, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.0.bn2.weight" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn2.bias" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn2.running_mean" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn2.running_var" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn2/batch_norm/0" [id=90, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer2/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=92, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.0.shortcut.0.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/0/shortcut/0/conv2d/0__1.0._scale_param_storage" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [id=95, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/0/shortcut/0/conv2d/0" [id=96, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.0.shortcut.1.weight" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.shortcut.1.bias" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.shortcut.1.running_mean" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.shortcut.1.running_var" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/shortcut/1/batch_norm/0" [id=101, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer2/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=103, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/0/add_/0" [id=104, type="add_", metatype=PTAddMetatype]; -"layer2/0/relu/1" [id=105, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [id=107, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.1.conv1.weight" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" [id=109, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=110, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/1/conv1/conv2d/0" [id=111, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.1.bn1.weight" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn1.bias" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn1.running_mean" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn1.running_var" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/bn1/batch_norm/0" [id=116, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/1/relu/0" [id=117, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [id=119, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.1.conv2.weight" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=122, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/1/conv2/conv2d/0" [id=123, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.1.bn2.weight" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn2.bias" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn2.running_mean" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn2.running_var" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/bn2/batch_norm/0" [id=128, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=130, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/1/add_/0" [id=131, type="add_", metatype=PTAddMetatype]; -"layer2/1/relu/1" [id=132, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer2/1/relu/1__0.0._scale_param_storage" [id=133, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" [id=134, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.0.conv1.weight" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=137, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/0/conv1/conv2d/0" [id=138, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.0.bn1.weight" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn1.bias" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn1.running_mean" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn1.running_var" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn1/batch_norm/0" [id=143, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/0/relu/0" [id=144, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer3/0/relu/0__0.0._scale_param_storage" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" [id=146, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.0.conv2.weight" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=149, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/0/conv2/conv2d/0" [id=150, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.0.bn2.weight" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn2.bias" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn2.running_mean" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn2.running_var" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn2/batch_norm/0" [id=155, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer3/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=157, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.0.shortcut.0.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/0/shortcut/0/conv2d/0__1.0._scale_param_storage" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [id=160, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/0/shortcut/0/conv2d/0" [id=161, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.0.shortcut.1.weight" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.shortcut.1.bias" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.shortcut.1.running_mean" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.shortcut.1.running_var" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/shortcut/1/batch_norm/0" [id=166, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer3/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=168, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/0/add_/0" [id=169, type="add_", metatype=PTAddMetatype]; -"layer3/0/relu/1" [id=170, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [id=172, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.1.conv1.weight" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=175, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/1/conv1/conv2d/0" [id=176, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.1.bn1.weight" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn1.bias" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn1.running_mean" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn1.running_var" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/bn1/batch_norm/0" [id=181, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/1/relu/0" [id=182, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [id=184, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.1.conv2.weight" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=187, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/1/conv2/conv2d/0" [id=188, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.1.bn2.weight" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn2.bias" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn2.running_mean" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn2.running_var" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/bn2/batch_norm/0" [id=193, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=195, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/1/add_/0" [id=196, type="add_", metatype=PTAddMetatype]; -"layer3/1/relu/1" [id=197, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer3/1/relu/1__0.0._scale_param_storage" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" [id=199, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer4.0.conv1.weight" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer4/0/conv1/conv2d/0__1.0._scale_param_storage" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=202, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer4/0/conv1/conv2d/0" [id=203, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.0.bn1.weight" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn1.bias" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn1.running_mean" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn1.running_var" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/bn1/batch_norm/0" [id=208, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/0/relu/0" [id=209, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer4/0/relu/0__0.0._scale_param_storage" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" [id=211, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer4.0.conv2.weight" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer4/0/conv2/conv2d/0__1.0._scale_param_storage" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=214, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer4/0/conv2/conv2d/0" [id=215, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.0.bn2.weight" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn2.bias" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn2.running_mean" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.bn2.running_var" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/bn2/batch_norm/0" [id=220, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer4/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=222, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer4.0.shortcut.0.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer4/0/shortcut/0/conv2d/0__1.0._scale_param_storage" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [id=225, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer4/0/shortcut/0/conv2d/0" [id=226, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.0.shortcut.1.weight" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.shortcut.1.bias" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.shortcut.1.running_mean" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.0.shortcut.1.running_var" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/shortcut/1/batch_norm/0" [id=231, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer4/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=233, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer4/0/add_/0" [id=234, type="add_", metatype=PTAddMetatype]; -"layer4/0/relu/1" [id=235, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer4/0/relu/1__0.0._scale_param_storage" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" [id=237, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer4.1.conv1.weight" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer4/1/conv1/conv2d/0__1.0._scale_param_storage" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=240, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer4/1/conv1/conv2d/0" [id=241, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.1.bn1.weight" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn1.bias" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn1.running_mean" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn1.running_var" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/bn1/batch_norm/0" [id=246, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer4/1/relu/0" [id=247, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer4/1/relu/0__0.0._scale_param_storage" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" [id=249, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer4.1.conv2.weight" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer4/1/conv2/conv2d/0__1.0._scale_param_storage" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=252, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer4/1/conv2/conv2d/0" [id=253, type=conv2d, metatype=PTConv2dMetatype]; -"layer4.1.bn2.weight" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn2.bias" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn2.running_mean" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4.1.bn2.running_var" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/bn2/batch_norm/0" [id=258, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer4/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=260, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer4/1/add_/0" [id=261, type="add_", metatype=PTAddMetatype]; -"layer4/1/relu/1" [id=262, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer4/1/relu/1__0.0._scale_param_storage" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" [id=264, type="symmetric_quantize", metatype=UnknownMetatype]; -"avgpool/adaptive_avg_pool2d/0" [id=265, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=267, type="symmetric_quantize", metatype=UnknownMetatype]; -"/flatten/0" [id=268, type=flatten, metatype=PTReshapeMetatype]; -"linear.weight" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"linear.bias" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=272, type="symmetric_quantize", metatype=UnknownMetatype]; -"linear/linear/0" [id=273, type=linear, metatype=PTLinearMetatype]; -output [id=274, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"bn1/batch_norm/0" -> "/relu/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "maxpool/max_pool2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"maxpool/max_pool2d/0" -> "layer1/0/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=1]; -"layer1.0.conv1.weight" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn1/batch_norm/0" -> "layer1/0/relu/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/relu/0" -> "layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/0/relu/0__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.conv2.weight" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn2/batch_norm/0" -> "layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/0/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/add_/0" -> "layer1/0/relu/1" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/relu/1" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" -> "layer1/1/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=1]; -"layer1.1.conv1.weight" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/relu/0" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.conv2.weight" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"layer1/1/bn2/batch_norm/0" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/1/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/add_/0" -> "layer1/1/relu/1" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/relu/1" -> "layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/1/relu/1__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" -> "layer2/0/shortcut/0/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"layer2.0.conv1.weight" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn1/batch_norm/0" -> "layer2/0/relu/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/relu/0" -> "layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/0/relu/0__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.conv2.weight" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn2/batch_norm/0" -> "layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.shortcut.0.weight" -> "layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/0/shortcut/0/conv2d/0__1.0._scale_param_storage" -> "layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/shortcut/0/conv2d/0" [dtype=float, shape="(128, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/0/shortcut/0/conv2d/0" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.shortcut.1.weight" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer2.0.shortcut.1.bias" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer2.0.shortcut.1.running_mean" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer2.0.shortcut.1.running_var" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer2/0/shortcut/1/batch_norm/0" -> "layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2/0/add_/0" -> "layer2/0/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/relu/1" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" -> "layer2/1/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2.1.conv1.weight" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/relu/0" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.conv2.weight" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"layer2/1/bn2/batch_norm/0" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/1/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/add_/0" -> "layer2/1/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/relu/1" -> "layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/1/relu/1__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/shortcut/0/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"layer3.0.conv1.weight" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn1/batch_norm/0" -> "layer3/0/relu/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/relu/0" -> "layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/0/relu/0__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.conv2.weight" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn2/batch_norm/0" -> "layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.shortcut.0.weight" -> "layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 128, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/0/shortcut/0/conv2d/0__1.0._scale_param_storage" -> "layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/shortcut/0/conv2d/0" [dtype=float, shape="(256, 128, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/0/shortcut/0/conv2d/0" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.shortcut.1.weight" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer3.0.shortcut.1.bias" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer3.0.shortcut.1.running_mean" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer3.0.shortcut.1.running_var" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer3/0/shortcut/1/batch_norm/0" -> "layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=1]; -"layer3/0/add_/0" -> "layer3/0/relu/1" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/relu/1" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" -> "layer3/1/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=1]; -"layer3.1.conv1.weight" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/relu/0" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.conv2.weight" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"layer3/1/bn2/batch_norm/0" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/1/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/add_/0" -> "layer3/1/relu/1" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/relu/1" -> "layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/1/relu/1__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" -> "layer4/0/conv1/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" -> "layer4/0/shortcut/0/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"layer4.0.conv1.weight" -> "layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer4/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/0/conv1/conv2d/0" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"layer4/0/conv1/conv2d/0" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.bn1.weight" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer4.0.bn1.bias" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer4.0.bn1.running_mean" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer4.0.bn1.running_var" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer4/0/bn1/batch_norm/0" -> "layer4/0/relu/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/0/relu/0" -> "layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer4/0/relu/0__0.0._scale_param_storage" -> "layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.conv2.weight" -> "layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer4/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"layer4/0/conv2/conv2d/0" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.bn2.weight" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer4.0.bn2.bias" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer4.0.bn2.running_mean" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer4.0.bn2.running_var" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer4/0/bn2/batch_norm/0" -> "layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer4/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer4/0/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.shortcut.0.weight" -> "layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer4/0/shortcut/0/conv2d/0__1.0._scale_param_storage" -> "layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/0/shortcut/0/conv2d/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"layer4/0/shortcut/0/conv2d/0" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.0.shortcut.1.weight" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer4.0.shortcut.1.bias" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer4.0.shortcut.1.running_mean" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer4.0.shortcut.1.running_var" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer4/0/shortcut/1/batch_norm/0" -> "layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer4/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" -> "layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer4/0/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=1]; -"layer4/0/add_/0" -> "layer4/0/relu/1" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/0/relu/1" -> "layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer4/0/relu/1__0.0._scale_param_storage" -> "layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" -> "layer4/1/conv1/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" -> "layer4/1/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=1]; -"layer4.1.conv1.weight" -> "layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer4/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/1/conv1/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"layer4/1/conv1/conv2d/0" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.1.bn1.weight" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer4.1.bn1.bias" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer4.1.bn1.running_mean" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer4.1.bn1.running_var" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer4/1/bn1/batch_norm/0" -> "layer4/1/relu/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/1/relu/0" -> "layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer4/1/relu/0__0.0._scale_param_storage" -> "layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.1.conv2.weight" -> "layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer4/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"layer4/1/conv2/conv2d/0" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4.1.bn2.weight" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"layer4.1.bn2.bias" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"layer4.1.bn2.running_mean" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"layer4.1.bn2.running_var" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"layer4/1/bn2/batch_norm/0" -> "layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer4/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer4/1/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/1/add_/0" -> "layer4/1/relu/1" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"layer4/1/relu/1" -> "layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer4/1/relu/1__0.0._scale_param_storage" -> "layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"avgpool/adaptive_avg_pool2d/0" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/flatten/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"/flatten/0" -> "linear/linear/0" [dtype=float, shape="(1, 512)", out_port_id=0, in_port_id=0]; -"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 512)", out_port_id=0, in_port_id=0]; -"linear.bias" -> "linear/linear/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1)", out_port_id=0, in_port_id=4]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, shape="(10, 512)", out_port_id=0, in_port_id=1]; -"linear/linear/0" -> output [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=5, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv1/conv2d/0" [id=6, metatype=PTConv2dMetatype, type=conv2d]; +"bn1.weight" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1.bias" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1.running_mean" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1.running_var" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1/batch_norm/0" [id=11, metatype=PT2BatchNormMetatype, type=batch_norm]; +"/relu/0" [id=12, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=14, metatype=UnknownMetatype, type=symmetric_quantize]; +"maxpool/max_pool2d/0" [id=15, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"layer1.0.conv1.weight" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=18, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/0/conv1/conv2d/0" [id=19, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.0.bn1.weight" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn1.bias" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn1.running_mean" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn1.running_var" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn1/batch_norm/0" [id=24, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/0/relu/0" [id=25, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer1/0/relu/0__0.0._scale_param_storage" [id=26, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" [id=27, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1.0.conv2.weight" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=30, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/0/conv2/conv2d/0" [id=31, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.0.bn2.weight" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn2.bias" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn2.running_mean" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn2.running_var" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn2/batch_norm/0" [id=36, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer1/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=38, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/0/add_/0" [id=39, metatype=PTAddMetatype, type=add_]; +"layer1/0/relu/1" [id=40, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" [id=41, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [id=42, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1.1.conv1.weight" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=45, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/1/conv1/conv2d/0" [id=46, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.1.bn1.weight" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn1.bias" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn1.running_mean" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn1.running_var" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/bn1/batch_norm/0" [id=51, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/1/relu/0" [id=52, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [id=54, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1.1.conv2.weight" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=57, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/1/conv2/conv2d/0" [id=58, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.1.bn2.weight" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn2.bias" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn2.running_mean" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn2.running_var" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/bn2/batch_norm/0" [id=63, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=65, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/1/add_/0" [id=66, metatype=PTAddMetatype, type=add_]; +"layer1/1/relu/1" [id=67, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer1/1/relu/1__0.0._scale_param_storage" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" [id=69, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.0.conv1.weight" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=72, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/0/conv1/conv2d/0" [id=73, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.0.bn1.weight" [id=74, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn1.bias" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn1.running_mean" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn1.running_var" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn1/batch_norm/0" [id=78, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/0/relu/0" [id=79, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer2/0/relu/0__0.0._scale_param_storage" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" [id=81, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.0.conv2.weight" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=84, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/0/conv2/conv2d/0" [id=85, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.0.bn2.weight" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn2.bias" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn2.running_mean" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn2.running_var" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn2/batch_norm/0" [id=90, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer2/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=92, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.0.shortcut.0.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/0/shortcut/0/conv2d/0__1.0._scale_param_storage" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [id=95, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/0/shortcut/0/conv2d/0" [id=96, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.0.shortcut.1.weight" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.shortcut.1.bias" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.shortcut.1.running_mean" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.shortcut.1.running_var" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/shortcut/1/batch_norm/0" [id=101, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer2/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=103, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/0/add_/0" [id=104, metatype=PTAddMetatype, type=add_]; +"layer2/0/relu/1" [id=105, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [id=107, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.1.conv1.weight" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" [id=109, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=110, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/1/conv1/conv2d/0" [id=111, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.1.bn1.weight" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn1.bias" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn1.running_mean" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn1.running_var" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/bn1/batch_norm/0" [id=116, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/1/relu/0" [id=117, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [id=119, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.1.conv2.weight" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=122, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/1/conv2/conv2d/0" [id=123, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.1.bn2.weight" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn2.bias" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn2.running_mean" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn2.running_var" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/bn2/batch_norm/0" [id=128, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=130, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/1/add_/0" [id=131, metatype=PTAddMetatype, type=add_]; +"layer2/1/relu/1" [id=132, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer2/1/relu/1__0.0._scale_param_storage" [id=133, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" [id=134, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.0.conv1.weight" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=137, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/0/conv1/conv2d/0" [id=138, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.0.bn1.weight" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn1.bias" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn1.running_mean" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn1.running_var" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn1/batch_norm/0" [id=143, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/0/relu/0" [id=144, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer3/0/relu/0__0.0._scale_param_storage" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" [id=146, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.0.conv2.weight" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=149, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/0/conv2/conv2d/0" [id=150, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.0.bn2.weight" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn2.bias" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn2.running_mean" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn2.running_var" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn2/batch_norm/0" [id=155, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer3/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=157, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.0.shortcut.0.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/0/shortcut/0/conv2d/0__1.0._scale_param_storage" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [id=160, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/0/shortcut/0/conv2d/0" [id=161, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.0.shortcut.1.weight" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.shortcut.1.bias" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.shortcut.1.running_mean" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.shortcut.1.running_var" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/shortcut/1/batch_norm/0" [id=166, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer3/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=168, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/0/add_/0" [id=169, metatype=PTAddMetatype, type=add_]; +"layer3/0/relu/1" [id=170, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [id=172, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.1.conv1.weight" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=175, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/1/conv1/conv2d/0" [id=176, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.1.bn1.weight" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn1.bias" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn1.running_mean" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn1.running_var" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/bn1/batch_norm/0" [id=181, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/1/relu/0" [id=182, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [id=184, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.1.conv2.weight" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=187, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/1/conv2/conv2d/0" [id=188, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.1.bn2.weight" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn2.bias" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn2.running_mean" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn2.running_var" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/bn2/batch_norm/0" [id=193, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=195, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/1/add_/0" [id=196, metatype=PTAddMetatype, type=add_]; +"layer3/1/relu/1" [id=197, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer3/1/relu/1__0.0._scale_param_storage" [id=198, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" [id=199, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer4.0.conv1.weight" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer4/0/conv1/conv2d/0__1.0._scale_param_storage" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=202, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer4/0/conv1/conv2d/0" [id=203, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.0.bn1.weight" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn1.bias" [id=205, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn1.running_mean" [id=206, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn1.running_var" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/bn1/batch_norm/0" [id=208, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/0/relu/0" [id=209, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer4/0/relu/0__0.0._scale_param_storage" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" [id=211, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer4.0.conv2.weight" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer4/0/conv2/conv2d/0__1.0._scale_param_storage" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=214, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer4/0/conv2/conv2d/0" [id=215, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.0.bn2.weight" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn2.bias" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn2.running_mean" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.bn2.running_var" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/bn2/batch_norm/0" [id=220, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer4/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=222, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer4.0.shortcut.0.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer4/0/shortcut/0/conv2d/0__1.0._scale_param_storage" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [id=225, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer4/0/shortcut/0/conv2d/0" [id=226, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.0.shortcut.1.weight" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.shortcut.1.bias" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.shortcut.1.running_mean" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.0.shortcut.1.running_var" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/shortcut/1/batch_norm/0" [id=231, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer4/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=233, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer4/0/add_/0" [id=234, metatype=PTAddMetatype, type=add_]; +"layer4/0/relu/1" [id=235, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer4/0/relu/1__0.0._scale_param_storage" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" [id=237, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer4.1.conv1.weight" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer4/1/conv1/conv2d/0__1.0._scale_param_storage" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=240, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer4/1/conv1/conv2d/0" [id=241, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.1.bn1.weight" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn1.bias" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn1.running_mean" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn1.running_var" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/bn1/batch_norm/0" [id=246, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer4/1/relu/0" [id=247, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer4/1/relu/0__0.0._scale_param_storage" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" [id=249, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer4.1.conv2.weight" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer4/1/conv2/conv2d/0__1.0._scale_param_storage" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=252, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer4/1/conv2/conv2d/0" [id=253, metatype=PTConv2dMetatype, type=conv2d]; +"layer4.1.bn2.weight" [id=254, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn2.bias" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn2.running_mean" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4.1.bn2.running_var" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/bn2/batch_norm/0" [id=258, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer4/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=260, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer4/1/add_/0" [id=261, metatype=PTAddMetatype, type=add_]; +"layer4/1/relu/1" [id=262, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer4/1/relu/1__0.0._scale_param_storage" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" [id=264, metatype=UnknownMetatype, type=symmetric_quantize]; +"avgpool/adaptive_avg_pool2d/0" [id=265, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=267, metatype=UnknownMetatype, type=symmetric_quantize]; +"/flatten/0" [id=268, metatype=PTReshapeMetatype, type=flatten]; +"linear.weight" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"linear.bias" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=272, metatype=UnknownMetatype, type=symmetric_quantize]; +"linear/linear/0" [id=273, metatype=PTLinearMetatype, type=linear]; +output [id=274, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 3, 3, 3)"]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 3, 3)"]; +"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"bn1/batch_norm/0" -> "/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "maxpool/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"maxpool/max_pool2d/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"maxpool/max_pool2d/0" -> "layer1/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.0.conv1.weight" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"layer1/0/bn1/batch_norm/0" -> "layer1/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/0/relu/0" -> "layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/0/relu/0__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.0.conv2.weight" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"layer1/0/bn2/batch_norm/0" -> "layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/0/add_/0" -> "layer1/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/0/relu/1" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" -> "layer1/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.1.conv1.weight" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/1/relu/0" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.1.conv2.weight" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"layer1/1/bn2/batch_norm/0" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/1/add_/0" -> "layer1/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/1/relu/1" -> "layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/1/relu/1__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" -> "layer2/0/shortcut/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"layer2.0.conv1.weight" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 64, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 3, 3)"]; +"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer2/0/bn1/batch_norm/0" -> "layer2/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/0/relu/0" -> "layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/0/relu/0__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.0.conv2.weight" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; +"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer2/0/bn2/batch_norm/0" -> "layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.0.shortcut.0.weight" -> "layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 64, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/0/shortcut/0/conv2d/0__1.0._scale_param_storage" -> "layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/shortcut/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 1, 1)"]; +"layer2/0/shortcut/0/conv2d/0" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.0.shortcut.1.weight" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer2.0.shortcut.1.bias" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer2.0.shortcut.1.running_mean" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer2.0.shortcut.1.running_var" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer2/0/shortcut/1/batch_norm/0" -> "layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/0/add_/0" -> "layer2/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/0/relu/1" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" -> "layer2/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.1.conv1.weight" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; +"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/1/relu/0" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.1.conv2.weight" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; +"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"layer2/1/bn2/batch_norm/0" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/1/add_/0" -> "layer2/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/1/relu/1" -> "layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/1/relu/1__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/shortcut/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"layer3.0.conv1.weight" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 128, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 3, 3)"]; +"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer3/0/bn1/batch_norm/0" -> "layer3/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/0/relu/0" -> "layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/0/relu/0__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.0.conv2.weight" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; +"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer3/0/bn2/batch_norm/0" -> "layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.0.shortcut.0.weight" -> "layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 128, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer3/0/shortcut/0/conv2d/0__1.0._scale_param_storage" -> "layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/shortcut/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 1, 1)"]; +"layer3/0/shortcut/0/conv2d/0" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.0.shortcut.1.weight" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer3.0.shortcut.1.bias" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer3.0.shortcut.1.running_mean" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer3.0.shortcut.1.running_var" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer3/0/shortcut/1/batch_norm/0" -> "layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/0/add_/0" -> "layer3/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/0/relu/1" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" -> "layer3/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.1.conv1.weight" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; +"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/1/relu/0" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.1.conv2.weight" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; +"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"layer3/1/bn2/batch_norm/0" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/1/add_/0" -> "layer3/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/1/relu/1" -> "layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/1/relu/1__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" -> "layer4/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" -> "layer4/0/shortcut/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"layer4.0.conv1.weight" -> "layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 256, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer4/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 3, 3)"]; +"layer4/0/conv1/conv2d/0" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.0.bn1.weight" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer4.0.bn1.bias" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer4.0.bn1.running_mean" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer4.0.bn1.running_var" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer4/0/bn1/batch_norm/0" -> "layer4/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4/0/relu/0" -> "layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"__nncf_hooks.post_hooks.layer4/0/relu/0__0.0._scale_param_storage" -> "layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.0.conv2.weight" -> "layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer4/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"layer4/0/conv2/conv2d/0" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.0.bn2.weight" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer4.0.bn2.bias" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer4.0.bn2.running_mean" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer4.0.bn2.running_var" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer4/0/bn2/batch_norm/0" -> "layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"__nncf_hooks.post_hooks.layer4/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer4/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.0.shortcut.0.weight" -> "layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 256, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer4/0/shortcut/0/conv2d/0__1.0._scale_param_storage" -> "layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/0/shortcut/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 1, 1)"]; +"layer4/0/shortcut/0/conv2d/0" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.0.shortcut.1.weight" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer4.0.shortcut.1.bias" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer4.0.shortcut.1.running_mean" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer4.0.shortcut.1.running_var" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer4/0/shortcut/1/batch_norm/0" -> "layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"__nncf_hooks.post_hooks.layer4/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" -> "layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer4/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4/0/add_/0" -> "layer4/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4/0/relu/1" -> "layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"__nncf_hooks.post_hooks.layer4/0/relu/1__0.0._scale_param_storage" -> "layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" -> "layer4/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" -> "layer4/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.1.conv1.weight" -> "layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer4/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"layer4/1/conv1/conv2d/0" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.1.bn1.weight" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer4.1.bn1.bias" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer4.1.bn1.running_mean" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer4.1.bn1.running_var" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer4/1/bn1/batch_norm/0" -> "layer4/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4/1/relu/0" -> "layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"__nncf_hooks.post_hooks.layer4/1/relu/0__0.0._scale_param_storage" -> "layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.1.conv2.weight" -> "layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer4/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"layer4/1/conv2/conv2d/0" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4.1.bn2.weight" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"layer4.1.bn2.bias" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"layer4.1.bn2.running_mean" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"layer4.1.bn2.running_var" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"layer4/1/bn2/batch_norm/0" -> "layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"__nncf_hooks.post_hooks.layer4/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer4/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4/1/add_/0" -> "layer4/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"layer4/1/relu/1" -> "layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"__nncf_hooks.post_hooks.layer4/1/relu/1__0.0._scale_param_storage" -> "layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"avgpool/adaptive_avg_pool2d/0" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; +"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; +"/flatten/0" -> "linear/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512)"]; +"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 512)"]; +"linear.bias" -> "linear/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(10, 1)"]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 512)"]; +"linear/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/rope_model.dot b/tests/torch2/data/quantization/test_quantized_graphs/rope_model.dot index 78bafd919f9..d23a8324ba4 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/rope_model.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/rope_model.dot @@ -1,21 +1,25 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"/unsqueeze/0" [id=1, type=unsqueeze, metatype=PTReshapeMetatype]; -"/reshape/0" [id=2, type=reshape, metatype=PTReshapeMetatype]; -"/matmul/0" [id=3, type=matmul, metatype=PTMatMulMetatype]; -"/transpose/0" [id=4, type=transpose, metatype=PTTransposeMetatype]; -"/cat/0" [id=5, type=cat, metatype=PTCatMetatype]; -"/sin/0" [id=6, type=sin, metatype=PTSinMetatype]; -"/cos/0" [id=7, type=cos, metatype=PTCosMetatype]; -output_0 [id=8, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -output_1 [id=9, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "/unsqueeze/0" [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; -"/unsqueeze/0" -> "/matmul/0" [dtype=float, shape="(1, 1, 10)", out_port_id=0, in_port_id=1]; -"/reshape/0" -> "/matmul/0" [dtype=float, shape="(1, 5, 1)", out_port_id=0, in_port_id=0]; -"/matmul/0" -> "/transpose/0" [dtype=float, shape="(1, 5, 10)", out_port_id=0, in_port_id=0]; -"/transpose/0" -> "/cat/0" [dtype=float, shape="(1, 10, 5)", out_port_id=0, in_port_id=0]; -"/cat/0" -> "/sin/0" [dtype=float, shape="(1, 10, 5)", out_port_id=0, in_port_id=0]; -"/cat/0" -> "/cos/0" [dtype=float, shape="(1, 10, 5)", out_port_id=0, in_port_id=0]; -"/sin/0" -> output_0 [dtype=float, shape="(1, 10, 5)", out_port_id=0, in_port_id=0]; -"/cos/0" -> output_1 [dtype=float, shape="(1, 10, 5)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +"/unsqueeze/0" [id=3, metatype=PTReshapeMetatype, type=unsqueeze]; +"/reshape/0" [id=4, metatype=UnknownMetatype, type=reshape]; +"/matmul/0" [id=5, metatype=PTMatMulMetatype, type=matmul]; +"/transpose/0" [id=6, metatype=PTTransposeMetatype, type=transpose]; +"/cat/0" [id=7, metatype=PTCatMetatype, type=cat]; +"/sin/0" [id=8, metatype=UnknownMetatype, type=sin]; +"/cos/0" [id=9, metatype=UnknownMetatype, type=cos]; +output_0 [id=10, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +output_1 [id=11, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; +"/unsqueeze/0" -> "/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1, 10)"]; +"/reshape/0" -> "/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 5, 1)"]; +"/matmul/0" -> "/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 5, 10)"]; +"/transpose/0" -> "/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 5)"]; +"/cat/0" -> "/sin/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 5)"]; +"/cat/0" -> "/cos/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 5)"]; +"/sin/0" -> output_0 [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 5)"]; +"/cos/0" -> output_1 [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 5)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/scaled_dot_product_attention_model.dot b/tests/torch2/data/quantization/test_quantized_graphs/scaled_dot_product_attention_model.dot index 0da822798b6..b8e5e9bb04a 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/scaled_dot_product_attention_model.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/scaled_dot_product_attention_model.dot @@ -1,19 +1,19 @@ -strict digraph { -query [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.query__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__query__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -key [id=3, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.key__0.0._scale_param_storage" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__key__0[0]/symmetric_quantize/0" [id=5, type="symmetric_quantize", metatype=UnknownMetatype]; -value [id=6, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"/scaled_dot_product_attention/0" [id=7, type="scaled_dot_product_attention", metatype=PTScaledDotProductAttentionMetatype]; -output [id=8, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -query -> "post_hook__query__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 8, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.query__0.0._scale_param_storage" -> "post_hook__query__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__query__0[0]/symmetric_quantize/0" -> "/scaled_dot_product_attention/0" [dtype=float, shape="(1, 8, 16)", out_port_id=0, in_port_id=0]; -key -> "post_hook__key__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 8, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.key__0.0._scale_param_storage" -> "post_hook__key__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__key__0[0]/symmetric_quantize/0" -> "/scaled_dot_product_attention/0" [dtype=float, shape="(1, 8, 16)", out_port_id=0, in_port_id=1]; -value -> "/scaled_dot_product_attention/0" [dtype=float, shape="(1, 8, 16)", out_port_id=0, in_port_id=2]; -"/scaled_dot_product_attention/0" -> output [dtype=float, shape="(1, 8, 16)", out_port_id=0, in_port_id=0]; +strict digraph { +query [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.query__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__query__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +key [id=3, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.key__0.0._scale_param_storage" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__key__0[0]/symmetric_quantize/0" [id=5, metatype=UnknownMetatype, type=symmetric_quantize]; +value [id=6, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"/scaled_dot_product_attention/0" [id=7, metatype=PTScaledDotProductAttentionMetatype, type=scaled_dot_product_attention]; +output [id=8, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +query -> "post_hook__query__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 16)"]; +"__nncf_hooks.post_hooks.query__0.0._scale_param_storage" -> "post_hook__query__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__query__0[0]/symmetric_quantize/0" -> "/scaled_dot_product_attention/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 16)"]; +key -> "post_hook__key__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 16)"]; +"__nncf_hooks.post_hooks.key__0.0._scale_param_storage" -> "post_hook__key__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__key__0[0]/symmetric_quantize/0" -> "/scaled_dot_product_attention/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 16)"]; +value -> "/scaled_dot_product_attention/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 8, 16)"]; +"/scaled_dot_product_attention/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 16)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/shared_model.dot b/tests/torch2/data/quantization/test_quantized_graphs/shared_model.dot index dd1120559aa..2449e8f47b5 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/shared_model.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/shared_model.dot @@ -1,35 +1,35 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -"shared_conv.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"shared_conv.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.shared_conv/conv2d/0__1.0._scale_param_storage" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" [id=6, type="symmetric_quantize", metatype=UnknownMetatype]; -"shared_conv/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; -"/add/0" [id=8, type=add, metatype=PTAddMetatype]; -"__nncf_hooks.post_hooks./add/0__0.0._scale_param_storage" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__-add-0__0[0]/symmetric_quantize/0" [id=10, type="symmetric_quantize", metatype=UnknownMetatype]; -"__nncf_hooks.pre_hooks.shared_conv/conv2d/1__1.0._scale_param_storage" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" [id=12, type="symmetric_quantize", metatype=UnknownMetatype]; -"shared_conv/conv2d/1" [id=13, type=conv2d, metatype=PTConv2dMetatype]; -"/mul/0" [id=14, type=mul, metatype=PTMulMetatype]; -output [id=15, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1, 5, 6)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "shared_conv/conv2d/0" [dtype=float, shape="(1, 1, 5, 6)", out_port_id=0, in_port_id=0]; -"shared_conv.weight" -> "shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1, 1, 1)", out_port_id=0, in_port_id=0]; -"shared_conv.weight" -> "shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1, 1, 1)", out_port_id=0, in_port_id=0]; -"shared_conv.bias" -> "shared_conv/conv2d/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=2]; -"shared_conv.bias" -> "shared_conv/conv2d/1" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.shared_conv/conv2d/0__1.0._scale_param_storage" -> "shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" -> "shared_conv/conv2d/0" [dtype=float, shape="(1, 1, 1, 1)", out_port_id=0, in_port_id=1]; -"shared_conv/conv2d/0" -> "/add/0" [dtype=float, shape="(1, 1, 5, 6)", out_port_id=0, in_port_id=0, parallel_input_port_ids="[1]"]; -"/add/0" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1, 5, 6)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks./add/0__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__-add-0__0[0]/symmetric_quantize/0" -> "shared_conv/conv2d/1" [dtype=float, shape="(1, 1, 5, 6)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.shared_conv/conv2d/1__1.0._scale_param_storage" -> "shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" -> "shared_conv/conv2d/1" [dtype=float, shape="(1, 1, 1, 1)", out_port_id=0, in_port_id=1]; -"shared_conv/conv2d/1" -> "/mul/0" [dtype=float, shape="(1, 1, 5, 6)", out_port_id=0, in_port_id=0, parallel_input_port_ids="[1]"]; -"/mul/0" -> output [dtype=float, shape="(1, 1, 5, 6)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +"shared_conv.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"shared_conv.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.shared_conv/conv2d/0__1.0._scale_param_storage" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" [id=6, metatype=UnknownMetatype, type=symmetric_quantize]; +"shared_conv/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; +"/add/0" [id=8, metatype=PTAddMetatype, type=add]; +"__nncf_hooks.post_hooks./add/0__0.0._scale_param_storage" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__-add-0__0[0]/symmetric_quantize/0" [id=10, metatype=UnknownMetatype, type=symmetric_quantize]; +"__nncf_hooks.pre_hooks.shared_conv/conv2d/1__1.0._scale_param_storage" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" [id=12, metatype=UnknownMetatype, type=symmetric_quantize]; +"shared_conv/conv2d/1" [id=13, metatype=PTConv2dMetatype, type=conv2d]; +"/mul/0" [id=14, metatype=PTMulMetatype, type=mul]; +output [id=15, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 5, 6)"]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "shared_conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 5, 6)"]; +"shared_conv.weight" -> "shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 1)"]; +"shared_conv.weight" -> "shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 1)"]; +"shared_conv.bias" -> "shared_conv/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1,)"]; +"shared_conv.bias" -> "shared_conv/conv2d/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.pre_hooks.shared_conv/conv2d/0__1.0._scale_param_storage" -> "shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 1, 1, 1)"]; +"shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" -> "shared_conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1, 1, 1)"]; +"shared_conv/conv2d/0" -> "/add/0" [dtype=float, in_port_id=0, out_port_id=0, parallel_input_port_ids="[1]", shape="(1, 1, 5, 6)"]; +"/add/0" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 5, 6)"]; +"__nncf_hooks.post_hooks./add/0__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__-add-0__0[0]/symmetric_quantize/0" -> "shared_conv/conv2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 5, 6)"]; +"__nncf_hooks.pre_hooks.shared_conv/conv2d/1__1.0._scale_param_storage" -> "shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 1, 1, 1)"]; +"shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" -> "shared_conv/conv2d/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1, 1, 1)"]; +"shared_conv/conv2d/1" -> "/mul/0" [dtype=float, in_port_id=0, out_port_id=0, parallel_input_port_ids="[1]", shape="(1, 1, 5, 6)"]; +"/mul/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 5, 6)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/shufflenetv2.dot b/tests/torch2/data/quantization/test_quantized_graphs/shufflenetv2.dot index 897635b0f1c..18d308eb594 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/shufflenetv2.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/shufflenetv2.dot @@ -1,1513 +1,1513 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=5, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv1/conv2d/0" [id=6, type=conv2d, metatype=PTConv2dMetatype]; -"bn1.weight" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1.bias" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1.running_mean" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1.running_var" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn1/batch_norm/0" [id=11, type="batch_norm", metatype=PTBatchNormMetatype]; -"/relu/0" [id=12, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=14, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1.0.conv1.weight" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=17, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/0/conv1/conv2d/0" [id=18, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer1.0.bn1.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn1.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn1.running_mean" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn1.running_var" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn1/batch_norm/0" [id=23, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer1/0/bn1/batch_norm/0__0.0._scale_param_storage" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [id=25, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1.0.conv2.weight" [id=26, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=28, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/0/conv2/conv2d/0" [id=29, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.0.bn2.weight" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn2.bias" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn2.running_mean" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn2.running_var" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn2/batch_norm/0" [id=34, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/0/relu/0" [id=35, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=37, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1.0.conv3.weight" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/0/conv3/conv2d/0__1.0._scale_param_storage" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=40, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/0/conv3/conv2d/0" [id=41, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.0.bn3.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn3.bias" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn3.running_mean" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn3.running_var" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn3/batch_norm/0" [id=46, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/0/relu/1" [id=47, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [id=49, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1.0.conv4.weight" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/0/conv4/conv2d/0__1.0._scale_param_storage" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [id=52, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/0/conv4/conv2d/0" [id=53, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer1.0.bn4.weight" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn4.bias" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn4.running_mean" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn4.running_var" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn4/batch_norm/0" [id=58, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer1/0/bn4/batch_norm/0__0.0._scale_param_storage" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [id=60, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1.0.conv5.weight" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/0/conv5/conv2d/0__1.0._scale_param_storage" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [id=63, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/0/conv5/conv2d/0" [id=64, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.0.bn5.weight" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn5.bias" [id=66, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn5.running_mean" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.0.bn5.running_var" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/0/bn5/batch_norm/0" [id=69, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/0/relu/2" [id=70, type=relu, metatype=PTRELUMetatype]; -"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" [id=71, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/0/cat/0" [id=72, type=cat, metatype=PTCatMetatype]; -"layer1/0/shuffle/view/0" [id=73, type=view, metatype=PTReshapeMetatype]; -"layer1/0/shuffle/permute/0" [id=74, type=permute, metatype=PTTransposeMetatype]; -"layer1/0/shuffle/reshape/0" [id=75, type=reshape, metatype=PTReshapeMetatype]; -"layer1/1/split/__getitem__/0" [id=76, type="__getitem__", metatype=PTGatherMetatype]; -"layer1/1/split/__getitem__/1" [id=77, type="__getitem__", metatype=PTGatherMetatype]; -"layer1.1.conv1.weight" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=80, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/1/conv1/conv2d/0" [id=81, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.1.bn1.weight" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn1.bias" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn1.running_mean" [id=84, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn1.running_var" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/bn1/batch_norm/0" [id=86, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/1/relu/0" [id=87, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [id=89, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1.1.conv2.weight" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=92, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/1/conv2/conv2d/0" [id=93, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer1.1.bn2.weight" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn2.bias" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn2.running_mean" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn2.running_var" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/bn2/batch_norm/0" [id=98, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=100, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1.1.conv3.weight" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/1/conv3/conv2d/0__1.0._scale_param_storage" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=103, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/1/conv3/conv2d/0" [id=104, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.1.bn3.weight" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn3.bias" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn3.running_mean" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.1.bn3.running_var" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/1/bn3/batch_norm/0" [id=109, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/1/relu/1" [id=110, type=relu, metatype=PTRELUMetatype]; -"layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=111, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/1/cat/0" [id=112, type=cat, metatype=PTCatMetatype]; -"layer1/1/shuffle/view/0" [id=113, type=view, metatype=PTReshapeMetatype]; -"layer1/1/shuffle/permute/0" [id=114, type=permute, metatype=PTTransposeMetatype]; -"layer1/1/shuffle/reshape/0" [id=115, type=reshape, metatype=PTReshapeMetatype]; -"layer1/2/split/__getitem__/0" [id=116, type="__getitem__", metatype=PTGatherMetatype]; -"layer1/2/split/__getitem__/1" [id=117, type="__getitem__", metatype=PTGatherMetatype]; -"layer1.2.conv1.weight" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/2/conv1/conv2d/0__1.0._scale_param_storage" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=120, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/2/conv1/conv2d/0" [id=121, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.2.bn1.weight" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn1.bias" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn1.running_mean" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn1.running_var" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/2/bn1/batch_norm/0" [id=126, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/2/relu/0" [id=127, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer1/2/relu/0__0.0._scale_param_storage" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" [id=129, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1.2.conv2.weight" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/2/conv2/conv2d/0__1.0._scale_param_storage" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=132, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/2/conv2/conv2d/0" [id=133, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer1.2.bn2.weight" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn2.bias" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn2.running_mean" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn2.running_var" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/2/bn2/batch_norm/0" [id=138, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer1/2/bn2/batch_norm/0__0.0._scale_param_storage" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=140, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1.2.conv3.weight" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/2/conv3/conv2d/0__1.0._scale_param_storage" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=143, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/2/conv3/conv2d/0" [id=144, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.2.bn3.weight" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn3.bias" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn3.running_mean" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.2.bn3.running_var" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/2/bn3/batch_norm/0" [id=149, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/2/relu/1" [id=150, type=relu, metatype=PTRELUMetatype]; -"layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=151, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/2/cat/0" [id=152, type=cat, metatype=PTCatMetatype]; -"layer1/2/shuffle/view/0" [id=153, type=view, metatype=PTReshapeMetatype]; -"layer1/2/shuffle/permute/0" [id=154, type=permute, metatype=PTTransposeMetatype]; -"layer1/2/shuffle/reshape/0" [id=155, type=reshape, metatype=PTReshapeMetatype]; -"layer1/3/split/__getitem__/0" [id=156, type="__getitem__", metatype=PTGatherMetatype]; -"layer1/3/split/__getitem__/1" [id=157, type="__getitem__", metatype=PTGatherMetatype]; -"layer1.3.conv1.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/3/conv1/conv2d/0__1.0._scale_param_storage" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=160, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/3/conv1/conv2d/0" [id=161, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.3.bn1.weight" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.3.bn1.bias" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.3.bn1.running_mean" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.3.bn1.running_var" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/3/bn1/batch_norm/0" [id=166, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/3/relu/0" [id=167, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer1/3/relu/0__0.0._scale_param_storage" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" [id=169, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1.3.conv2.weight" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/3/conv2/conv2d/0__1.0._scale_param_storage" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=172, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/3/conv2/conv2d/0" [id=173, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer1.3.bn2.weight" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.3.bn2.bias" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.3.bn2.running_mean" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.3.bn2.running_var" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/3/bn2/batch_norm/0" [id=178, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer1/3/bn2/batch_norm/0__0.0._scale_param_storage" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=180, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1.3.conv3.weight" [id=181, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer1/3/conv3/conv2d/0__1.0._scale_param_storage" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=183, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/3/conv3/conv2d/0" [id=184, type=conv2d, metatype=PTConv2dMetatype]; -"layer1.3.bn3.weight" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.3.bn3.bias" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.3.bn3.running_mean" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1.3.bn3.running_var" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer1/3/bn3/batch_norm/0" [id=189, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer1/3/relu/1" [id=190, type=relu, metatype=PTRELUMetatype]; -"layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=191, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer1/3/cat/0" [id=192, type=cat, metatype=PTCatMetatype]; -"layer1/3/shuffle/view/0" [id=193, type=view, metatype=PTReshapeMetatype]; -"layer1/3/shuffle/permute/0" [id=194, type=permute, metatype=PTTransposeMetatype]; -"layer1/3/shuffle/reshape/0" [id=195, type=reshape, metatype=PTReshapeMetatype]; -"layer2.0.conv1.weight" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=198, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/0/conv1/conv2d/0" [id=199, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer2.0.bn1.weight" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn1.bias" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn1.running_mean" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn1.running_var" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn1/batch_norm/0" [id=204, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer2/0/bn1/batch_norm/0__0.0._scale_param_storage" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [id=206, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.0.conv2.weight" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=209, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/0/conv2/conv2d/0" [id=210, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.0.bn2.weight" [id=211, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn2.bias" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn2.running_mean" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn2.running_var" [id=214, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn2/batch_norm/0" [id=215, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/0/relu/0" [id=216, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=218, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.0.conv3.weight" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/0/conv3/conv2d/0__1.0._scale_param_storage" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=221, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/0/conv3/conv2d/0" [id=222, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.0.bn3.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn3.bias" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn3.running_mean" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn3.running_var" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn3/batch_norm/0" [id=227, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/0/relu/1" [id=228, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [id=230, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.0.conv4.weight" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/0/conv4/conv2d/0__1.0._scale_param_storage" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [id=233, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/0/conv4/conv2d/0" [id=234, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer2.0.bn4.weight" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn4.bias" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn4.running_mean" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn4.running_var" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn4/batch_norm/0" [id=239, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer2/0/bn4/batch_norm/0__0.0._scale_param_storage" [id=240, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [id=241, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.0.conv5.weight" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/0/conv5/conv2d/0__1.0._scale_param_storage" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [id=244, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/0/conv5/conv2d/0" [id=245, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.0.bn5.weight" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn5.bias" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn5.running_mean" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.0.bn5.running_var" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/0/bn5/batch_norm/0" [id=250, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/0/relu/2" [id=251, type=relu, metatype=PTRELUMetatype]; -"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" [id=252, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/0/cat/0" [id=253, type=cat, metatype=PTCatMetatype]; -"layer2/0/shuffle/view/0" [id=254, type=view, metatype=PTReshapeMetatype]; -"layer2/0/shuffle/permute/0" [id=255, type=permute, metatype=PTTransposeMetatype]; -"layer2/0/shuffle/reshape/0" [id=256, type=reshape, metatype=PTReshapeMetatype]; -"layer2/1/split/__getitem__/0" [id=257, type="__getitem__", metatype=PTGatherMetatype]; -"layer2/1/split/__getitem__/1" [id=258, type="__getitem__", metatype=PTGatherMetatype]; -"layer2.1.conv1.weight" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=261, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/1/conv1/conv2d/0" [id=262, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.1.bn1.weight" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn1.bias" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn1.running_mean" [id=265, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn1.running_var" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/bn1/batch_norm/0" [id=267, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/1/relu/0" [id=268, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [id=270, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.1.conv2.weight" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" [id=272, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=273, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/1/conv2/conv2d/0" [id=274, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer2.1.bn2.weight" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn2.bias" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn2.running_mean" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn2.running_var" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/bn2/batch_norm/0" [id=279, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=280, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=281, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.1.conv3.weight" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/1/conv3/conv2d/0__1.0._scale_param_storage" [id=283, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=284, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/1/conv3/conv2d/0" [id=285, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.1.bn3.weight" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn3.bias" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn3.running_mean" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.1.bn3.running_var" [id=289, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/1/bn3/batch_norm/0" [id=290, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/1/relu/1" [id=291, type=relu, metatype=PTRELUMetatype]; -"layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=292, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/1/cat/0" [id=293, type=cat, metatype=PTCatMetatype]; -"layer2/1/shuffle/view/0" [id=294, type=view, metatype=PTReshapeMetatype]; -"layer2/1/shuffle/permute/0" [id=295, type=permute, metatype=PTTransposeMetatype]; -"layer2/1/shuffle/reshape/0" [id=296, type=reshape, metatype=PTReshapeMetatype]; -"layer2/2/split/__getitem__/0" [id=297, type="__getitem__", metatype=PTGatherMetatype]; -"layer2/2/split/__getitem__/1" [id=298, type="__getitem__", metatype=PTGatherMetatype]; -"layer2.2.conv1.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/2/conv1/conv2d/0__1.0._scale_param_storage" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=301, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/2/conv1/conv2d/0" [id=302, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.2.bn1.weight" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn1.bias" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn1.running_mean" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn1.running_var" [id=306, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/2/bn1/batch_norm/0" [id=307, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/2/relu/0" [id=308, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer2/2/relu/0__0.0._scale_param_storage" [id=309, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" [id=310, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.2.conv2.weight" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/2/conv2/conv2d/0__1.0._scale_param_storage" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=313, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/2/conv2/conv2d/0" [id=314, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer2.2.bn2.weight" [id=315, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn2.bias" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn2.running_mean" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn2.running_var" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/2/bn2/batch_norm/0" [id=319, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer2/2/bn2/batch_norm/0__0.0._scale_param_storage" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=321, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.2.conv3.weight" [id=322, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/2/conv3/conv2d/0__1.0._scale_param_storage" [id=323, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=324, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/2/conv3/conv2d/0" [id=325, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.2.bn3.weight" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn3.bias" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn3.running_mean" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.2.bn3.running_var" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/2/bn3/batch_norm/0" [id=330, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/2/relu/1" [id=331, type=relu, metatype=PTRELUMetatype]; -"layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=332, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/2/cat/0" [id=333, type=cat, metatype=PTCatMetatype]; -"layer2/2/shuffle/view/0" [id=334, type=view, metatype=PTReshapeMetatype]; -"layer2/2/shuffle/permute/0" [id=335, type=permute, metatype=PTTransposeMetatype]; -"layer2/2/shuffle/reshape/0" [id=336, type=reshape, metatype=PTReshapeMetatype]; -"layer2/3/split/__getitem__/0" [id=337, type="__getitem__", metatype=PTGatherMetatype]; -"layer2/3/split/__getitem__/1" [id=338, type="__getitem__", metatype=PTGatherMetatype]; -"layer2.3.conv1.weight" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/3/conv1/conv2d/0__1.0._scale_param_storage" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=341, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/3/conv1/conv2d/0" [id=342, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.3.bn1.weight" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn1.bias" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn1.running_mean" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn1.running_var" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/3/bn1/batch_norm/0" [id=347, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/3/relu/0" [id=348, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer2/3/relu/0__0.0._scale_param_storage" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" [id=350, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.3.conv2.weight" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/3/conv2/conv2d/0__1.0._scale_param_storage" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=353, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/3/conv2/conv2d/0" [id=354, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer2.3.bn2.weight" [id=355, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn2.bias" [id=356, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn2.running_mean" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn2.running_var" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/3/bn2/batch_norm/0" [id=359, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer2/3/bn2/batch_norm/0__0.0._scale_param_storage" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=361, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.3.conv3.weight" [id=362, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/3/conv3/conv2d/0__1.0._scale_param_storage" [id=363, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=364, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/3/conv3/conv2d/0" [id=365, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.3.bn3.weight" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn3.bias" [id=367, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn3.running_mean" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.3.bn3.running_var" [id=369, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/3/bn3/batch_norm/0" [id=370, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/3/relu/1" [id=371, type=relu, metatype=PTRELUMetatype]; -"layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=372, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/3/cat/0" [id=373, type=cat, metatype=PTCatMetatype]; -"layer2/3/shuffle/view/0" [id=374, type=view, metatype=PTReshapeMetatype]; -"layer2/3/shuffle/permute/0" [id=375, type=permute, metatype=PTTransposeMetatype]; -"layer2/3/shuffle/reshape/0" [id=376, type=reshape, metatype=PTReshapeMetatype]; -"layer2/4/split/__getitem__/0" [id=377, type="__getitem__", metatype=PTGatherMetatype]; -"layer2/4/split/__getitem__/1" [id=378, type="__getitem__", metatype=PTGatherMetatype]; -"layer2.4.conv1.weight" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/4/conv1/conv2d/0__1.0._scale_param_storage" [id=380, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=381, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/4/conv1/conv2d/0" [id=382, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.4.bn1.weight" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.4.bn1.bias" [id=384, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.4.bn1.running_mean" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.4.bn1.running_var" [id=386, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/4/bn1/batch_norm/0" [id=387, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/4/relu/0" [id=388, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer2/4/relu/0__0.0._scale_param_storage" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" [id=390, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.4.conv2.weight" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/4/conv2/conv2d/0__1.0._scale_param_storage" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=393, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/4/conv2/conv2d/0" [id=394, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer2.4.bn2.weight" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.4.bn2.bias" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.4.bn2.running_mean" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.4.bn2.running_var" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/4/bn2/batch_norm/0" [id=399, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer2/4/bn2/batch_norm/0__0.0._scale_param_storage" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=401, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.4.conv3.weight" [id=402, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/4/conv3/conv2d/0__1.0._scale_param_storage" [id=403, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=404, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/4/conv3/conv2d/0" [id=405, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.4.bn3.weight" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.4.bn3.bias" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.4.bn3.running_mean" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.4.bn3.running_var" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/4/bn3/batch_norm/0" [id=410, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/4/relu/1" [id=411, type=relu, metatype=PTRELUMetatype]; -"layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=412, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/4/cat/0" [id=413, type=cat, metatype=PTCatMetatype]; -"layer2/4/shuffle/view/0" [id=414, type=view, metatype=PTReshapeMetatype]; -"layer2/4/shuffle/permute/0" [id=415, type=permute, metatype=PTTransposeMetatype]; -"layer2/4/shuffle/reshape/0" [id=416, type=reshape, metatype=PTReshapeMetatype]; -"layer2/5/split/__getitem__/0" [id=417, type="__getitem__", metatype=PTGatherMetatype]; -"layer2/5/split/__getitem__/1" [id=418, type="__getitem__", metatype=PTGatherMetatype]; -"layer2.5.conv1.weight" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/5/conv1/conv2d/0__1.0._scale_param_storage" [id=420, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=421, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/5/conv1/conv2d/0" [id=422, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.5.bn1.weight" [id=423, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.5.bn1.bias" [id=424, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.5.bn1.running_mean" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.5.bn1.running_var" [id=426, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/5/bn1/batch_norm/0" [id=427, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/5/relu/0" [id=428, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer2/5/relu/0__0.0._scale_param_storage" [id=429, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" [id=430, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.5.conv2.weight" [id=431, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/5/conv2/conv2d/0__1.0._scale_param_storage" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=433, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/5/conv2/conv2d/0" [id=434, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer2.5.bn2.weight" [id=435, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.5.bn2.bias" [id=436, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.5.bn2.running_mean" [id=437, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.5.bn2.running_var" [id=438, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/5/bn2/batch_norm/0" [id=439, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer2/5/bn2/batch_norm/0__0.0._scale_param_storage" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=441, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.5.conv3.weight" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/5/conv3/conv2d/0__1.0._scale_param_storage" [id=443, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=444, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/5/conv3/conv2d/0" [id=445, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.5.bn3.weight" [id=446, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.5.bn3.bias" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.5.bn3.running_mean" [id=448, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.5.bn3.running_var" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/5/bn3/batch_norm/0" [id=450, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/5/relu/1" [id=451, type=relu, metatype=PTRELUMetatype]; -"layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=452, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/5/cat/0" [id=453, type=cat, metatype=PTCatMetatype]; -"layer2/5/shuffle/view/0" [id=454, type=view, metatype=PTReshapeMetatype]; -"layer2/5/shuffle/permute/0" [id=455, type=permute, metatype=PTTransposeMetatype]; -"layer2/5/shuffle/reshape/0" [id=456, type=reshape, metatype=PTReshapeMetatype]; -"layer2/6/split/__getitem__/0" [id=457, type="__getitem__", metatype=PTGatherMetatype]; -"layer2/6/split/__getitem__/1" [id=458, type="__getitem__", metatype=PTGatherMetatype]; -"layer2.6.conv1.weight" [id=459, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/6/conv1/conv2d/0__1.0._scale_param_storage" [id=460, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=461, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/6/conv1/conv2d/0" [id=462, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.6.bn1.weight" [id=463, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.6.bn1.bias" [id=464, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.6.bn1.running_mean" [id=465, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.6.bn1.running_var" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/6/bn1/batch_norm/0" [id=467, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/6/relu/0" [id=468, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer2/6/relu/0__0.0._scale_param_storage" [id=469, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" [id=470, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.6.conv2.weight" [id=471, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/6/conv2/conv2d/0__1.0._scale_param_storage" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=473, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/6/conv2/conv2d/0" [id=474, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer2.6.bn2.weight" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.6.bn2.bias" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.6.bn2.running_mean" [id=477, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.6.bn2.running_var" [id=478, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/6/bn2/batch_norm/0" [id=479, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer2/6/bn2/batch_norm/0__0.0._scale_param_storage" [id=480, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=481, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.6.conv3.weight" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/6/conv3/conv2d/0__1.0._scale_param_storage" [id=483, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=484, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/6/conv3/conv2d/0" [id=485, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.6.bn3.weight" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.6.bn3.bias" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.6.bn3.running_mean" [id=488, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.6.bn3.running_var" [id=489, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/6/bn3/batch_norm/0" [id=490, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/6/relu/1" [id=491, type=relu, metatype=PTRELUMetatype]; -"layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=492, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/6/cat/0" [id=493, type=cat, metatype=PTCatMetatype]; -"layer2/6/shuffle/view/0" [id=494, type=view, metatype=PTReshapeMetatype]; -"layer2/6/shuffle/permute/0" [id=495, type=permute, metatype=PTTransposeMetatype]; -"layer2/6/shuffle/reshape/0" [id=496, type=reshape, metatype=PTReshapeMetatype]; -"layer2/7/split/__getitem__/0" [id=497, type="__getitem__", metatype=PTGatherMetatype]; -"layer2/7/split/__getitem__/1" [id=498, type="__getitem__", metatype=PTGatherMetatype]; -"layer2.7.conv1.weight" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/7/conv1/conv2d/0__1.0._scale_param_storage" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=501, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/7/conv1/conv2d/0" [id=502, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.7.bn1.weight" [id=503, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.7.bn1.bias" [id=504, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.7.bn1.running_mean" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.7.bn1.running_var" [id=506, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/7/bn1/batch_norm/0" [id=507, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/7/relu/0" [id=508, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer2/7/relu/0__0.0._scale_param_storage" [id=509, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" [id=510, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.7.conv2.weight" [id=511, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/7/conv2/conv2d/0__1.0._scale_param_storage" [id=512, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=513, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/7/conv2/conv2d/0" [id=514, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer2.7.bn2.weight" [id=515, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.7.bn2.bias" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.7.bn2.running_mean" [id=517, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.7.bn2.running_var" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/7/bn2/batch_norm/0" [id=519, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer2/7/bn2/batch_norm/0__0.0._scale_param_storage" [id=520, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=521, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2.7.conv3.weight" [id=522, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer2/7/conv3/conv2d/0__1.0._scale_param_storage" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=524, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/7/conv3/conv2d/0" [id=525, type=conv2d, metatype=PTConv2dMetatype]; -"layer2.7.bn3.weight" [id=526, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.7.bn3.bias" [id=527, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.7.bn3.running_mean" [id=528, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2.7.bn3.running_var" [id=529, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer2/7/bn3/batch_norm/0" [id=530, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer2/7/relu/1" [id=531, type=relu, metatype=PTRELUMetatype]; -"layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=532, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer2/7/cat/0" [id=533, type=cat, metatype=PTCatMetatype]; -"layer2/7/shuffle/view/0" [id=534, type=view, metatype=PTReshapeMetatype]; -"layer2/7/shuffle/permute/0" [id=535, type=permute, metatype=PTTransposeMetatype]; -"layer2/7/shuffle/reshape/0" [id=536, type=reshape, metatype=PTReshapeMetatype]; -"layer3.0.conv1.weight" [id=537, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" [id=538, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=539, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/0/conv1/conv2d/0" [id=540, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer3.0.bn1.weight" [id=541, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn1.bias" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn1.running_mean" [id=543, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn1.running_var" [id=544, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn1/batch_norm/0" [id=545, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer3/0/bn1/batch_norm/0__0.0._scale_param_storage" [id=546, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [id=547, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.0.conv2.weight" [id=548, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=550, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/0/conv2/conv2d/0" [id=551, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.0.bn2.weight" [id=552, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn2.bias" [id=553, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn2.running_mean" [id=554, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn2.running_var" [id=555, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn2/batch_norm/0" [id=556, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/0/relu/0" [id=557, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=559, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.0.conv3.weight" [id=560, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/0/conv3/conv2d/0__1.0._scale_param_storage" [id=561, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=562, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/0/conv3/conv2d/0" [id=563, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.0.bn3.weight" [id=564, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn3.bias" [id=565, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn3.running_mean" [id=566, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn3.running_var" [id=567, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn3/batch_norm/0" [id=568, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/0/relu/1" [id=569, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" [id=570, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [id=571, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.0.conv4.weight" [id=572, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/0/conv4/conv2d/0__1.0._scale_param_storage" [id=573, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [id=574, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/0/conv4/conv2d/0" [id=575, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer3.0.bn4.weight" [id=576, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn4.bias" [id=577, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn4.running_mean" [id=578, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn4.running_var" [id=579, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn4/batch_norm/0" [id=580, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer3/0/bn4/batch_norm/0__0.0._scale_param_storage" [id=581, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [id=582, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.0.conv5.weight" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/0/conv5/conv2d/0__1.0._scale_param_storage" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [id=585, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/0/conv5/conv2d/0" [id=586, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.0.bn5.weight" [id=587, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn5.bias" [id=588, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn5.running_mean" [id=589, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.0.bn5.running_var" [id=590, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/0/bn5/batch_norm/0" [id=591, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/0/relu/2" [id=592, type=relu, metatype=PTRELUMetatype]; -"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" [id=593, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/0/cat/0" [id=594, type=cat, metatype=PTCatMetatype]; -"layer3/0/shuffle/view/0" [id=595, type=view, metatype=PTReshapeMetatype]; -"layer3/0/shuffle/permute/0" [id=596, type=permute, metatype=PTTransposeMetatype]; -"layer3/0/shuffle/reshape/0" [id=597, type=reshape, metatype=PTReshapeMetatype]; -"layer3/1/split/__getitem__/0" [id=598, type="__getitem__", metatype=PTGatherMetatype]; -"layer3/1/split/__getitem__/1" [id=599, type="__getitem__", metatype=PTGatherMetatype]; -"layer3.1.conv1.weight" [id=600, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" [id=601, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=602, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/1/conv1/conv2d/0" [id=603, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.1.bn1.weight" [id=604, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn1.bias" [id=605, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn1.running_mean" [id=606, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn1.running_var" [id=607, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/bn1/batch_norm/0" [id=608, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/1/relu/0" [id=609, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" [id=610, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [id=611, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.1.conv2.weight" [id=612, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" [id=613, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=614, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/1/conv2/conv2d/0" [id=615, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer3.1.bn2.weight" [id=616, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn2.bias" [id=617, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn2.running_mean" [id=618, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn2.running_var" [id=619, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/bn2/batch_norm/0" [id=620, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=621, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=622, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.1.conv3.weight" [id=623, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/1/conv3/conv2d/0__1.0._scale_param_storage" [id=624, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=625, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/1/conv3/conv2d/0" [id=626, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.1.bn3.weight" [id=627, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn3.bias" [id=628, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn3.running_mean" [id=629, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.1.bn3.running_var" [id=630, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/1/bn3/batch_norm/0" [id=631, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/1/relu/1" [id=632, type=relu, metatype=PTRELUMetatype]; -"layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=633, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/1/cat/0" [id=634, type=cat, metatype=PTCatMetatype]; -"layer3/1/shuffle/view/0" [id=635, type=view, metatype=PTReshapeMetatype]; -"layer3/1/shuffle/permute/0" [id=636, type=permute, metatype=PTTransposeMetatype]; -"layer3/1/shuffle/reshape/0" [id=637, type=reshape, metatype=PTReshapeMetatype]; -"layer3/2/split/__getitem__/0" [id=638, type="__getitem__", metatype=PTGatherMetatype]; -"layer3/2/split/__getitem__/1" [id=639, type="__getitem__", metatype=PTGatherMetatype]; -"layer3.2.conv1.weight" [id=640, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/2/conv1/conv2d/0__1.0._scale_param_storage" [id=641, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=642, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/2/conv1/conv2d/0" [id=643, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.2.bn1.weight" [id=644, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn1.bias" [id=645, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn1.running_mean" [id=646, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn1.running_var" [id=647, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/2/bn1/batch_norm/0" [id=648, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/2/relu/0" [id=649, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer3/2/relu/0__0.0._scale_param_storage" [id=650, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" [id=651, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.2.conv2.weight" [id=652, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/2/conv2/conv2d/0__1.0._scale_param_storage" [id=653, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=654, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/2/conv2/conv2d/0" [id=655, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer3.2.bn2.weight" [id=656, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn2.bias" [id=657, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn2.running_mean" [id=658, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn2.running_var" [id=659, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/2/bn2/batch_norm/0" [id=660, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer3/2/bn2/batch_norm/0__0.0._scale_param_storage" [id=661, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=662, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.2.conv3.weight" [id=663, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/2/conv3/conv2d/0__1.0._scale_param_storage" [id=664, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=665, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/2/conv3/conv2d/0" [id=666, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.2.bn3.weight" [id=667, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn3.bias" [id=668, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn3.running_mean" [id=669, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.2.bn3.running_var" [id=670, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/2/bn3/batch_norm/0" [id=671, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/2/relu/1" [id=672, type=relu, metatype=PTRELUMetatype]; -"layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=673, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/2/cat/0" [id=674, type=cat, metatype=PTCatMetatype]; -"layer3/2/shuffle/view/0" [id=675, type=view, metatype=PTReshapeMetatype]; -"layer3/2/shuffle/permute/0" [id=676, type=permute, metatype=PTTransposeMetatype]; -"layer3/2/shuffle/reshape/0" [id=677, type=reshape, metatype=PTReshapeMetatype]; -"layer3/3/split/__getitem__/0" [id=678, type="__getitem__", metatype=PTGatherMetatype]; -"layer3/3/split/__getitem__/1" [id=679, type="__getitem__", metatype=PTGatherMetatype]; -"layer3.3.conv1.weight" [id=680, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/3/conv1/conv2d/0__1.0._scale_param_storage" [id=681, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=682, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/3/conv1/conv2d/0" [id=683, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.3.bn1.weight" [id=684, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn1.bias" [id=685, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn1.running_mean" [id=686, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn1.running_var" [id=687, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/3/bn1/batch_norm/0" [id=688, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/3/relu/0" [id=689, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.layer3/3/relu/0__0.0._scale_param_storage" [id=690, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" [id=691, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.3.conv2.weight" [id=692, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/3/conv2/conv2d/0__1.0._scale_param_storage" [id=693, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=694, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/3/conv2/conv2d/0" [id=695, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; -"layer3.3.bn2.weight" [id=696, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn2.bias" [id=697, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn2.running_mean" [id=698, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn2.running_var" [id=699, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/3/bn2/batch_norm/0" [id=700, type="batch_norm", metatype=PTBatchNormMetatype]; -"__nncf_hooks.post_hooks.layer3/3/bn2/batch_norm/0__0.0._scale_param_storage" [id=701, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=702, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3.3.conv3.weight" [id=703, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.layer3/3/conv3/conv2d/0__1.0._scale_param_storage" [id=704, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=705, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/3/conv3/conv2d/0" [id=706, type=conv2d, metatype=PTConv2dMetatype]; -"layer3.3.bn3.weight" [id=707, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn3.bias" [id=708, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn3.running_mean" [id=709, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3.3.bn3.running_var" [id=710, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"layer3/3/bn3/batch_norm/0" [id=711, type="batch_norm", metatype=PTBatchNormMetatype]; -"layer3/3/relu/1" [id=712, type=relu, metatype=PTRELUMetatype]; -"layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=713, type="symmetric_quantize", metatype=UnknownMetatype]; -"layer3/3/cat/0" [id=714, type=cat, metatype=PTCatMetatype]; -"layer3/3/shuffle/view/0" [id=715, type=view, metatype=PTReshapeMetatype]; -"layer3/3/shuffle/permute/0" [id=716, type=permute, metatype=PTTransposeMetatype]; -"layer3/3/shuffle/reshape/0" [id=717, type=reshape, metatype=PTReshapeMetatype]; -"conv2.weight" [id=718, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" [id=719, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=720, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv2/conv2d/0" [id=721, type=conv2d, metatype=PTConv2dMetatype]; -"bn2.weight" [id=722, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn2.bias" [id=723, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn2.running_mean" [id=724, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn2.running_var" [id=725, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"bn2/batch_norm/0" [id=726, type="batch_norm", metatype=PTBatchNormMetatype]; -"/relu/1" [id=727, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" [id=728, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__-relu-1__0[0]/symmetric_quantize/0" [id=729, type="symmetric_quantize", metatype=UnknownMetatype]; -"/avg_pool2d/0" [id=730, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" [id=731, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=732, type="symmetric_quantize", metatype=UnknownMetatype]; -"/view/0" [id=733, type=view, metatype=PTReshapeMetatype]; -"linear.weight" [id=734, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"linear.bias" [id=735, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=736, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=737, type="symmetric_quantize", metatype=UnknownMetatype]; -"linear/linear/0" [id=738, type=linear, metatype=PTLinearMetatype]; -output [id=739, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 3, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(24, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; -"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"bn1/batch_norm/0" -> "/relu/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; -"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv3/conv2d/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; -"layer1.0.conv1.weight" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn1/batch_norm/0" -> "layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/0/bn1/batch_norm/0__0.0._scale_param_storage" -> "layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.conv2.weight" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn2/batch_norm/0" -> "layer1/0/relu/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/relu/0" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/0/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.conv3.weight" -> "layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/0/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv3/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/0/conv3/conv2d/0" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; -"layer1.0.bn3.weight" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"layer1.0.bn3.bias" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"layer1.0.bn3.running_mean" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"layer1.0.bn3.running_var" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn3/batch_norm/0" -> "layer1/0/relu/1" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; -"layer1/0/relu/1" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" -> "layer1/0/conv4/conv2d/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; -"layer1.0.conv4.weight" -> "layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/0/conv4/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv4/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/0/conv4/conv2d/0" -> "layer1/0/bn4/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.bn4.weight" -> "layer1/0/bn4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"layer1.0.bn4.bias" -> "layer1/0/bn4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"layer1.0.bn4.running_mean" -> "layer1/0/bn4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"layer1.0.bn4.running_var" -> "layer1/0/bn4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn4/batch_norm/0" -> "layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/0/bn4/batch_norm/0__0.0._scale_param_storage" -> "layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv5/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.conv5.weight" -> "layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/0/conv5/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv5/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/0/conv5/conv2d/0" -> "layer1/0/bn5/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.0.bn5.weight" -> "layer1/0/bn5/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"layer1.0.bn5.bias" -> "layer1/0/bn5/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"layer1.0.bn5.running_mean" -> "layer1/0/bn5/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"layer1.0.bn5.running_var" -> "layer1/0/bn5/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"layer1/0/bn5/batch_norm/0" -> "layer1/0/relu/2" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/relu/2" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" -> "layer1/0/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=1]; -"layer1/0/cat/0" -> "layer1/0/shuffle/view/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/shuffle/view/0" -> "layer1/0/shuffle/permute/0" [dtype=float, shape="(1, 2, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/shuffle/permute/0" -> "layer1/0/shuffle/reshape/0" [dtype=float, shape="(1, 24, 2, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/shuffle/reshape/0" -> "layer1/1/split/__getitem__/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/0/shuffle/reshape/0" -> "layer1/1/split/__getitem__/1" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/split/__getitem__/0" -> "layer1/1/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/split/__getitem__/1" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.conv1.weight" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/relu/0" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.conv2.weight" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"layer1/1/bn2/batch_norm/0" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/1/conv3/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.conv3.weight" -> "layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/1/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv3/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/1/conv3/conv2d/0" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.1.bn3.weight" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"layer1.1.bn3.bias" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"layer1.1.bn3.running_mean" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"layer1.1.bn3.running_var" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"layer1/1/bn3/batch_norm/0" -> "layer1/1/relu/1" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/relu/1" -> "layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/1/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=1]; -"layer1/1/cat/0" -> "layer1/1/shuffle/view/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/shuffle/view/0" -> "layer1/1/shuffle/permute/0" [dtype=float, shape="(1, 2, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/shuffle/permute/0" -> "layer1/1/shuffle/reshape/0" [dtype=float, shape="(1, 24, 2, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/shuffle/reshape/0" -> "layer1/2/split/__getitem__/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/1/shuffle/reshape/0" -> "layer1/2/split/__getitem__/1" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/2/split/__getitem__/0" -> "layer1/2/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/2/split/__getitem__/1" -> "layer1/2/conv1/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.2.conv1.weight" -> "layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/2/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/2/conv1/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/2/conv1/conv2d/0" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.2.bn1.weight" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"layer1.2.bn1.bias" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"layer1.2.bn1.running_mean" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"layer1.2.bn1.running_var" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"layer1/2/bn1/batch_norm/0" -> "layer1/2/relu/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/2/relu/0" -> "layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/2/relu/0__0.0._scale_param_storage" -> "layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" -> "layer1/2/conv2/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.2.conv2.weight" -> "layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/2/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/2/conv2/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/2/conv2/conv2d/0" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.2.bn2.weight" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"layer1.2.bn2.bias" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"layer1.2.bn2.running_mean" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"layer1.2.bn2.running_var" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"layer1/2/bn2/batch_norm/0" -> "layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/2/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/2/conv3/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.2.conv3.weight" -> "layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/2/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/2/conv3/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/2/conv3/conv2d/0" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.2.bn3.weight" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"layer1.2.bn3.bias" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"layer1.2.bn3.running_mean" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"layer1.2.bn3.running_var" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"layer1/2/bn3/batch_norm/0" -> "layer1/2/relu/1" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/2/relu/1" -> "layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/2/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=1]; -"layer1/2/cat/0" -> "layer1/2/shuffle/view/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/2/shuffle/view/0" -> "layer1/2/shuffle/permute/0" [dtype=float, shape="(1, 2, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/2/shuffle/permute/0" -> "layer1/2/shuffle/reshape/0" [dtype=float, shape="(1, 24, 2, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/2/shuffle/reshape/0" -> "layer1/3/split/__getitem__/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/2/shuffle/reshape/0" -> "layer1/3/split/__getitem__/1" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/3/split/__getitem__/0" -> "layer1/3/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/3/split/__getitem__/1" -> "layer1/3/conv1/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.3.conv1.weight" -> "layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/3/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/3/conv1/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/3/conv1/conv2d/0" -> "layer1/3/bn1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.3.bn1.weight" -> "layer1/3/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"layer1.3.bn1.bias" -> "layer1/3/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"layer1.3.bn1.running_mean" -> "layer1/3/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"layer1.3.bn1.running_var" -> "layer1/3/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"layer1/3/bn1/batch_norm/0" -> "layer1/3/relu/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/3/relu/0" -> "layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/3/relu/0__0.0._scale_param_storage" -> "layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" -> "layer1/3/conv2/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.3.conv2.weight" -> "layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/3/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/3/conv2/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer1/3/conv2/conv2d/0" -> "layer1/3/bn2/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.3.bn2.weight" -> "layer1/3/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"layer1.3.bn2.bias" -> "layer1/3/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"layer1.3.bn2.running_mean" -> "layer1/3/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"layer1.3.bn2.running_var" -> "layer1/3/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"layer1/3/bn2/batch_norm/0" -> "layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer1/3/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/3/conv3/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.3.conv3.weight" -> "layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer1/3/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/3/conv3/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; -"layer1/3/conv3/conv2d/0" -> "layer1/3/bn3/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1.3.bn3.weight" -> "layer1/3/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; -"layer1.3.bn3.bias" -> "layer1/3/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; -"layer1.3.bn3.running_mean" -> "layer1/3/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; -"layer1.3.bn3.running_var" -> "layer1/3/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; -"layer1/3/bn3/batch_norm/0" -> "layer1/3/relu/1" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/3/relu/1" -> "layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/3/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=1]; -"layer1/3/cat/0" -> "layer1/3/shuffle/view/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/3/shuffle/view/0" -> "layer1/3/shuffle/permute/0" [dtype=float, shape="(1, 2, 24, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/3/shuffle/permute/0" -> "layer1/3/shuffle/reshape/0" [dtype=float, shape="(1, 24, 2, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/3/shuffle/reshape/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer1/3/shuffle/reshape/0" -> "layer2/0/conv3/conv2d/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer2.0.conv1.weight" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn1/batch_norm/0" -> "layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/0/bn1/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.conv2.weight" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn2/batch_norm/0" -> "layer2/0/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/relu/0" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/0/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.conv3.weight" -> "layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/0/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/0/conv3/conv2d/0" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer2.0.bn3.weight" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.0.bn3.bias" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.0.bn3.running_mean" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.0.bn3.running_var" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn3/batch_norm/0" -> "layer2/0/relu/1" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer2/0/relu/1" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" -> "layer2/0/conv4/conv2d/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; -"layer2.0.conv4.weight" -> "layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/0/conv4/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv4/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/0/conv4/conv2d/0" -> "layer2/0/bn4/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.bn4.weight" -> "layer2/0/bn4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.0.bn4.bias" -> "layer2/0/bn4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.0.bn4.running_mean" -> "layer2/0/bn4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.0.bn4.running_var" -> "layer2/0/bn4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn4/batch_norm/0" -> "layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/0/bn4/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/conv5/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.conv5.weight" -> "layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/0/conv5/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/0/conv5/conv2d/0" -> "layer2/0/bn5/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.0.bn5.weight" -> "layer2/0/bn5/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.0.bn5.bias" -> "layer2/0/bn5/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.0.bn5.running_mean" -> "layer2/0/bn5/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.0.bn5.running_var" -> "layer2/0/bn5/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/0/bn5/batch_norm/0" -> "layer2/0/relu/2" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/relu/2" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" -> "layer2/0/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2/0/cat/0" -> "layer2/0/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/shuffle/view/0" -> "layer2/0/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/shuffle/permute/0" -> "layer2/0/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/shuffle/reshape/0" -> "layer2/1/split/__getitem__/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/0/shuffle/reshape/0" -> "layer2/1/split/__getitem__/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/split/__getitem__/0" -> "layer2/1/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/split/__getitem__/1" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.conv1.weight" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/relu/0" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.conv2.weight" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/1/bn2/batch_norm/0" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/1/conv3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.conv3.weight" -> "layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/1/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/1/conv3/conv2d/0" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.1.bn3.weight" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.1.bn3.bias" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.1.bn3.running_mean" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.1.bn3.running_var" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/1/bn3/batch_norm/0" -> "layer2/1/relu/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/relu/1" -> "layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/1/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2/1/cat/0" -> "layer2/1/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/shuffle/view/0" -> "layer2/1/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/shuffle/permute/0" -> "layer2/1/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/shuffle/reshape/0" -> "layer2/2/split/__getitem__/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/1/shuffle/reshape/0" -> "layer2/2/split/__getitem__/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/2/split/__getitem__/0" -> "layer2/2/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/2/split/__getitem__/1" -> "layer2/2/conv1/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.2.conv1.weight" -> "layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/2/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/2/conv1/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/2/conv1/conv2d/0" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.2.bn1.weight" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.2.bn1.bias" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.2.bn1.running_mean" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.2.bn1.running_var" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/2/bn1/batch_norm/0" -> "layer2/2/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/2/relu/0" -> "layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/2/relu/0__0.0._scale_param_storage" -> "layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" -> "layer2/2/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.2.conv2.weight" -> "layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/2/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/2/conv2/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/2/conv2/conv2d/0" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.2.bn2.weight" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.2.bn2.bias" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.2.bn2.running_mean" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.2.bn2.running_var" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/2/bn2/batch_norm/0" -> "layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/2/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/2/conv3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.2.conv3.weight" -> "layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/2/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/2/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/2/conv3/conv2d/0" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.2.bn3.weight" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.2.bn3.bias" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.2.bn3.running_mean" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.2.bn3.running_var" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/2/bn3/batch_norm/0" -> "layer2/2/relu/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/2/relu/1" -> "layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/2/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2/2/cat/0" -> "layer2/2/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/2/shuffle/view/0" -> "layer2/2/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/2/shuffle/permute/0" -> "layer2/2/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/2/shuffle/reshape/0" -> "layer2/3/split/__getitem__/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/2/shuffle/reshape/0" -> "layer2/3/split/__getitem__/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/3/split/__getitem__/0" -> "layer2/3/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/3/split/__getitem__/1" -> "layer2/3/conv1/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.3.conv1.weight" -> "layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/3/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/3/conv1/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/3/conv1/conv2d/0" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.3.bn1.weight" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.3.bn1.bias" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.3.bn1.running_mean" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.3.bn1.running_var" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/3/bn1/batch_norm/0" -> "layer2/3/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/3/relu/0" -> "layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/3/relu/0__0.0._scale_param_storage" -> "layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" -> "layer2/3/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.3.conv2.weight" -> "layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/3/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/3/conv2/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/3/conv2/conv2d/0" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.3.bn2.weight" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.3.bn2.bias" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.3.bn2.running_mean" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.3.bn2.running_var" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/3/bn2/batch_norm/0" -> "layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/3/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/3/conv3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.3.conv3.weight" -> "layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/3/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/3/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/3/conv3/conv2d/0" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.3.bn3.weight" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.3.bn3.bias" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.3.bn3.running_mean" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.3.bn3.running_var" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/3/bn3/batch_norm/0" -> "layer2/3/relu/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/3/relu/1" -> "layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/3/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2/3/cat/0" -> "layer2/3/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/3/shuffle/view/0" -> "layer2/3/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/3/shuffle/permute/0" -> "layer2/3/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/3/shuffle/reshape/0" -> "layer2/4/split/__getitem__/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/3/shuffle/reshape/0" -> "layer2/4/split/__getitem__/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/4/split/__getitem__/0" -> "layer2/4/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/4/split/__getitem__/1" -> "layer2/4/conv1/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.4.conv1.weight" -> "layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/4/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/4/conv1/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/4/conv1/conv2d/0" -> "layer2/4/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.4.bn1.weight" -> "layer2/4/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.4.bn1.bias" -> "layer2/4/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.4.bn1.running_mean" -> "layer2/4/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.4.bn1.running_var" -> "layer2/4/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/4/bn1/batch_norm/0" -> "layer2/4/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/4/relu/0" -> "layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/4/relu/0__0.0._scale_param_storage" -> "layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" -> "layer2/4/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.4.conv2.weight" -> "layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/4/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/4/conv2/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/4/conv2/conv2d/0" -> "layer2/4/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.4.bn2.weight" -> "layer2/4/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.4.bn2.bias" -> "layer2/4/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.4.bn2.running_mean" -> "layer2/4/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.4.bn2.running_var" -> "layer2/4/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/4/bn2/batch_norm/0" -> "layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/4/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/4/conv3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.4.conv3.weight" -> "layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/4/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/4/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/4/conv3/conv2d/0" -> "layer2/4/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.4.bn3.weight" -> "layer2/4/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.4.bn3.bias" -> "layer2/4/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.4.bn3.running_mean" -> "layer2/4/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.4.bn3.running_var" -> "layer2/4/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/4/bn3/batch_norm/0" -> "layer2/4/relu/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/4/relu/1" -> "layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/4/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2/4/cat/0" -> "layer2/4/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/4/shuffle/view/0" -> "layer2/4/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/4/shuffle/permute/0" -> "layer2/4/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/4/shuffle/reshape/0" -> "layer2/5/split/__getitem__/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/4/shuffle/reshape/0" -> "layer2/5/split/__getitem__/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/5/split/__getitem__/0" -> "layer2/5/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/5/split/__getitem__/1" -> "layer2/5/conv1/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.5.conv1.weight" -> "layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/5/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/5/conv1/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/5/conv1/conv2d/0" -> "layer2/5/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.5.bn1.weight" -> "layer2/5/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.5.bn1.bias" -> "layer2/5/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.5.bn1.running_mean" -> "layer2/5/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.5.bn1.running_var" -> "layer2/5/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/5/bn1/batch_norm/0" -> "layer2/5/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/5/relu/0" -> "layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/5/relu/0__0.0._scale_param_storage" -> "layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" -> "layer2/5/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.5.conv2.weight" -> "layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/5/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/5/conv2/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/5/conv2/conv2d/0" -> "layer2/5/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.5.bn2.weight" -> "layer2/5/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.5.bn2.bias" -> "layer2/5/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.5.bn2.running_mean" -> "layer2/5/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.5.bn2.running_var" -> "layer2/5/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/5/bn2/batch_norm/0" -> "layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/5/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/5/conv3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.5.conv3.weight" -> "layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/5/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/5/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/5/conv3/conv2d/0" -> "layer2/5/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.5.bn3.weight" -> "layer2/5/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.5.bn3.bias" -> "layer2/5/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.5.bn3.running_mean" -> "layer2/5/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.5.bn3.running_var" -> "layer2/5/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/5/bn3/batch_norm/0" -> "layer2/5/relu/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/5/relu/1" -> "layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/5/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2/5/cat/0" -> "layer2/5/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/5/shuffle/view/0" -> "layer2/5/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/5/shuffle/permute/0" -> "layer2/5/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/5/shuffle/reshape/0" -> "layer2/6/split/__getitem__/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/5/shuffle/reshape/0" -> "layer2/6/split/__getitem__/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/6/split/__getitem__/0" -> "layer2/6/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/6/split/__getitem__/1" -> "layer2/6/conv1/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.6.conv1.weight" -> "layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/6/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/6/conv1/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/6/conv1/conv2d/0" -> "layer2/6/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.6.bn1.weight" -> "layer2/6/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.6.bn1.bias" -> "layer2/6/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.6.bn1.running_mean" -> "layer2/6/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.6.bn1.running_var" -> "layer2/6/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/6/bn1/batch_norm/0" -> "layer2/6/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/6/relu/0" -> "layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/6/relu/0__0.0._scale_param_storage" -> "layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" -> "layer2/6/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.6.conv2.weight" -> "layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/6/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/6/conv2/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/6/conv2/conv2d/0" -> "layer2/6/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.6.bn2.weight" -> "layer2/6/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.6.bn2.bias" -> "layer2/6/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.6.bn2.running_mean" -> "layer2/6/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.6.bn2.running_var" -> "layer2/6/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/6/bn2/batch_norm/0" -> "layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/6/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/6/conv3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.6.conv3.weight" -> "layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/6/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/6/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/6/conv3/conv2d/0" -> "layer2/6/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.6.bn3.weight" -> "layer2/6/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.6.bn3.bias" -> "layer2/6/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.6.bn3.running_mean" -> "layer2/6/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.6.bn3.running_var" -> "layer2/6/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/6/bn3/batch_norm/0" -> "layer2/6/relu/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/6/relu/1" -> "layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/6/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2/6/cat/0" -> "layer2/6/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/6/shuffle/view/0" -> "layer2/6/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/6/shuffle/permute/0" -> "layer2/6/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/6/shuffle/reshape/0" -> "layer2/7/split/__getitem__/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/6/shuffle/reshape/0" -> "layer2/7/split/__getitem__/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/7/split/__getitem__/0" -> "layer2/7/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/7/split/__getitem__/1" -> "layer2/7/conv1/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.7.conv1.weight" -> "layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/7/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/7/conv1/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/7/conv1/conv2d/0" -> "layer2/7/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.7.bn1.weight" -> "layer2/7/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.7.bn1.bias" -> "layer2/7/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.7.bn1.running_mean" -> "layer2/7/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.7.bn1.running_var" -> "layer2/7/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/7/bn1/batch_norm/0" -> "layer2/7/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/7/relu/0" -> "layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/7/relu/0__0.0._scale_param_storage" -> "layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" -> "layer2/7/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.7.conv2.weight" -> "layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/7/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/7/conv2/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer2/7/conv2/conv2d/0" -> "layer2/7/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.7.bn2.weight" -> "layer2/7/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.7.bn2.bias" -> "layer2/7/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.7.bn2.running_mean" -> "layer2/7/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.7.bn2.running_var" -> "layer2/7/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/7/bn2/batch_norm/0" -> "layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer2/7/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/7/conv3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.7.conv3.weight" -> "layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer2/7/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/7/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"layer2/7/conv3/conv2d/0" -> "layer2/7/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2.7.bn3.weight" -> "layer2/7/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; -"layer2.7.bn3.bias" -> "layer2/7/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"layer2.7.bn3.running_mean" -> "layer2/7/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; -"layer2.7.bn3.running_var" -> "layer2/7/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; -"layer2/7/bn3/batch_norm/0" -> "layer2/7/relu/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/7/relu/1" -> "layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/7/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; -"layer2/7/cat/0" -> "layer2/7/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/7/shuffle/view/0" -> "layer2/7/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/7/shuffle/permute/0" -> "layer2/7/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/7/shuffle/reshape/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer2/7/shuffle/reshape/0" -> "layer3/0/conv3/conv2d/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer3.0.conv1.weight" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn1/batch_norm/0" -> "layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/0/bn1/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.conv2.weight" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn2/batch_norm/0" -> "layer3/0/relu/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/relu/0" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.conv3.weight" -> "layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/0/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv3/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/0/conv3/conv2d/0" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer3.0.bn3.weight" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"layer3.0.bn3.bias" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"layer3.0.bn3.running_mean" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"layer3.0.bn3.running_var" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn3/batch_norm/0" -> "layer3/0/relu/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer3/0/relu/1" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/conv4/conv2d/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; -"layer3.0.conv4.weight" -> "layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/0/conv4/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv4/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/0/conv4/conv2d/0" -> "layer3/0/bn4/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.bn4.weight" -> "layer3/0/bn4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"layer3.0.bn4.bias" -> "layer3/0/bn4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"layer3.0.bn4.running_mean" -> "layer3/0/bn4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"layer3.0.bn4.running_var" -> "layer3/0/bn4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn4/batch_norm/0" -> "layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/0/bn4/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/conv5/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.conv5.weight" -> "layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/0/conv5/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv5/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/0/conv5/conv2d/0" -> "layer3/0/bn5/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.0.bn5.weight" -> "layer3/0/bn5/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"layer3.0.bn5.bias" -> "layer3/0/bn5/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"layer3.0.bn5.running_mean" -> "layer3/0/bn5/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"layer3.0.bn5.running_var" -> "layer3/0/bn5/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"layer3/0/bn5/batch_norm/0" -> "layer3/0/relu/2" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/relu/2" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" -> "layer3/0/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=1]; -"layer3/0/cat/0" -> "layer3/0/shuffle/view/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/shuffle/view/0" -> "layer3/0/shuffle/permute/0" [dtype=float, shape="(1, 2, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/shuffle/permute/0" -> "layer3/0/shuffle/reshape/0" [dtype=float, shape="(1, 96, 2, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/shuffle/reshape/0" -> "layer3/1/split/__getitem__/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/0/shuffle/reshape/0" -> "layer3/1/split/__getitem__/1" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/split/__getitem__/0" -> "layer3/1/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/split/__getitem__/1" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.conv1.weight" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/relu/0" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.conv2.weight" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"layer3/1/bn2/batch_norm/0" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/1/conv3/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.conv3.weight" -> "layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/1/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv3/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/1/conv3/conv2d/0" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.1.bn3.weight" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"layer3.1.bn3.bias" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"layer3.1.bn3.running_mean" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"layer3.1.bn3.running_var" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"layer3/1/bn3/batch_norm/0" -> "layer3/1/relu/1" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/relu/1" -> "layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/1/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=1]; -"layer3/1/cat/0" -> "layer3/1/shuffle/view/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/shuffle/view/0" -> "layer3/1/shuffle/permute/0" [dtype=float, shape="(1, 2, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/shuffle/permute/0" -> "layer3/1/shuffle/reshape/0" [dtype=float, shape="(1, 96, 2, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/shuffle/reshape/0" -> "layer3/2/split/__getitem__/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/1/shuffle/reshape/0" -> "layer3/2/split/__getitem__/1" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/2/split/__getitem__/0" -> "layer3/2/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/2/split/__getitem__/1" -> "layer3/2/conv1/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.2.conv1.weight" -> "layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/2/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/2/conv1/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/2/conv1/conv2d/0" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.2.bn1.weight" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"layer3.2.bn1.bias" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"layer3.2.bn1.running_mean" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"layer3.2.bn1.running_var" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"layer3/2/bn1/batch_norm/0" -> "layer3/2/relu/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/2/relu/0" -> "layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/2/relu/0__0.0._scale_param_storage" -> "layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" -> "layer3/2/conv2/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.2.conv2.weight" -> "layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/2/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/2/conv2/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/2/conv2/conv2d/0" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.2.bn2.weight" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"layer3.2.bn2.bias" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"layer3.2.bn2.running_mean" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"layer3.2.bn2.running_var" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"layer3/2/bn2/batch_norm/0" -> "layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/2/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/2/conv3/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.2.conv3.weight" -> "layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/2/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/2/conv3/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/2/conv3/conv2d/0" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.2.bn3.weight" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"layer3.2.bn3.bias" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"layer3.2.bn3.running_mean" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"layer3.2.bn3.running_var" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"layer3/2/bn3/batch_norm/0" -> "layer3/2/relu/1" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/2/relu/1" -> "layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/2/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=1]; -"layer3/2/cat/0" -> "layer3/2/shuffle/view/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/2/shuffle/view/0" -> "layer3/2/shuffle/permute/0" [dtype=float, shape="(1, 2, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/2/shuffle/permute/0" -> "layer3/2/shuffle/reshape/0" [dtype=float, shape="(1, 96, 2, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/2/shuffle/reshape/0" -> "layer3/3/split/__getitem__/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/2/shuffle/reshape/0" -> "layer3/3/split/__getitem__/1" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/3/split/__getitem__/0" -> "layer3/3/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/3/split/__getitem__/1" -> "layer3/3/conv1/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.3.conv1.weight" -> "layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/3/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/3/conv1/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/3/conv1/conv2d/0" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.3.bn1.weight" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"layer3.3.bn1.bias" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"layer3.3.bn1.running_mean" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"layer3.3.bn1.running_var" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"layer3/3/bn1/batch_norm/0" -> "layer3/3/relu/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/3/relu/0" -> "layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/3/relu/0__0.0._scale_param_storage" -> "layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" -> "layer3/3/conv2/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.3.conv2.weight" -> "layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/3/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/3/conv2/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; -"layer3/3/conv2/conv2d/0" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.3.bn2.weight" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"layer3.3.bn2.bias" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"layer3.3.bn2.running_mean" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"layer3.3.bn2.running_var" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"layer3/3/bn2/batch_norm/0" -> "layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.layer3/3/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/3/conv3/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.3.conv3.weight" -> "layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.layer3/3/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/3/conv3/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; -"layer3/3/conv3/conv2d/0" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3.3.bn3.weight" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; -"layer3.3.bn3.bias" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; -"layer3.3.bn3.running_mean" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; -"layer3.3.bn3.running_var" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; -"layer3/3/bn3/batch_norm/0" -> "layer3/3/relu/1" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/3/relu/1" -> "layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/3/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=1]; -"layer3/3/cat/0" -> "layer3/3/shuffle/view/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/3/shuffle/view/0" -> "layer3/3/shuffle/permute/0" [dtype=float, shape="(1, 2, 96, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/3/shuffle/permute/0" -> "layer3/3/shuffle/reshape/0" [dtype=float, shape="(1, 96, 2, 4, 4)", out_port_id=0, in_port_id=0]; -"layer3/3/shuffle/reshape/0" -> "conv2/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; -"conv2.weight" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "conv2/conv2d/0" [dtype=float, shape="(1024, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"conv2/conv2d/0" -> "bn2/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"bn2.weight" -> "bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"bn2.bias" -> "bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"bn2.running_mean" -> "bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"bn2.running_var" -> "bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"bn2/batch_norm/0" -> "/relu/1" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"/relu/1" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__-relu-1__0[0]/symmetric_quantize/0" -> "/avg_pool2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; -"/avg_pool2d/0" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; -"/view/0" -> "linear/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; -"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1024)", out_port_id=0, in_port_id=0]; -"linear.bias" -> "linear/linear/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1)", out_port_id=0, in_port_id=4]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, shape="(10, 1024)", out_port_id=0, in_port_id=1]; -"linear/linear/0" -> output [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=5, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv1/conv2d/0" [id=6, metatype=PTConv2dMetatype, type=conv2d]; +"bn1.weight" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1.bias" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1.running_mean" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1.running_var" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn1/batch_norm/0" [id=11, metatype=PT2BatchNormMetatype, type=batch_norm]; +"/relu/0" [id=12, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=14, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1.0.conv1.weight" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=17, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/0/conv1/conv2d/0" [id=18, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer1.0.bn1.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn1.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn1.running_mean" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn1.running_var" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn1/batch_norm/0" [id=23, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer1/0/bn1/batch_norm/0__0.0._scale_param_storage" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [id=25, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1.0.conv2.weight" [id=26, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=28, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/0/conv2/conv2d/0" [id=29, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.0.bn2.weight" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn2.bias" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn2.running_mean" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn2.running_var" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn2/batch_norm/0" [id=34, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/0/relu/0" [id=35, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=37, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1.0.conv3.weight" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/0/conv3/conv2d/0__1.0._scale_param_storage" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=40, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/0/conv3/conv2d/0" [id=41, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.0.bn3.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn3.bias" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn3.running_mean" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn3.running_var" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn3/batch_norm/0" [id=46, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/0/relu/1" [id=47, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [id=49, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1.0.conv4.weight" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/0/conv4/conv2d/0__1.0._scale_param_storage" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [id=52, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/0/conv4/conv2d/0" [id=53, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer1.0.bn4.weight" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn4.bias" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn4.running_mean" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn4.running_var" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn4/batch_norm/0" [id=58, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer1/0/bn4/batch_norm/0__0.0._scale_param_storage" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [id=60, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1.0.conv5.weight" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/0/conv5/conv2d/0__1.0._scale_param_storage" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [id=63, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/0/conv5/conv2d/0" [id=64, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.0.bn5.weight" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn5.bias" [id=66, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn5.running_mean" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.0.bn5.running_var" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/0/bn5/batch_norm/0" [id=69, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/0/relu/2" [id=70, metatype=PTRELUMetatype, type=relu]; +"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" [id=71, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/0/cat/0" [id=72, metatype=PTCatMetatype, type=cat]; +"layer1/0/shuffle/view/0" [id=73, metatype=PTReshapeMetatype, type=view]; +"layer1/0/shuffle/permute/0" [id=74, metatype=PTTransposeMetatype, type=permute]; +"layer1/0/shuffle/reshape/0" [id=75, metatype=PTReshapeMetatype, type=reshape]; +"layer1/1/split/__getitem__/0" [id=76, metatype=PTGatherMetatype, type=__getitem__]; +"layer1/1/split/__getitem__/1" [id=77, metatype=PTGatherMetatype, type=__getitem__]; +"layer1.1.conv1.weight" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=80, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/1/conv1/conv2d/0" [id=81, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.1.bn1.weight" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn1.bias" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn1.running_mean" [id=84, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn1.running_var" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/bn1/batch_norm/0" [id=86, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/1/relu/0" [id=87, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [id=89, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1.1.conv2.weight" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=92, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/1/conv2/conv2d/0" [id=93, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer1.1.bn2.weight" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn2.bias" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn2.running_mean" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn2.running_var" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/bn2/batch_norm/0" [id=98, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=100, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1.1.conv3.weight" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/1/conv3/conv2d/0__1.0._scale_param_storage" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=103, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/1/conv3/conv2d/0" [id=104, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.1.bn3.weight" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn3.bias" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn3.running_mean" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.1.bn3.running_var" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/1/bn3/batch_norm/0" [id=109, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/1/relu/1" [id=110, metatype=PTRELUMetatype, type=relu]; +"layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=111, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/1/cat/0" [id=112, metatype=PTCatMetatype, type=cat]; +"layer1/1/shuffle/view/0" [id=113, metatype=PTReshapeMetatype, type=view]; +"layer1/1/shuffle/permute/0" [id=114, metatype=PTTransposeMetatype, type=permute]; +"layer1/1/shuffle/reshape/0" [id=115, metatype=PTReshapeMetatype, type=reshape]; +"layer1/2/split/__getitem__/0" [id=116, metatype=PTGatherMetatype, type=__getitem__]; +"layer1/2/split/__getitem__/1" [id=117, metatype=PTGatherMetatype, type=__getitem__]; +"layer1.2.conv1.weight" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/2/conv1/conv2d/0__1.0._scale_param_storage" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=120, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/2/conv1/conv2d/0" [id=121, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.2.bn1.weight" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn1.bias" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn1.running_mean" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn1.running_var" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/2/bn1/batch_norm/0" [id=126, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/2/relu/0" [id=127, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer1/2/relu/0__0.0._scale_param_storage" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" [id=129, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1.2.conv2.weight" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/2/conv2/conv2d/0__1.0._scale_param_storage" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=132, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/2/conv2/conv2d/0" [id=133, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer1.2.bn2.weight" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn2.bias" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn2.running_mean" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn2.running_var" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/2/bn2/batch_norm/0" [id=138, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer1/2/bn2/batch_norm/0__0.0._scale_param_storage" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=140, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1.2.conv3.weight" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/2/conv3/conv2d/0__1.0._scale_param_storage" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=143, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/2/conv3/conv2d/0" [id=144, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.2.bn3.weight" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn3.bias" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn3.running_mean" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.2.bn3.running_var" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/2/bn3/batch_norm/0" [id=149, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/2/relu/1" [id=150, metatype=PTRELUMetatype, type=relu]; +"layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=151, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/2/cat/0" [id=152, metatype=PTCatMetatype, type=cat]; +"layer1/2/shuffle/view/0" [id=153, metatype=PTReshapeMetatype, type=view]; +"layer1/2/shuffle/permute/0" [id=154, metatype=PTTransposeMetatype, type=permute]; +"layer1/2/shuffle/reshape/0" [id=155, metatype=PTReshapeMetatype, type=reshape]; +"layer1/3/split/__getitem__/0" [id=156, metatype=PTGatherMetatype, type=__getitem__]; +"layer1/3/split/__getitem__/1" [id=157, metatype=PTGatherMetatype, type=__getitem__]; +"layer1.3.conv1.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/3/conv1/conv2d/0__1.0._scale_param_storage" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=160, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/3/conv1/conv2d/0" [id=161, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.3.bn1.weight" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.3.bn1.bias" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.3.bn1.running_mean" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.3.bn1.running_var" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/3/bn1/batch_norm/0" [id=166, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/3/relu/0" [id=167, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer1/3/relu/0__0.0._scale_param_storage" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" [id=169, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1.3.conv2.weight" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/3/conv2/conv2d/0__1.0._scale_param_storage" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=172, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/3/conv2/conv2d/0" [id=173, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer1.3.bn2.weight" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.3.bn2.bias" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.3.bn2.running_mean" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.3.bn2.running_var" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/3/bn2/batch_norm/0" [id=178, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer1/3/bn2/batch_norm/0__0.0._scale_param_storage" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=180, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1.3.conv3.weight" [id=181, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer1/3/conv3/conv2d/0__1.0._scale_param_storage" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=183, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/3/conv3/conv2d/0" [id=184, metatype=PTConv2dMetatype, type=conv2d]; +"layer1.3.bn3.weight" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.3.bn3.bias" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.3.bn3.running_mean" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1.3.bn3.running_var" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer1/3/bn3/batch_norm/0" [id=189, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer1/3/relu/1" [id=190, metatype=PTRELUMetatype, type=relu]; +"layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=191, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer1/3/cat/0" [id=192, metatype=PTCatMetatype, type=cat]; +"layer1/3/shuffle/view/0" [id=193, metatype=PTReshapeMetatype, type=view]; +"layer1/3/shuffle/permute/0" [id=194, metatype=PTTransposeMetatype, type=permute]; +"layer1/3/shuffle/reshape/0" [id=195, metatype=PTReshapeMetatype, type=reshape]; +"layer2.0.conv1.weight" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=198, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/0/conv1/conv2d/0" [id=199, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer2.0.bn1.weight" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn1.bias" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn1.running_mean" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn1.running_var" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn1/batch_norm/0" [id=204, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer2/0/bn1/batch_norm/0__0.0._scale_param_storage" [id=205, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [id=206, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.0.conv2.weight" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=209, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/0/conv2/conv2d/0" [id=210, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.0.bn2.weight" [id=211, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn2.bias" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn2.running_mean" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn2.running_var" [id=214, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn2/batch_norm/0" [id=215, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/0/relu/0" [id=216, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=218, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.0.conv3.weight" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/0/conv3/conv2d/0__1.0._scale_param_storage" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=221, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/0/conv3/conv2d/0" [id=222, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.0.bn3.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn3.bias" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn3.running_mean" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn3.running_var" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn3/batch_norm/0" [id=227, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/0/relu/1" [id=228, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [id=230, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.0.conv4.weight" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/0/conv4/conv2d/0__1.0._scale_param_storage" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [id=233, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/0/conv4/conv2d/0" [id=234, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer2.0.bn4.weight" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn4.bias" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn4.running_mean" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn4.running_var" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn4/batch_norm/0" [id=239, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer2/0/bn4/batch_norm/0__0.0._scale_param_storage" [id=240, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [id=241, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.0.conv5.weight" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/0/conv5/conv2d/0__1.0._scale_param_storage" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [id=244, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/0/conv5/conv2d/0" [id=245, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.0.bn5.weight" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn5.bias" [id=247, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn5.running_mean" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.0.bn5.running_var" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/0/bn5/batch_norm/0" [id=250, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/0/relu/2" [id=251, metatype=PTRELUMetatype, type=relu]; +"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" [id=252, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/0/cat/0" [id=253, metatype=PTCatMetatype, type=cat]; +"layer2/0/shuffle/view/0" [id=254, metatype=PTReshapeMetatype, type=view]; +"layer2/0/shuffle/permute/0" [id=255, metatype=PTTransposeMetatype, type=permute]; +"layer2/0/shuffle/reshape/0" [id=256, metatype=PTReshapeMetatype, type=reshape]; +"layer2/1/split/__getitem__/0" [id=257, metatype=PTGatherMetatype, type=__getitem__]; +"layer2/1/split/__getitem__/1" [id=258, metatype=PTGatherMetatype, type=__getitem__]; +"layer2.1.conv1.weight" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=261, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/1/conv1/conv2d/0" [id=262, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.1.bn1.weight" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn1.bias" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn1.running_mean" [id=265, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn1.running_var" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/bn1/batch_norm/0" [id=267, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/1/relu/0" [id=268, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [id=270, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.1.conv2.weight" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" [id=272, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=273, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/1/conv2/conv2d/0" [id=274, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer2.1.bn2.weight" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn2.bias" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn2.running_mean" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn2.running_var" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/bn2/batch_norm/0" [id=279, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=280, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=281, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.1.conv3.weight" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/1/conv3/conv2d/0__1.0._scale_param_storage" [id=283, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=284, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/1/conv3/conv2d/0" [id=285, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.1.bn3.weight" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn3.bias" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn3.running_mean" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.1.bn3.running_var" [id=289, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/1/bn3/batch_norm/0" [id=290, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/1/relu/1" [id=291, metatype=PTRELUMetatype, type=relu]; +"layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=292, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/1/cat/0" [id=293, metatype=PTCatMetatype, type=cat]; +"layer2/1/shuffle/view/0" [id=294, metatype=PTReshapeMetatype, type=view]; +"layer2/1/shuffle/permute/0" [id=295, metatype=PTTransposeMetatype, type=permute]; +"layer2/1/shuffle/reshape/0" [id=296, metatype=PTReshapeMetatype, type=reshape]; +"layer2/2/split/__getitem__/0" [id=297, metatype=PTGatherMetatype, type=__getitem__]; +"layer2/2/split/__getitem__/1" [id=298, metatype=PTGatherMetatype, type=__getitem__]; +"layer2.2.conv1.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/2/conv1/conv2d/0__1.0._scale_param_storage" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=301, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/2/conv1/conv2d/0" [id=302, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.2.bn1.weight" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn1.bias" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn1.running_mean" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn1.running_var" [id=306, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/2/bn1/batch_norm/0" [id=307, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/2/relu/0" [id=308, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer2/2/relu/0__0.0._scale_param_storage" [id=309, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" [id=310, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.2.conv2.weight" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/2/conv2/conv2d/0__1.0._scale_param_storage" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=313, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/2/conv2/conv2d/0" [id=314, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer2.2.bn2.weight" [id=315, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn2.bias" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn2.running_mean" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn2.running_var" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/2/bn2/batch_norm/0" [id=319, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer2/2/bn2/batch_norm/0__0.0._scale_param_storage" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=321, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.2.conv3.weight" [id=322, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/2/conv3/conv2d/0__1.0._scale_param_storage" [id=323, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=324, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/2/conv3/conv2d/0" [id=325, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.2.bn3.weight" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn3.bias" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn3.running_mean" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.2.bn3.running_var" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/2/bn3/batch_norm/0" [id=330, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/2/relu/1" [id=331, metatype=PTRELUMetatype, type=relu]; +"layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=332, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/2/cat/0" [id=333, metatype=PTCatMetatype, type=cat]; +"layer2/2/shuffle/view/0" [id=334, metatype=PTReshapeMetatype, type=view]; +"layer2/2/shuffle/permute/0" [id=335, metatype=PTTransposeMetatype, type=permute]; +"layer2/2/shuffle/reshape/0" [id=336, metatype=PTReshapeMetatype, type=reshape]; +"layer2/3/split/__getitem__/0" [id=337, metatype=PTGatherMetatype, type=__getitem__]; +"layer2/3/split/__getitem__/1" [id=338, metatype=PTGatherMetatype, type=__getitem__]; +"layer2.3.conv1.weight" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/3/conv1/conv2d/0__1.0._scale_param_storage" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=341, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/3/conv1/conv2d/0" [id=342, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.3.bn1.weight" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn1.bias" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn1.running_mean" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn1.running_var" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/3/bn1/batch_norm/0" [id=347, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/3/relu/0" [id=348, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer2/3/relu/0__0.0._scale_param_storage" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" [id=350, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.3.conv2.weight" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/3/conv2/conv2d/0__1.0._scale_param_storage" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=353, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/3/conv2/conv2d/0" [id=354, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer2.3.bn2.weight" [id=355, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn2.bias" [id=356, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn2.running_mean" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn2.running_var" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/3/bn2/batch_norm/0" [id=359, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer2/3/bn2/batch_norm/0__0.0._scale_param_storage" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=361, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.3.conv3.weight" [id=362, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/3/conv3/conv2d/0__1.0._scale_param_storage" [id=363, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=364, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/3/conv3/conv2d/0" [id=365, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.3.bn3.weight" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn3.bias" [id=367, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn3.running_mean" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.3.bn3.running_var" [id=369, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/3/bn3/batch_norm/0" [id=370, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/3/relu/1" [id=371, metatype=PTRELUMetatype, type=relu]; +"layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=372, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/3/cat/0" [id=373, metatype=PTCatMetatype, type=cat]; +"layer2/3/shuffle/view/0" [id=374, metatype=PTReshapeMetatype, type=view]; +"layer2/3/shuffle/permute/0" [id=375, metatype=PTTransposeMetatype, type=permute]; +"layer2/3/shuffle/reshape/0" [id=376, metatype=PTReshapeMetatype, type=reshape]; +"layer2/4/split/__getitem__/0" [id=377, metatype=PTGatherMetatype, type=__getitem__]; +"layer2/4/split/__getitem__/1" [id=378, metatype=PTGatherMetatype, type=__getitem__]; +"layer2.4.conv1.weight" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/4/conv1/conv2d/0__1.0._scale_param_storage" [id=380, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=381, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/4/conv1/conv2d/0" [id=382, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.4.bn1.weight" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.4.bn1.bias" [id=384, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.4.bn1.running_mean" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.4.bn1.running_var" [id=386, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/4/bn1/batch_norm/0" [id=387, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/4/relu/0" [id=388, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer2/4/relu/0__0.0._scale_param_storage" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" [id=390, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.4.conv2.weight" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/4/conv2/conv2d/0__1.0._scale_param_storage" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=393, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/4/conv2/conv2d/0" [id=394, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer2.4.bn2.weight" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.4.bn2.bias" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.4.bn2.running_mean" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.4.bn2.running_var" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/4/bn2/batch_norm/0" [id=399, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer2/4/bn2/batch_norm/0__0.0._scale_param_storage" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=401, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.4.conv3.weight" [id=402, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/4/conv3/conv2d/0__1.0._scale_param_storage" [id=403, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=404, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/4/conv3/conv2d/0" [id=405, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.4.bn3.weight" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.4.bn3.bias" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.4.bn3.running_mean" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.4.bn3.running_var" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/4/bn3/batch_norm/0" [id=410, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/4/relu/1" [id=411, metatype=PTRELUMetatype, type=relu]; +"layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=412, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/4/cat/0" [id=413, metatype=PTCatMetatype, type=cat]; +"layer2/4/shuffle/view/0" [id=414, metatype=PTReshapeMetatype, type=view]; +"layer2/4/shuffle/permute/0" [id=415, metatype=PTTransposeMetatype, type=permute]; +"layer2/4/shuffle/reshape/0" [id=416, metatype=PTReshapeMetatype, type=reshape]; +"layer2/5/split/__getitem__/0" [id=417, metatype=PTGatherMetatype, type=__getitem__]; +"layer2/5/split/__getitem__/1" [id=418, metatype=PTGatherMetatype, type=__getitem__]; +"layer2.5.conv1.weight" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/5/conv1/conv2d/0__1.0._scale_param_storage" [id=420, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=421, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/5/conv1/conv2d/0" [id=422, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.5.bn1.weight" [id=423, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.5.bn1.bias" [id=424, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.5.bn1.running_mean" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.5.bn1.running_var" [id=426, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/5/bn1/batch_norm/0" [id=427, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/5/relu/0" [id=428, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer2/5/relu/0__0.0._scale_param_storage" [id=429, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" [id=430, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.5.conv2.weight" [id=431, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/5/conv2/conv2d/0__1.0._scale_param_storage" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=433, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/5/conv2/conv2d/0" [id=434, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer2.5.bn2.weight" [id=435, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.5.bn2.bias" [id=436, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.5.bn2.running_mean" [id=437, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.5.bn2.running_var" [id=438, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/5/bn2/batch_norm/0" [id=439, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer2/5/bn2/batch_norm/0__0.0._scale_param_storage" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=441, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.5.conv3.weight" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/5/conv3/conv2d/0__1.0._scale_param_storage" [id=443, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=444, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/5/conv3/conv2d/0" [id=445, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.5.bn3.weight" [id=446, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.5.bn3.bias" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.5.bn3.running_mean" [id=448, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.5.bn3.running_var" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/5/bn3/batch_norm/0" [id=450, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/5/relu/1" [id=451, metatype=PTRELUMetatype, type=relu]; +"layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=452, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/5/cat/0" [id=453, metatype=PTCatMetatype, type=cat]; +"layer2/5/shuffle/view/0" [id=454, metatype=PTReshapeMetatype, type=view]; +"layer2/5/shuffle/permute/0" [id=455, metatype=PTTransposeMetatype, type=permute]; +"layer2/5/shuffle/reshape/0" [id=456, metatype=PTReshapeMetatype, type=reshape]; +"layer2/6/split/__getitem__/0" [id=457, metatype=PTGatherMetatype, type=__getitem__]; +"layer2/6/split/__getitem__/1" [id=458, metatype=PTGatherMetatype, type=__getitem__]; +"layer2.6.conv1.weight" [id=459, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/6/conv1/conv2d/0__1.0._scale_param_storage" [id=460, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=461, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/6/conv1/conv2d/0" [id=462, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.6.bn1.weight" [id=463, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.6.bn1.bias" [id=464, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.6.bn1.running_mean" [id=465, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.6.bn1.running_var" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/6/bn1/batch_norm/0" [id=467, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/6/relu/0" [id=468, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer2/6/relu/0__0.0._scale_param_storage" [id=469, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" [id=470, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.6.conv2.weight" [id=471, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/6/conv2/conv2d/0__1.0._scale_param_storage" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=473, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/6/conv2/conv2d/0" [id=474, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer2.6.bn2.weight" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.6.bn2.bias" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.6.bn2.running_mean" [id=477, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.6.bn2.running_var" [id=478, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/6/bn2/batch_norm/0" [id=479, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer2/6/bn2/batch_norm/0__0.0._scale_param_storage" [id=480, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=481, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.6.conv3.weight" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/6/conv3/conv2d/0__1.0._scale_param_storage" [id=483, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=484, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/6/conv3/conv2d/0" [id=485, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.6.bn3.weight" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.6.bn3.bias" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.6.bn3.running_mean" [id=488, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.6.bn3.running_var" [id=489, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/6/bn3/batch_norm/0" [id=490, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/6/relu/1" [id=491, metatype=PTRELUMetatype, type=relu]; +"layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=492, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/6/cat/0" [id=493, metatype=PTCatMetatype, type=cat]; +"layer2/6/shuffle/view/0" [id=494, metatype=PTReshapeMetatype, type=view]; +"layer2/6/shuffle/permute/0" [id=495, metatype=PTTransposeMetatype, type=permute]; +"layer2/6/shuffle/reshape/0" [id=496, metatype=PTReshapeMetatype, type=reshape]; +"layer2/7/split/__getitem__/0" [id=497, metatype=PTGatherMetatype, type=__getitem__]; +"layer2/7/split/__getitem__/1" [id=498, metatype=PTGatherMetatype, type=__getitem__]; +"layer2.7.conv1.weight" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/7/conv1/conv2d/0__1.0._scale_param_storage" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=501, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/7/conv1/conv2d/0" [id=502, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.7.bn1.weight" [id=503, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.7.bn1.bias" [id=504, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.7.bn1.running_mean" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.7.bn1.running_var" [id=506, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/7/bn1/batch_norm/0" [id=507, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/7/relu/0" [id=508, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer2/7/relu/0__0.0._scale_param_storage" [id=509, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" [id=510, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.7.conv2.weight" [id=511, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/7/conv2/conv2d/0__1.0._scale_param_storage" [id=512, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=513, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/7/conv2/conv2d/0" [id=514, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer2.7.bn2.weight" [id=515, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.7.bn2.bias" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.7.bn2.running_mean" [id=517, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.7.bn2.running_var" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/7/bn2/batch_norm/0" [id=519, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer2/7/bn2/batch_norm/0__0.0._scale_param_storage" [id=520, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=521, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2.7.conv3.weight" [id=522, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer2/7/conv3/conv2d/0__1.0._scale_param_storage" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=524, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/7/conv3/conv2d/0" [id=525, metatype=PTConv2dMetatype, type=conv2d]; +"layer2.7.bn3.weight" [id=526, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.7.bn3.bias" [id=527, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.7.bn3.running_mean" [id=528, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2.7.bn3.running_var" [id=529, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer2/7/bn3/batch_norm/0" [id=530, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer2/7/relu/1" [id=531, metatype=PTRELUMetatype, type=relu]; +"layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=532, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer2/7/cat/0" [id=533, metatype=PTCatMetatype, type=cat]; +"layer2/7/shuffle/view/0" [id=534, metatype=PTReshapeMetatype, type=view]; +"layer2/7/shuffle/permute/0" [id=535, metatype=PTTransposeMetatype, type=permute]; +"layer2/7/shuffle/reshape/0" [id=536, metatype=PTReshapeMetatype, type=reshape]; +"layer3.0.conv1.weight" [id=537, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" [id=538, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=539, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/0/conv1/conv2d/0" [id=540, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer3.0.bn1.weight" [id=541, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn1.bias" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn1.running_mean" [id=543, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn1.running_var" [id=544, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn1/batch_norm/0" [id=545, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer3/0/bn1/batch_norm/0__0.0._scale_param_storage" [id=546, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [id=547, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.0.conv2.weight" [id=548, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=550, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/0/conv2/conv2d/0" [id=551, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.0.bn2.weight" [id=552, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn2.bias" [id=553, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn2.running_mean" [id=554, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn2.running_var" [id=555, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn2/batch_norm/0" [id=556, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/0/relu/0" [id=557, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=559, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.0.conv3.weight" [id=560, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/0/conv3/conv2d/0__1.0._scale_param_storage" [id=561, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=562, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/0/conv3/conv2d/0" [id=563, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.0.bn3.weight" [id=564, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn3.bias" [id=565, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn3.running_mean" [id=566, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn3.running_var" [id=567, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn3/batch_norm/0" [id=568, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/0/relu/1" [id=569, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" [id=570, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [id=571, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.0.conv4.weight" [id=572, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/0/conv4/conv2d/0__1.0._scale_param_storage" [id=573, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [id=574, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/0/conv4/conv2d/0" [id=575, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer3.0.bn4.weight" [id=576, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn4.bias" [id=577, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn4.running_mean" [id=578, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn4.running_var" [id=579, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn4/batch_norm/0" [id=580, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer3/0/bn4/batch_norm/0__0.0._scale_param_storage" [id=581, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [id=582, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.0.conv5.weight" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/0/conv5/conv2d/0__1.0._scale_param_storage" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [id=585, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/0/conv5/conv2d/0" [id=586, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.0.bn5.weight" [id=587, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn5.bias" [id=588, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn5.running_mean" [id=589, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.0.bn5.running_var" [id=590, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/0/bn5/batch_norm/0" [id=591, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/0/relu/2" [id=592, metatype=PTRELUMetatype, type=relu]; +"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" [id=593, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/0/cat/0" [id=594, metatype=PTCatMetatype, type=cat]; +"layer3/0/shuffle/view/0" [id=595, metatype=PTReshapeMetatype, type=view]; +"layer3/0/shuffle/permute/0" [id=596, metatype=PTTransposeMetatype, type=permute]; +"layer3/0/shuffle/reshape/0" [id=597, metatype=PTReshapeMetatype, type=reshape]; +"layer3/1/split/__getitem__/0" [id=598, metatype=PTGatherMetatype, type=__getitem__]; +"layer3/1/split/__getitem__/1" [id=599, metatype=PTGatherMetatype, type=__getitem__]; +"layer3.1.conv1.weight" [id=600, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" [id=601, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=602, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/1/conv1/conv2d/0" [id=603, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.1.bn1.weight" [id=604, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn1.bias" [id=605, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn1.running_mean" [id=606, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn1.running_var" [id=607, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/bn1/batch_norm/0" [id=608, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/1/relu/0" [id=609, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" [id=610, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [id=611, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.1.conv2.weight" [id=612, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" [id=613, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=614, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/1/conv2/conv2d/0" [id=615, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer3.1.bn2.weight" [id=616, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn2.bias" [id=617, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn2.running_mean" [id=618, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn2.running_var" [id=619, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/bn2/batch_norm/0" [id=620, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=621, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=622, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.1.conv3.weight" [id=623, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/1/conv3/conv2d/0__1.0._scale_param_storage" [id=624, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=625, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/1/conv3/conv2d/0" [id=626, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.1.bn3.weight" [id=627, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn3.bias" [id=628, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn3.running_mean" [id=629, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.1.bn3.running_var" [id=630, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/1/bn3/batch_norm/0" [id=631, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/1/relu/1" [id=632, metatype=PTRELUMetatype, type=relu]; +"layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=633, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/1/cat/0" [id=634, metatype=PTCatMetatype, type=cat]; +"layer3/1/shuffle/view/0" [id=635, metatype=PTReshapeMetatype, type=view]; +"layer3/1/shuffle/permute/0" [id=636, metatype=PTTransposeMetatype, type=permute]; +"layer3/1/shuffle/reshape/0" [id=637, metatype=PTReshapeMetatype, type=reshape]; +"layer3/2/split/__getitem__/0" [id=638, metatype=PTGatherMetatype, type=__getitem__]; +"layer3/2/split/__getitem__/1" [id=639, metatype=PTGatherMetatype, type=__getitem__]; +"layer3.2.conv1.weight" [id=640, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/2/conv1/conv2d/0__1.0._scale_param_storage" [id=641, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=642, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/2/conv1/conv2d/0" [id=643, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.2.bn1.weight" [id=644, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn1.bias" [id=645, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn1.running_mean" [id=646, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn1.running_var" [id=647, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/2/bn1/batch_norm/0" [id=648, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/2/relu/0" [id=649, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer3/2/relu/0__0.0._scale_param_storage" [id=650, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" [id=651, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.2.conv2.weight" [id=652, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/2/conv2/conv2d/0__1.0._scale_param_storage" [id=653, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=654, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/2/conv2/conv2d/0" [id=655, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer3.2.bn2.weight" [id=656, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn2.bias" [id=657, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn2.running_mean" [id=658, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn2.running_var" [id=659, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/2/bn2/batch_norm/0" [id=660, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer3/2/bn2/batch_norm/0__0.0._scale_param_storage" [id=661, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=662, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.2.conv3.weight" [id=663, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/2/conv3/conv2d/0__1.0._scale_param_storage" [id=664, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=665, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/2/conv3/conv2d/0" [id=666, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.2.bn3.weight" [id=667, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn3.bias" [id=668, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn3.running_mean" [id=669, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.2.bn3.running_var" [id=670, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/2/bn3/batch_norm/0" [id=671, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/2/relu/1" [id=672, metatype=PTRELUMetatype, type=relu]; +"layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=673, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/2/cat/0" [id=674, metatype=PTCatMetatype, type=cat]; +"layer3/2/shuffle/view/0" [id=675, metatype=PTReshapeMetatype, type=view]; +"layer3/2/shuffle/permute/0" [id=676, metatype=PTTransposeMetatype, type=permute]; +"layer3/2/shuffle/reshape/0" [id=677, metatype=PTReshapeMetatype, type=reshape]; +"layer3/3/split/__getitem__/0" [id=678, metatype=PTGatherMetatype, type=__getitem__]; +"layer3/3/split/__getitem__/1" [id=679, metatype=PTGatherMetatype, type=__getitem__]; +"layer3.3.conv1.weight" [id=680, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/3/conv1/conv2d/0__1.0._scale_param_storage" [id=681, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=682, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/3/conv1/conv2d/0" [id=683, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.3.bn1.weight" [id=684, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn1.bias" [id=685, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn1.running_mean" [id=686, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn1.running_var" [id=687, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/3/bn1/batch_norm/0" [id=688, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/3/relu/0" [id=689, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.layer3/3/relu/0__0.0._scale_param_storage" [id=690, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" [id=691, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.3.conv2.weight" [id=692, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/3/conv2/conv2d/0__1.0._scale_param_storage" [id=693, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=694, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/3/conv2/conv2d/0" [id=695, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; +"layer3.3.bn2.weight" [id=696, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn2.bias" [id=697, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn2.running_mean" [id=698, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn2.running_var" [id=699, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/3/bn2/batch_norm/0" [id=700, metatype=PT2BatchNormMetatype, type=batch_norm]; +"__nncf_hooks.post_hooks.layer3/3/bn2/batch_norm/0__0.0._scale_param_storage" [id=701, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=702, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3.3.conv3.weight" [id=703, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.layer3/3/conv3/conv2d/0__1.0._scale_param_storage" [id=704, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=705, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/3/conv3/conv2d/0" [id=706, metatype=PTConv2dMetatype, type=conv2d]; +"layer3.3.bn3.weight" [id=707, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn3.bias" [id=708, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn3.running_mean" [id=709, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3.3.bn3.running_var" [id=710, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"layer3/3/bn3/batch_norm/0" [id=711, metatype=PT2BatchNormMetatype, type=batch_norm]; +"layer3/3/relu/1" [id=712, metatype=PTRELUMetatype, type=relu]; +"layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=713, metatype=UnknownMetatype, type=symmetric_quantize]; +"layer3/3/cat/0" [id=714, metatype=PTCatMetatype, type=cat]; +"layer3/3/shuffle/view/0" [id=715, metatype=PTReshapeMetatype, type=view]; +"layer3/3/shuffle/permute/0" [id=716, metatype=PTTransposeMetatype, type=permute]; +"layer3/3/shuffle/reshape/0" [id=717, metatype=PTReshapeMetatype, type=reshape]; +"conv2.weight" [id=718, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" [id=719, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=720, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv2/conv2d/0" [id=721, metatype=PTConv2dMetatype, type=conv2d]; +"bn2.weight" [id=722, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn2.bias" [id=723, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn2.running_mean" [id=724, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn2.running_var" [id=725, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"bn2/batch_norm/0" [id=726, metatype=PT2BatchNormMetatype, type=batch_norm]; +"/relu/1" [id=727, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" [id=728, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__-relu-1__0[0]/symmetric_quantize/0" [id=729, metatype=UnknownMetatype, type=symmetric_quantize]; +"/avg_pool2d/0" [id=730, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" [id=731, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=732, metatype=UnknownMetatype, type=symmetric_quantize]; +"/view/0" [id=733, metatype=PTReshapeMetatype, type=view]; +"linear.weight" [id=734, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"linear.bias" [id=735, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=736, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=737, metatype=UnknownMetatype, type=symmetric_quantize]; +"linear/linear/0" [id=738, metatype=PTLinearMetatype, type=linear]; +output [id=739, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 3, 3, 3)"]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 3, 3, 3)"]; +"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; +"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"bn1/batch_norm/0" -> "/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; +"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; +"layer1.0.conv1.weight" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; +"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"layer1/0/bn1/batch_norm/0" -> "layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/0/bn1/batch_norm/0__0.0._scale_param_storage" -> "layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.0.conv2.weight" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"layer1/0/bn2/batch_norm/0" -> "layer1/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/0/relu/0" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.0.conv3.weight" -> "layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer1/0/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"layer1/0/conv3/conv2d/0" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; +"layer1.0.bn3.weight" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"layer1.0.bn3.bias" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"layer1.0.bn3.running_mean" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"layer1.0.bn3.running_var" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"layer1/0/bn3/batch_norm/0" -> "layer1/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; +"layer1/0/relu/1" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; +"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 24, 1, 1)"]; +"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" -> "layer1/0/conv4/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; +"layer1.0.conv4.weight" -> "layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer1/0/conv4/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv4/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; +"layer1/0/conv4/conv2d/0" -> "layer1/0/bn4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.0.bn4.weight" -> "layer1/0/bn4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"layer1.0.bn4.bias" -> "layer1/0/bn4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"layer1.0.bn4.running_mean" -> "layer1/0/bn4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"layer1.0.bn4.running_var" -> "layer1/0/bn4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"layer1/0/bn4/batch_norm/0" -> "layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/0/bn4/batch_norm/0__0.0._scale_param_storage" -> "layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.0.conv5.weight" -> "layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer1/0/conv5/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"layer1/0/conv5/conv2d/0" -> "layer1/0/bn5/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.0.bn5.weight" -> "layer1/0/bn5/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"layer1.0.bn5.bias" -> "layer1/0/bn5/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"layer1.0.bn5.running_mean" -> "layer1/0/bn5/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"layer1.0.bn5.running_var" -> "layer1/0/bn5/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"layer1/0/bn5/batch_norm/0" -> "layer1/0/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/0/relu/2" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" -> "layer1/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/0/cat/0" -> "layer1/0/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer1/0/shuffle/view/0" -> "layer1/0/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 16, 16)"]; +"layer1/0/shuffle/permute/0" -> "layer1/0/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 16, 16)"]; +"layer1/0/shuffle/reshape/0" -> "layer1/1/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer1/0/shuffle/reshape/0" -> "layer1/1/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer1/1/split/__getitem__/0" -> "layer1/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/1/split/__getitem__/1" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.1.conv1.weight" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/1/relu/0" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 24, 1, 1)"]; +"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.1.conv2.weight" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; +"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"layer1/1/bn2/batch_norm/0" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/1/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.1.conv3.weight" -> "layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer1/1/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"layer1/1/conv3/conv2d/0" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.1.bn3.weight" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"layer1.1.bn3.bias" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"layer1.1.bn3.running_mean" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"layer1.1.bn3.running_var" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"layer1/1/bn3/batch_norm/0" -> "layer1/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/1/relu/1" -> "layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/1/cat/0" -> "layer1/1/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer1/1/shuffle/view/0" -> "layer1/1/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 16, 16)"]; +"layer1/1/shuffle/permute/0" -> "layer1/1/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 16, 16)"]; +"layer1/1/shuffle/reshape/0" -> "layer1/2/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer1/1/shuffle/reshape/0" -> "layer1/2/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer1/2/split/__getitem__/0" -> "layer1/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/2/split/__getitem__/1" -> "layer1/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.2.conv1.weight" -> "layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer1/2/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"layer1/2/conv1/conv2d/0" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.2.bn1.weight" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"layer1.2.bn1.bias" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"layer1.2.bn1.running_mean" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"layer1.2.bn1.running_var" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"layer1/2/bn1/batch_norm/0" -> "layer1/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/2/relu/0" -> "layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/2/relu/0__0.0._scale_param_storage" -> "layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 24, 1, 1)"]; +"layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" -> "layer1/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.2.conv2.weight" -> "layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer1/2/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; +"layer1/2/conv2/conv2d/0" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.2.bn2.weight" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"layer1.2.bn2.bias" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"layer1.2.bn2.running_mean" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"layer1.2.bn2.running_var" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"layer1/2/bn2/batch_norm/0" -> "layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/2/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/2/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.2.conv3.weight" -> "layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer1/2/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/2/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"layer1/2/conv3/conv2d/0" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.2.bn3.weight" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"layer1.2.bn3.bias" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"layer1.2.bn3.running_mean" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"layer1.2.bn3.running_var" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"layer1/2/bn3/batch_norm/0" -> "layer1/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/2/relu/1" -> "layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/2/cat/0" -> "layer1/2/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer1/2/shuffle/view/0" -> "layer1/2/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 16, 16)"]; +"layer1/2/shuffle/permute/0" -> "layer1/2/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 16, 16)"]; +"layer1/2/shuffle/reshape/0" -> "layer1/3/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer1/2/shuffle/reshape/0" -> "layer1/3/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer1/3/split/__getitem__/0" -> "layer1/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/3/split/__getitem__/1" -> "layer1/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.3.conv1.weight" -> "layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer1/3/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"layer1/3/conv1/conv2d/0" -> "layer1/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.3.bn1.weight" -> "layer1/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"layer1.3.bn1.bias" -> "layer1/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"layer1.3.bn1.running_mean" -> "layer1/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"layer1.3.bn1.running_var" -> "layer1/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"layer1/3/bn1/batch_norm/0" -> "layer1/3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/3/relu/0" -> "layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/3/relu/0__0.0._scale_param_storage" -> "layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 24, 1, 1)"]; +"layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" -> "layer1/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.3.conv2.weight" -> "layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer1/3/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; +"layer1/3/conv2/conv2d/0" -> "layer1/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.3.bn2.weight" -> "layer1/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"layer1.3.bn2.bias" -> "layer1/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"layer1.3.bn2.running_mean" -> "layer1/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"layer1.3.bn2.running_var" -> "layer1/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"layer1/3/bn2/batch_norm/0" -> "layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"__nncf_hooks.post_hooks.layer1/3/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/3/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.3.conv3.weight" -> "layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer1/3/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; +"layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/3/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; +"layer1/3/conv3/conv2d/0" -> "layer1/3/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1.3.bn3.weight" -> "layer1/3/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; +"layer1.3.bn3.bias" -> "layer1/3/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; +"layer1.3.bn3.running_mean" -> "layer1/3/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; +"layer1.3.bn3.running_var" -> "layer1/3/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; +"layer1/3/bn3/batch_norm/0" -> "layer1/3/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/3/relu/1" -> "layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 16, 16)"]; +"layer1/3/cat/0" -> "layer1/3/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer1/3/shuffle/view/0" -> "layer1/3/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 16, 16)"]; +"layer1/3/shuffle/permute/0" -> "layer1/3/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 16, 16)"]; +"layer1/3/shuffle/reshape/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer1/3/shuffle/reshape/0" -> "layer2/0/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer2.0.conv1.weight" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/0/bn1/batch_norm/0" -> "layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/0/bn1/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.0.conv2.weight" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/0/bn2/batch_norm/0" -> "layer2/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/0/relu/0" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.0.conv3.weight" -> "layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/0/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/0/conv3/conv2d/0" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer2.0.bn3.weight" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.0.bn3.bias" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.0.bn3.running_mean" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.0.bn3.running_var" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/0/bn3/batch_norm/0" -> "layer2/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer2/0/relu/1" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; +"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" -> "layer2/0/conv4/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; +"layer2.0.conv4.weight" -> "layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer2/0/conv4/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv4/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"layer2/0/conv4/conv2d/0" -> "layer2/0/bn4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.0.bn4.weight" -> "layer2/0/bn4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.0.bn4.bias" -> "layer2/0/bn4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.0.bn4.running_mean" -> "layer2/0/bn4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.0.bn4.running_var" -> "layer2/0/bn4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/0/bn4/batch_norm/0" -> "layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/0/bn4/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/conv5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.0.conv5.weight" -> "layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/0/conv5/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/0/conv5/conv2d/0" -> "layer2/0/bn5/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.0.bn5.weight" -> "layer2/0/bn5/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.0.bn5.bias" -> "layer2/0/bn5/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.0.bn5.running_mean" -> "layer2/0/bn5/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.0.bn5.running_var" -> "layer2/0/bn5/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/0/bn5/batch_norm/0" -> "layer2/0/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/0/relu/2" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" -> "layer2/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/0/cat/0" -> "layer2/0/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/0/shuffle/view/0" -> "layer2/0/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; +"layer2/0/shuffle/permute/0" -> "layer2/0/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; +"layer2/0/shuffle/reshape/0" -> "layer2/1/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/0/shuffle/reshape/0" -> "layer2/1/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/1/split/__getitem__/0" -> "layer2/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/1/split/__getitem__/1" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.1.conv1.weight" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/1/relu/0" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; +"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.1.conv2.weight" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/1/bn2/batch_norm/0" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/1/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.1.conv3.weight" -> "layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/1/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/1/conv3/conv2d/0" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.1.bn3.weight" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.1.bn3.bias" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.1.bn3.running_mean" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.1.bn3.running_var" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/1/bn3/batch_norm/0" -> "layer2/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/1/relu/1" -> "layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/1/cat/0" -> "layer2/1/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/1/shuffle/view/0" -> "layer2/1/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; +"layer2/1/shuffle/permute/0" -> "layer2/1/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; +"layer2/1/shuffle/reshape/0" -> "layer2/2/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/1/shuffle/reshape/0" -> "layer2/2/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/2/split/__getitem__/0" -> "layer2/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/2/split/__getitem__/1" -> "layer2/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.2.conv1.weight" -> "layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/2/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/2/conv1/conv2d/0" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.2.bn1.weight" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.2.bn1.bias" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.2.bn1.running_mean" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.2.bn1.running_var" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/2/bn1/batch_norm/0" -> "layer2/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/2/relu/0" -> "layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/2/relu/0__0.0._scale_param_storage" -> "layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; +"layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" -> "layer2/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.2.conv2.weight" -> "layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer2/2/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"layer2/2/conv2/conv2d/0" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.2.bn2.weight" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.2.bn2.bias" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.2.bn2.running_mean" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.2.bn2.running_var" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/2/bn2/batch_norm/0" -> "layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/2/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/2/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.2.conv3.weight" -> "layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/2/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/2/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/2/conv3/conv2d/0" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.2.bn3.weight" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.2.bn3.bias" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.2.bn3.running_mean" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.2.bn3.running_var" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/2/bn3/batch_norm/0" -> "layer2/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/2/relu/1" -> "layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/2/cat/0" -> "layer2/2/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/2/shuffle/view/0" -> "layer2/2/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; +"layer2/2/shuffle/permute/0" -> "layer2/2/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; +"layer2/2/shuffle/reshape/0" -> "layer2/3/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/2/shuffle/reshape/0" -> "layer2/3/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/3/split/__getitem__/0" -> "layer2/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/3/split/__getitem__/1" -> "layer2/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.3.conv1.weight" -> "layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/3/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/3/conv1/conv2d/0" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.3.bn1.weight" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.3.bn1.bias" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.3.bn1.running_mean" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.3.bn1.running_var" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/3/bn1/batch_norm/0" -> "layer2/3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/3/relu/0" -> "layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/3/relu/0__0.0._scale_param_storage" -> "layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; +"layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" -> "layer2/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.3.conv2.weight" -> "layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer2/3/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"layer2/3/conv2/conv2d/0" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.3.bn2.weight" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.3.bn2.bias" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.3.bn2.running_mean" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.3.bn2.running_var" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/3/bn2/batch_norm/0" -> "layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/3/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/3/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.3.conv3.weight" -> "layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/3/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/3/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/3/conv3/conv2d/0" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.3.bn3.weight" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.3.bn3.bias" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.3.bn3.running_mean" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.3.bn3.running_var" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/3/bn3/batch_norm/0" -> "layer2/3/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/3/relu/1" -> "layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/3/cat/0" -> "layer2/3/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/3/shuffle/view/0" -> "layer2/3/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; +"layer2/3/shuffle/permute/0" -> "layer2/3/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; +"layer2/3/shuffle/reshape/0" -> "layer2/4/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/3/shuffle/reshape/0" -> "layer2/4/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/4/split/__getitem__/0" -> "layer2/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/4/split/__getitem__/1" -> "layer2/4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.4.conv1.weight" -> "layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/4/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/4/conv1/conv2d/0" -> "layer2/4/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.4.bn1.weight" -> "layer2/4/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.4.bn1.bias" -> "layer2/4/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.4.bn1.running_mean" -> "layer2/4/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.4.bn1.running_var" -> "layer2/4/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/4/bn1/batch_norm/0" -> "layer2/4/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/4/relu/0" -> "layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/4/relu/0__0.0._scale_param_storage" -> "layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; +"layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" -> "layer2/4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.4.conv2.weight" -> "layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer2/4/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"layer2/4/conv2/conv2d/0" -> "layer2/4/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.4.bn2.weight" -> "layer2/4/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.4.bn2.bias" -> "layer2/4/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.4.bn2.running_mean" -> "layer2/4/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.4.bn2.running_var" -> "layer2/4/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/4/bn2/batch_norm/0" -> "layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/4/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/4/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.4.conv3.weight" -> "layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/4/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/4/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/4/conv3/conv2d/0" -> "layer2/4/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.4.bn3.weight" -> "layer2/4/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.4.bn3.bias" -> "layer2/4/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.4.bn3.running_mean" -> "layer2/4/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.4.bn3.running_var" -> "layer2/4/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/4/bn3/batch_norm/0" -> "layer2/4/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/4/relu/1" -> "layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/4/cat/0" -> "layer2/4/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/4/shuffle/view/0" -> "layer2/4/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; +"layer2/4/shuffle/permute/0" -> "layer2/4/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; +"layer2/4/shuffle/reshape/0" -> "layer2/5/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/4/shuffle/reshape/0" -> "layer2/5/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/5/split/__getitem__/0" -> "layer2/5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/5/split/__getitem__/1" -> "layer2/5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.5.conv1.weight" -> "layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/5/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/5/conv1/conv2d/0" -> "layer2/5/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.5.bn1.weight" -> "layer2/5/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.5.bn1.bias" -> "layer2/5/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.5.bn1.running_mean" -> "layer2/5/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.5.bn1.running_var" -> "layer2/5/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/5/bn1/batch_norm/0" -> "layer2/5/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/5/relu/0" -> "layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/5/relu/0__0.0._scale_param_storage" -> "layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; +"layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" -> "layer2/5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.5.conv2.weight" -> "layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer2/5/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"layer2/5/conv2/conv2d/0" -> "layer2/5/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.5.bn2.weight" -> "layer2/5/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.5.bn2.bias" -> "layer2/5/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.5.bn2.running_mean" -> "layer2/5/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.5.bn2.running_var" -> "layer2/5/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/5/bn2/batch_norm/0" -> "layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/5/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/5/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.5.conv3.weight" -> "layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/5/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/5/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/5/conv3/conv2d/0" -> "layer2/5/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.5.bn3.weight" -> "layer2/5/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.5.bn3.bias" -> "layer2/5/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.5.bn3.running_mean" -> "layer2/5/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.5.bn3.running_var" -> "layer2/5/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/5/bn3/batch_norm/0" -> "layer2/5/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/5/relu/1" -> "layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/5/cat/0" -> "layer2/5/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/5/shuffle/view/0" -> "layer2/5/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; +"layer2/5/shuffle/permute/0" -> "layer2/5/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; +"layer2/5/shuffle/reshape/0" -> "layer2/6/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/5/shuffle/reshape/0" -> "layer2/6/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/6/split/__getitem__/0" -> "layer2/6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/6/split/__getitem__/1" -> "layer2/6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.6.conv1.weight" -> "layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/6/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/6/conv1/conv2d/0" -> "layer2/6/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.6.bn1.weight" -> "layer2/6/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.6.bn1.bias" -> "layer2/6/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.6.bn1.running_mean" -> "layer2/6/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.6.bn1.running_var" -> "layer2/6/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/6/bn1/batch_norm/0" -> "layer2/6/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/6/relu/0" -> "layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/6/relu/0__0.0._scale_param_storage" -> "layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; +"layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" -> "layer2/6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.6.conv2.weight" -> "layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer2/6/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"layer2/6/conv2/conv2d/0" -> "layer2/6/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.6.bn2.weight" -> "layer2/6/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.6.bn2.bias" -> "layer2/6/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.6.bn2.running_mean" -> "layer2/6/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.6.bn2.running_var" -> "layer2/6/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/6/bn2/batch_norm/0" -> "layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/6/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/6/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.6.conv3.weight" -> "layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/6/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/6/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/6/conv3/conv2d/0" -> "layer2/6/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.6.bn3.weight" -> "layer2/6/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.6.bn3.bias" -> "layer2/6/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.6.bn3.running_mean" -> "layer2/6/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.6.bn3.running_var" -> "layer2/6/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/6/bn3/batch_norm/0" -> "layer2/6/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/6/relu/1" -> "layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/6/cat/0" -> "layer2/6/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/6/shuffle/view/0" -> "layer2/6/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; +"layer2/6/shuffle/permute/0" -> "layer2/6/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; +"layer2/6/shuffle/reshape/0" -> "layer2/7/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/6/shuffle/reshape/0" -> "layer2/7/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/7/split/__getitem__/0" -> "layer2/7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/7/split/__getitem__/1" -> "layer2/7/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.7.conv1.weight" -> "layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/7/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/7/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/7/conv1/conv2d/0" -> "layer2/7/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.7.bn1.weight" -> "layer2/7/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.7.bn1.bias" -> "layer2/7/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.7.bn1.running_mean" -> "layer2/7/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.7.bn1.running_var" -> "layer2/7/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/7/bn1/batch_norm/0" -> "layer2/7/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/7/relu/0" -> "layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/7/relu/0__0.0._scale_param_storage" -> "layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; +"layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" -> "layer2/7/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.7.conv2.weight" -> "layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer2/7/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/7/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; +"layer2/7/conv2/conv2d/0" -> "layer2/7/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.7.bn2.weight" -> "layer2/7/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.7.bn2.bias" -> "layer2/7/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.7.bn2.running_mean" -> "layer2/7/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.7.bn2.running_var" -> "layer2/7/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/7/bn2/batch_norm/0" -> "layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"__nncf_hooks.post_hooks.layer2/7/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/7/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.7.conv3.weight" -> "layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer2/7/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/7/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; +"layer2/7/conv3/conv2d/0" -> "layer2/7/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2.7.bn3.weight" -> "layer2/7/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; +"layer2.7.bn3.bias" -> "layer2/7/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"layer2.7.bn3.running_mean" -> "layer2/7/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; +"layer2.7.bn3.running_var" -> "layer2/7/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; +"layer2/7/bn3/batch_norm/0" -> "layer2/7/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/7/relu/1" -> "layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; +"layer2/7/cat/0" -> "layer2/7/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/7/shuffle/view/0" -> "layer2/7/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; +"layer2/7/shuffle/permute/0" -> "layer2/7/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; +"layer2/7/shuffle/reshape/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer2/7/shuffle/reshape/0" -> "layer3/0/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer3.0.conv1.weight" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; +"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"layer3/0/bn1/batch_norm/0" -> "layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/0/bn1/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.0.conv2.weight" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"layer3/0/bn2/batch_norm/0" -> "layer3/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/0/relu/0" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.0.conv3.weight" -> "layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer3/0/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"layer3/0/conv3/conv2d/0" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer3.0.bn3.weight" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"layer3.0.bn3.bias" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"layer3.0.bn3.running_mean" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"layer3.0.bn3.running_var" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"layer3/0/bn3/batch_norm/0" -> "layer3/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer3/0/relu/1" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 96, 1, 1)"]; +"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/conv4/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; +"layer3.0.conv4.weight" -> "layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer3/0/conv4/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv4/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; +"layer3/0/conv4/conv2d/0" -> "layer3/0/bn4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.0.bn4.weight" -> "layer3/0/bn4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"layer3.0.bn4.bias" -> "layer3/0/bn4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"layer3.0.bn4.running_mean" -> "layer3/0/bn4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"layer3.0.bn4.running_var" -> "layer3/0/bn4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"layer3/0/bn4/batch_norm/0" -> "layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/0/bn4/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/conv5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.0.conv5.weight" -> "layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer3/0/conv5/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"layer3/0/conv5/conv2d/0" -> "layer3/0/bn5/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.0.bn5.weight" -> "layer3/0/bn5/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"layer3.0.bn5.bias" -> "layer3/0/bn5/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"layer3.0.bn5.running_mean" -> "layer3/0/bn5/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"layer3.0.bn5.running_var" -> "layer3/0/bn5/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"layer3/0/bn5/batch_norm/0" -> "layer3/0/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/0/relu/2" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" -> "layer3/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/0/cat/0" -> "layer3/0/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"layer3/0/shuffle/view/0" -> "layer3/0/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 4, 4)"]; +"layer3/0/shuffle/permute/0" -> "layer3/0/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 4, 4)"]; +"layer3/0/shuffle/reshape/0" -> "layer3/1/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"layer3/0/shuffle/reshape/0" -> "layer3/1/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"layer3/1/split/__getitem__/0" -> "layer3/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/1/split/__getitem__/1" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.1.conv1.weight" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/1/relu/0" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 96, 1, 1)"]; +"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.1.conv2.weight" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; +"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"layer3/1/bn2/batch_norm/0" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/1/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.1.conv3.weight" -> "layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer3/1/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"layer3/1/conv3/conv2d/0" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.1.bn3.weight" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"layer3.1.bn3.bias" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"layer3.1.bn3.running_mean" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"layer3.1.bn3.running_var" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"layer3/1/bn3/batch_norm/0" -> "layer3/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/1/relu/1" -> "layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/1/cat/0" -> "layer3/1/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"layer3/1/shuffle/view/0" -> "layer3/1/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 4, 4)"]; +"layer3/1/shuffle/permute/0" -> "layer3/1/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 4, 4)"]; +"layer3/1/shuffle/reshape/0" -> "layer3/2/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"layer3/1/shuffle/reshape/0" -> "layer3/2/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"layer3/2/split/__getitem__/0" -> "layer3/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/2/split/__getitem__/1" -> "layer3/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.2.conv1.weight" -> "layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer3/2/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"layer3/2/conv1/conv2d/0" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.2.bn1.weight" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"layer3.2.bn1.bias" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"layer3.2.bn1.running_mean" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"layer3.2.bn1.running_var" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"layer3/2/bn1/batch_norm/0" -> "layer3/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/2/relu/0" -> "layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/2/relu/0__0.0._scale_param_storage" -> "layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 96, 1, 1)"]; +"layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" -> "layer3/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.2.conv2.weight" -> "layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer3/2/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; +"layer3/2/conv2/conv2d/0" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.2.bn2.weight" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"layer3.2.bn2.bias" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"layer3.2.bn2.running_mean" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"layer3.2.bn2.running_var" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"layer3/2/bn2/batch_norm/0" -> "layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/2/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/2/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.2.conv3.weight" -> "layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer3/2/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/2/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"layer3/2/conv3/conv2d/0" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.2.bn3.weight" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"layer3.2.bn3.bias" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"layer3.2.bn3.running_mean" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"layer3.2.bn3.running_var" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"layer3/2/bn3/batch_norm/0" -> "layer3/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/2/relu/1" -> "layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/2/cat/0" -> "layer3/2/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"layer3/2/shuffle/view/0" -> "layer3/2/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 4, 4)"]; +"layer3/2/shuffle/permute/0" -> "layer3/2/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 4, 4)"]; +"layer3/2/shuffle/reshape/0" -> "layer3/3/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"layer3/2/shuffle/reshape/0" -> "layer3/3/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"layer3/3/split/__getitem__/0" -> "layer3/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/3/split/__getitem__/1" -> "layer3/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.3.conv1.weight" -> "layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer3/3/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"layer3/3/conv1/conv2d/0" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.3.bn1.weight" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"layer3.3.bn1.bias" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"layer3.3.bn1.running_mean" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"layer3.3.bn1.running_var" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"layer3/3/bn1/batch_norm/0" -> "layer3/3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/3/relu/0" -> "layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/3/relu/0__0.0._scale_param_storage" -> "layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 96, 1, 1)"]; +"layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" -> "layer3/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.3.conv2.weight" -> "layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 3, 3)"]; +"__nncf_hooks.pre_hooks.layer3/3/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; +"layer3/3/conv2/conv2d/0" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.3.bn2.weight" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"layer3.3.bn2.bias" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"layer3.3.bn2.running_mean" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"layer3.3.bn2.running_var" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"layer3/3/bn2/batch_norm/0" -> "layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"__nncf_hooks.post_hooks.layer3/3/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/3/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.3.conv3.weight" -> "layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; +"__nncf_hooks.pre_hooks.layer3/3/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; +"layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/3/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; +"layer3/3/conv3/conv2d/0" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3.3.bn3.weight" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; +"layer3.3.bn3.bias" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; +"layer3.3.bn3.running_mean" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; +"layer3.3.bn3.running_var" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; +"layer3/3/bn3/batch_norm/0" -> "layer3/3/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/3/relu/1" -> "layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 4, 4)"]; +"layer3/3/cat/0" -> "layer3/3/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"layer3/3/shuffle/view/0" -> "layer3/3/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 4, 4)"]; +"layer3/3/shuffle/permute/0" -> "layer3/3/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 4, 4)"]; +"layer3/3/shuffle/reshape/0" -> "conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; +"conv2.weight" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1024, 192, 1, 1)"]; +"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024, 1, 1, 1)"]; +"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 192, 1, 1)"]; +"conv2/conv2d/0" -> "bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"bn2.weight" -> "bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"bn2.bias" -> "bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"bn2.running_mean" -> "bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"bn2.running_var" -> "bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"bn2/batch_norm/0" -> "/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"/relu/1" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__-relu-1__0[0]/symmetric_quantize/0" -> "/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; +"/avg_pool2d/0" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; +"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; +"/view/0" -> "linear/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; +"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 1024)"]; +"linear.bias" -> "linear/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(10, 1)"]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 1024)"]; +"linear/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/squeezenet1_1.dot b/tests/torch2/data/quantization/test_quantized_graphs/squeezenet1_1.dot index 75c8727822d..243a8c90add 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/squeezenet1_1.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/squeezenet1_1.dot @@ -1,453 +1,453 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/0/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; -"features/1/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [id=10, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/2/max_pool2d/0" [id=11, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.3.squeeze.weight" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.squeeze.bias" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/3/squeeze/conv2d/0__1.0._scale_param_storage" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=15, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/3/squeeze/conv2d/0" [id=16, type=conv2d, metatype=PTConv2dMetatype]; -"features/3/squeeze_activation/relu_/0" [id=17, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/3/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=19, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.3.expand1x1.weight" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.expand1x1.bias" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/3/expand1x1/conv2d/0__1.0._scale_param_storage" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=23, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/3/expand1x1/conv2d/0" [id=24, type=conv2d, metatype=PTConv2dMetatype]; -"features/3/expand1x1_activation/relu_/0" [id=25, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/3/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=26, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=27, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.3.expand3x3.weight" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.expand3x3.bias" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/3/expand3x3/conv2d/0__1.0._scale_param_storage" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=31, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/3/expand3x3/conv2d/0" [id=32, type=conv2d, metatype=PTConv2dMetatype]; -"features/3/expand3x3_activation/relu_/0" [id=33, type="relu_", metatype=PTRELUMetatype]; -"features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=34, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/3/cat/0" [id=35, type=cat, metatype=PTCatMetatype]; -"features.4.squeeze.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.squeeze.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/4/squeeze/conv2d/0__1.0._scale_param_storage" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=39, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/4/squeeze/conv2d/0" [id=40, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/squeeze_activation/relu_/0" [id=41, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/4/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=43, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.4.expand1x1.weight" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.expand1x1.bias" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/4/expand1x1/conv2d/0__1.0._scale_param_storage" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=47, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/4/expand1x1/conv2d/0" [id=48, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/expand1x1_activation/relu_/0" [id=49, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/4/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=51, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.4.expand3x3.weight" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.expand3x3.bias" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/4/expand3x3/conv2d/0__1.0._scale_param_storage" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=55, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/4/expand3x3/conv2d/0" [id=56, type=conv2d, metatype=PTConv2dMetatype]; -"features/4/expand3x3_activation/relu_/0" [id=57, type="relu_", metatype=PTRELUMetatype]; -"features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=58, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/4/cat/0" [id=59, type=cat, metatype=PTCatMetatype]; -"features/5/max_pool2d/0" [id=60, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.6.squeeze.weight" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.squeeze.bias" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/6/squeeze/conv2d/0__1.0._scale_param_storage" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=64, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/squeeze/conv2d/0" [id=65, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/squeeze_activation/relu_/0" [id=66, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/6/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=68, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.6.expand1x1.weight" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.expand1x1.bias" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/6/expand1x1/conv2d/0__1.0._scale_param_storage" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=72, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/expand1x1/conv2d/0" [id=73, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/expand1x1_activation/relu_/0" [id=74, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/6/expand3x3_activation/relu_/0__0.0._scale_param_storage" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=76, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.6.expand3x3.weight" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.6.expand3x3.bias" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/6/expand3x3/conv2d/0__1.0._scale_param_storage" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=80, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/expand3x3/conv2d/0" [id=81, type=conv2d, metatype=PTConv2dMetatype]; -"features/6/expand3x3_activation/relu_/0" [id=82, type="relu_", metatype=PTRELUMetatype]; -"features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=83, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/cat/0" [id=84, type=cat, metatype=PTCatMetatype]; -"features.7.squeeze.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.squeeze.bias" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/7/squeeze/conv2d/0__1.0._scale_param_storage" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=88, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/7/squeeze/conv2d/0" [id=89, type=conv2d, metatype=PTConv2dMetatype]; -"features/7/squeeze_activation/relu_/0" [id=90, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/7/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=92, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.7.expand1x1.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.expand1x1.bias" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/7/expand1x1/conv2d/0__1.0._scale_param_storage" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=96, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/7/expand1x1/conv2d/0" [id=97, type=conv2d, metatype=PTConv2dMetatype]; -"features/7/expand1x1_activation/relu_/0" [id=98, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/7/expand3x3_activation/relu_/0__0.0._scale_param_storage" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=100, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.7.expand3x3.weight" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.expand3x3.bias" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/7/expand3x3/conv2d/0__1.0._scale_param_storage" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=104, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/7/expand3x3/conv2d/0" [id=105, type=conv2d, metatype=PTConv2dMetatype]; -"features/7/expand3x3_activation/relu_/0" [id=106, type="relu_", metatype=PTRELUMetatype]; -"features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=107, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/7/cat/0" [id=108, type=cat, metatype=PTCatMetatype]; -"features/8/max_pool2d/0" [id=109, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.9.squeeze.weight" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.squeeze.bias" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/9/squeeze/conv2d/0__1.0._scale_param_storage" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=113, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/9/squeeze/conv2d/0" [id=114, type=conv2d, metatype=PTConv2dMetatype]; -"features/9/squeeze_activation/relu_/0" [id=115, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/9/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=117, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.9.expand1x1.weight" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.expand1x1.bias" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/9/expand1x1/conv2d/0__1.0._scale_param_storage" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=121, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/9/expand1x1/conv2d/0" [id=122, type=conv2d, metatype=PTConv2dMetatype]; -"features/9/expand1x1_activation/relu_/0" [id=123, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/9/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=125, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.9.expand3x3.weight" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.9.expand3x3.bias" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/9/expand3x3/conv2d/0__1.0._scale_param_storage" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=129, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/9/expand3x3/conv2d/0" [id=130, type=conv2d, metatype=PTConv2dMetatype]; -"features/9/expand3x3_activation/relu_/0" [id=131, type="relu_", metatype=PTRELUMetatype]; -"features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=132, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/9/cat/0" [id=133, type=cat, metatype=PTCatMetatype]; -"features.10.squeeze.weight" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.squeeze.bias" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/10/squeeze/conv2d/0__1.0._scale_param_storage" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=137, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/squeeze/conv2d/0" [id=138, type=conv2d, metatype=PTConv2dMetatype]; -"features/10/squeeze_activation/relu_/0" [id=139, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/10/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=141, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.10.expand1x1.weight" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.expand1x1.bias" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/10/expand1x1/conv2d/0__1.0._scale_param_storage" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=145, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/expand1x1/conv2d/0" [id=146, type=conv2d, metatype=PTConv2dMetatype]; -"features/10/expand1x1_activation/relu_/0" [id=147, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/10/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=149, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.10.expand3x3.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.expand3x3.bias" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/10/expand3x3/conv2d/0__1.0._scale_param_storage" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=153, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/expand3x3/conv2d/0" [id=154, type=conv2d, metatype=PTConv2dMetatype]; -"features/10/expand3x3_activation/relu_/0" [id=155, type="relu_", metatype=PTRELUMetatype]; -"features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=156, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/cat/0" [id=157, type=cat, metatype=PTCatMetatype]; -"features.11.squeeze.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.squeeze.bias" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/11/squeeze/conv2d/0__1.0._scale_param_storage" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=161, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/11/squeeze/conv2d/0" [id=162, type=conv2d, metatype=PTConv2dMetatype]; -"features/11/squeeze_activation/relu_/0" [id=163, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/11/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=165, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.11.expand1x1.weight" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.expand1x1.bias" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/11/expand1x1/conv2d/0__1.0._scale_param_storage" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=169, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/11/expand1x1/conv2d/0" [id=170, type=conv2d, metatype=PTConv2dMetatype]; -"features/11/expand1x1_activation/relu_/0" [id=171, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/11/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=173, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.11.expand3x3.weight" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.expand3x3.bias" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/11/expand3x3/conv2d/0__1.0._scale_param_storage" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=177, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/11/expand3x3/conv2d/0" [id=178, type=conv2d, metatype=PTConv2dMetatype]; -"features/11/expand3x3_activation/relu_/0" [id=179, type="relu_", metatype=PTRELUMetatype]; -"features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=180, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/11/cat/0" [id=181, type=cat, metatype=PTCatMetatype]; -"features.12.squeeze.weight" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.squeeze.bias" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/12/squeeze/conv2d/0__1.0._scale_param_storage" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=185, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/12/squeeze/conv2d/0" [id=186, type=conv2d, metatype=PTConv2dMetatype]; -"features/12/squeeze_activation/relu_/0" [id=187, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/12/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=189, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.12.expand1x1.weight" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.expand1x1.bias" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/12/expand1x1/conv2d/0__1.0._scale_param_storage" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=193, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/12/expand1x1/conv2d/0" [id=194, type=conv2d, metatype=PTConv2dMetatype]; -"features/12/expand1x1_activation/relu_/0" [id=195, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/12/expand3x3_activation/relu_/0__0.0._scale_param_storage" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=197, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.12.expand3x3.weight" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.12.expand3x3.bias" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/12/expand3x3/conv2d/0__1.0._scale_param_storage" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=201, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/12/expand3x3/conv2d/0" [id=202, type=conv2d, metatype=PTConv2dMetatype]; -"features/12/expand3x3_activation/relu_/0" [id=203, type="relu_", metatype=PTRELUMetatype]; -"features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=204, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/12/cat/0" [id=205, type=cat, metatype=PTCatMetatype]; -"classifier/0/dropout/0" [id=206, type=dropout, metatype=PTDropoutMetatype]; -"classifier.1.weight" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.1.bias" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.classifier/1/conv2d/0__1.0._scale_param_storage" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" [id=210, type="symmetric_quantize", metatype=UnknownMetatype]; -"classifier/1/conv2d/0" [id=211, type=conv2d, metatype=PTConv2dMetatype]; -"classifier/2/relu_/0" [id=212, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [id=214, type="symmetric_quantize", metatype=UnknownMetatype]; -"classifier/3/adaptive_avg_pool2d/0" [id=215, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; -"/view/0" [id=216, type=view, metatype=PTReshapeMetatype]; -output [id=217, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"features.0.weight" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=0]; -"features.0.bias" -> "features/0/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, shape="(1, 64, 15, 15)", out_port_id=0, in_port_id=0]; -"features/1/relu_/0" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 15, 15)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/max_pool2d/0" [dtype=float, shape="(1, 64, 15, 15)", out_port_id=0, in_port_id=0]; -"features/2/max_pool2d/0" -> "features/3/squeeze/conv2d/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; -"features.3.squeeze.weight" -> "features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features.3.squeeze.bias" -> "features/3/squeeze/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/3/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/squeeze/conv2d/0" [dtype=float, shape="(16, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/squeeze/conv2d/0" -> "features/3/squeeze_activation/relu_/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; -"features/3/squeeze_activation/relu_/0" -> "features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/3/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/expand1x1/conv2d/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; -"features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/expand3x3/conv2d/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; -"features.3.expand1x1.weight" -> "features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 16, 1, 1)", out_port_id=0, in_port_id=0]; -"features.3.expand1x1.bias" -> "features/3/expand1x1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/3/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/expand1x1/conv2d/0" [dtype=float, shape="(64, 16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/3/expand1x1/conv2d/0" -> "features/3/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; -"features/3/expand1x1_activation/relu_/0" -> "features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/3/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.features/3/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/cat/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; -"features.3.expand3x3.weight" -> "features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 16, 3, 3)", out_port_id=0, in_port_id=0]; -"features.3.expand3x3.bias" -> "features/3/expand3x3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/3/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/expand3x3/conv2d/0" [dtype=float, shape="(64, 16, 3, 3)", out_port_id=0, in_port_id=1]; -"features/3/expand3x3/conv2d/0" -> "features/3/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; -"features/3/expand3x3_activation/relu_/0" -> "features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; -"features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/cat/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=1]; -"features/3/cat/0" -> "features/4/squeeze/conv2d/0" [dtype=float, shape="(1, 128, 7, 7)", out_port_id=0, in_port_id=0]; -"features.4.squeeze.weight" -> "features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 128, 1, 1)", out_port_id=0, in_port_id=0]; -"features.4.squeeze.bias" -> "features/4/squeeze/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/4/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/squeeze/conv2d/0" [dtype=float, shape="(16, 128, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/squeeze/conv2d/0" -> "features/4/squeeze_activation/relu_/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; -"features/4/squeeze_activation/relu_/0" -> "features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/4/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/expand1x1/conv2d/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; -"features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/expand3x3/conv2d/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; -"features.4.expand1x1.weight" -> "features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 16, 1, 1)", out_port_id=0, in_port_id=0]; -"features.4.expand1x1.bias" -> "features/4/expand1x1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/4/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/expand1x1/conv2d/0" [dtype=float, shape="(64, 16, 1, 1)", out_port_id=0, in_port_id=1]; -"features/4/expand1x1/conv2d/0" -> "features/4/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; -"features/4/expand1x1_activation/relu_/0" -> "features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/4/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.features/4/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/cat/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; -"features.4.expand3x3.weight" -> "features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 16, 3, 3)", out_port_id=0, in_port_id=0]; -"features.4.expand3x3.bias" -> "features/4/expand3x3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/4/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/expand3x3/conv2d/0" [dtype=float, shape="(64, 16, 3, 3)", out_port_id=0, in_port_id=1]; -"features/4/expand3x3/conv2d/0" -> "features/4/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; -"features/4/expand3x3_activation/relu_/0" -> "features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; -"features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/cat/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=1]; -"features/4/cat/0" -> "features/5/max_pool2d/0" [dtype=float, shape="(1, 128, 7, 7)", out_port_id=0, in_port_id=0]; -"features/5/max_pool2d/0" -> "features/6/squeeze/conv2d/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"features.6.squeeze.weight" -> "features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 1, 1)", out_port_id=0, in_port_id=0]; -"features.6.squeeze.bias" -> "features/6/squeeze/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/6/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/squeeze/conv2d/0" [dtype=float, shape="(32, 128, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/squeeze/conv2d/0" -> "features/6/squeeze_activation/relu_/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"features/6/squeeze_activation/relu_/0" -> "features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/6/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/expand1x1/conv2d/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/expand3x3/conv2d/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"features.6.expand1x1.weight" -> "features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 32, 1, 1)", out_port_id=0, in_port_id=0]; -"features.6.expand1x1.bias" -> "features/6/expand1x1/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/6/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/expand1x1/conv2d/0" [dtype=float, shape="(128, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features/6/expand1x1/conv2d/0" -> "features/6/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"features/6/expand1x1_activation/relu_/0" -> "features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/6/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.features/6/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/cat/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"features.6.expand3x3.weight" -> "features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"features.6.expand3x3.bias" -> "features/6/expand3x3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/6/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/expand3x3/conv2d/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"features/6/expand3x3/conv2d/0" -> "features/6/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"features/6/expand3x3_activation/relu_/0" -> "features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/cat/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/6/cat/0" -> "features/7/squeeze/conv2d/0" [dtype=float, shape="(1, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"features.7.squeeze.weight" -> "features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"features.7.squeeze.bias" -> "features/7/squeeze/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/7/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/squeeze/conv2d/0" [dtype=float, shape="(32, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"features/7/squeeze/conv2d/0" -> "features/7/squeeze_activation/relu_/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"features/7/squeeze_activation/relu_/0" -> "features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/7/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/expand1x1/conv2d/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/expand3x3/conv2d/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"features.7.expand1x1.weight" -> "features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 32, 1, 1)", out_port_id=0, in_port_id=0]; -"features.7.expand1x1.bias" -> "features/7/expand1x1/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/7/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/expand1x1/conv2d/0" [dtype=float, shape="(128, 32, 1, 1)", out_port_id=0, in_port_id=1]; -"features/7/expand1x1/conv2d/0" -> "features/7/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"features/7/expand1x1_activation/relu_/0" -> "features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/7/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.features/7/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/cat/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"features.7.expand3x3.weight" -> "features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=0]; -"features.7.expand3x3.bias" -> "features/7/expand3x3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/7/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/expand3x3/conv2d/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=1]; -"features/7/expand3x3/conv2d/0" -> "features/7/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"features/7/expand3x3_activation/relu_/0" -> "features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/cat/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/7/cat/0" -> "features/8/max_pool2d/0" [dtype=float, shape="(1, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"features/8/max_pool2d/0" -> "features/9/squeeze/conv2d/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"features.9.squeeze.weight" -> "features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"features.9.squeeze.bias" -> "features/9/squeeze/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/9/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/squeeze/conv2d/0" [dtype=float, shape="(48, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"features/9/squeeze/conv2d/0" -> "features/9/squeeze_activation/relu_/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features/9/squeeze_activation/relu_/0" -> "features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/9/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/expand1x1/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/expand3x3/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features.9.expand1x1.weight" -> "features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features.9.expand1x1.bias" -> "features/9/expand1x1/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/9/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/expand1x1/conv2d/0" [dtype=float, shape="(192, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"features/9/expand1x1/conv2d/0" -> "features/9/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"features/9/expand1x1_activation/relu_/0" -> "features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/9/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.features/9/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/cat/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"features.9.expand3x3.weight" -> "features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 48, 3, 3)", out_port_id=0, in_port_id=0]; -"features.9.expand3x3.bias" -> "features/9/expand3x3/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/9/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/expand3x3/conv2d/0" [dtype=float, shape="(192, 48, 3, 3)", out_port_id=0, in_port_id=1]; -"features/9/expand3x3/conv2d/0" -> "features/9/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"features/9/expand3x3_activation/relu_/0" -> "features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/cat/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"features/9/cat/0" -> "features/10/squeeze/conv2d/0" [dtype=float, shape="(1, 384, 1, 1)", out_port_id=0, in_port_id=0]; -"features.10.squeeze.weight" -> "features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 384, 1, 1)", out_port_id=0, in_port_id=0]; -"features.10.squeeze.bias" -> "features/10/squeeze/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/10/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/squeeze/conv2d/0" [dtype=float, shape="(48, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"features/10/squeeze/conv2d/0" -> "features/10/squeeze_activation/relu_/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/squeeze_activation/relu_/0" -> "features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/10/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/expand1x1/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/expand3x3/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features.10.expand1x1.weight" -> "features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 48, 1, 1)", out_port_id=0, in_port_id=0]; -"features.10.expand1x1.bias" -> "features/10/expand1x1/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/10/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/expand1x1/conv2d/0" [dtype=float, shape="(192, 48, 1, 1)", out_port_id=0, in_port_id=1]; -"features/10/expand1x1/conv2d/0" -> "features/10/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/expand1x1_activation/relu_/0" -> "features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/10/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.features/10/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/cat/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"features.10.expand3x3.weight" -> "features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 48, 3, 3)", out_port_id=0, in_port_id=0]; -"features.10.expand3x3.bias" -> "features/10/expand3x3/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/10/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/expand3x3/conv2d/0" [dtype=float, shape="(192, 48, 3, 3)", out_port_id=0, in_port_id=1]; -"features/10/expand3x3/conv2d/0" -> "features/10/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/expand3x3_activation/relu_/0" -> "features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; -"features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/cat/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=1]; -"features/10/cat/0" -> "features/11/squeeze/conv2d/0" [dtype=float, shape="(1, 384, 1, 1)", out_port_id=0, in_port_id=0]; -"features.11.squeeze.weight" -> "features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=0]; -"features.11.squeeze.bias" -> "features/11/squeeze/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/11/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/squeeze/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; -"features/11/squeeze/conv2d/0" -> "features/11/squeeze_activation/relu_/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/squeeze_activation/relu_/0" -> "features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/11/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/expand1x1/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/expand3x3/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features.11.expand1x1.weight" -> "features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features.11.expand1x1.bias" -> "features/11/expand1x1/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/11/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/expand1x1/conv2d/0" [dtype=float, shape="(256, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features/11/expand1x1/conv2d/0" -> "features/11/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/expand1x1_activation/relu_/0" -> "features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/11/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.features/11/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/cat/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"features.11.expand3x3.weight" -> "features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"features.11.expand3x3.bias" -> "features/11/expand3x3/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/11/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/expand3x3/conv2d/0" [dtype=float, shape="(256, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"features/11/expand3x3/conv2d/0" -> "features/11/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/expand3x3_activation/relu_/0" -> "features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/cat/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"features/11/cat/0" -> "features/12/squeeze/conv2d/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"features.12.squeeze.weight" -> "features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"features.12.squeeze.bias" -> "features/12/squeeze/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/12/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/squeeze/conv2d/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"features/12/squeeze/conv2d/0" -> "features/12/squeeze_activation/relu_/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features/12/squeeze_activation/relu_/0" -> "features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/12/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/expand1x1/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/expand3x3/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features.12.expand1x1.weight" -> "features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"features.12.expand1x1.bias" -> "features/12/expand1x1/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/12/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/expand1x1/conv2d/0" [dtype=float, shape="(256, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"features/12/expand1x1/conv2d/0" -> "features/12/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"features/12/expand1x1_activation/relu_/0" -> "features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/12/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.features/12/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/cat/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"features.12.expand3x3.weight" -> "features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"features.12.expand3x3.bias" -> "features/12/expand3x3/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/12/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/expand3x3/conv2d/0" [dtype=float, shape="(256, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"features/12/expand3x3/conv2d/0" -> "features/12/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"features/12/expand3x3_activation/relu_/0" -> "features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; -"features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/cat/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=1]; -"features/12/cat/0" -> "classifier/0/dropout/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"classifier/0/dropout/0" -> "classifier/1/conv2d/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"classifier.1.weight" -> "classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"classifier.1.bias" -> "classifier/1/conv2d/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.classifier/1/conv2d/0__1.0._scale_param_storage" -> "classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" -> "classifier/1/conv2d/0" [dtype=float, shape="(1000, 512, 1, 1)", out_port_id=0, in_port_id=1]; -"classifier/1/conv2d/0" -> "classifier/2/relu_/0" [dtype=float, shape="(1, 1000, 1, 1)", out_port_id=0, in_port_id=0]; -"classifier/2/relu_/0" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1000, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" -> "classifier/3/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1000, 1, 1)", out_port_id=0, in_port_id=0]; -"classifier/3/adaptive_avg_pool2d/0" -> "/view/0" [dtype=float, shape="(1, 1000, 1, 1)", out_port_id=0, in_port_id=0]; -"/view/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/0/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; +"features/1/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [id=10, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/2/max_pool2d/0" [id=11, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.3.squeeze.weight" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.squeeze.bias" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/3/squeeze/conv2d/0__1.0._scale_param_storage" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=15, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/3/squeeze/conv2d/0" [id=16, metatype=PTConv2dMetatype, type=conv2d]; +"features/3/squeeze_activation/relu_/0" [id=17, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/3/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=19, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.3.expand1x1.weight" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.expand1x1.bias" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/3/expand1x1/conv2d/0__1.0._scale_param_storage" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=23, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/3/expand1x1/conv2d/0" [id=24, metatype=PTConv2dMetatype, type=conv2d]; +"features/3/expand1x1_activation/relu_/0" [id=25, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/3/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=26, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=27, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.3.expand3x3.weight" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.expand3x3.bias" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/3/expand3x3/conv2d/0__1.0._scale_param_storage" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=31, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/3/expand3x3/conv2d/0" [id=32, metatype=PTConv2dMetatype, type=conv2d]; +"features/3/expand3x3_activation/relu_/0" [id=33, metatype=PTRELUMetatype, type=relu_]; +"features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=34, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/3/cat/0" [id=35, metatype=PTCatMetatype, type=cat]; +"features.4.squeeze.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.squeeze.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/4/squeeze/conv2d/0__1.0._scale_param_storage" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=39, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/4/squeeze/conv2d/0" [id=40, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/squeeze_activation/relu_/0" [id=41, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/4/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=43, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.4.expand1x1.weight" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.expand1x1.bias" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/4/expand1x1/conv2d/0__1.0._scale_param_storage" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=47, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/4/expand1x1/conv2d/0" [id=48, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/expand1x1_activation/relu_/0" [id=49, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/4/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=51, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.4.expand3x3.weight" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.expand3x3.bias" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/4/expand3x3/conv2d/0__1.0._scale_param_storage" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=55, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/4/expand3x3/conv2d/0" [id=56, metatype=PTConv2dMetatype, type=conv2d]; +"features/4/expand3x3_activation/relu_/0" [id=57, metatype=PTRELUMetatype, type=relu_]; +"features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=58, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/4/cat/0" [id=59, metatype=PTCatMetatype, type=cat]; +"features/5/max_pool2d/0" [id=60, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.6.squeeze.weight" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.squeeze.bias" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/6/squeeze/conv2d/0__1.0._scale_param_storage" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=64, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/squeeze/conv2d/0" [id=65, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/squeeze_activation/relu_/0" [id=66, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/6/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=68, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.6.expand1x1.weight" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.expand1x1.bias" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/6/expand1x1/conv2d/0__1.0._scale_param_storage" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=72, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/expand1x1/conv2d/0" [id=73, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/expand1x1_activation/relu_/0" [id=74, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/6/expand3x3_activation/relu_/0__0.0._scale_param_storage" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=76, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.6.expand3x3.weight" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.6.expand3x3.bias" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/6/expand3x3/conv2d/0__1.0._scale_param_storage" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=80, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/expand3x3/conv2d/0" [id=81, metatype=PTConv2dMetatype, type=conv2d]; +"features/6/expand3x3_activation/relu_/0" [id=82, metatype=PTRELUMetatype, type=relu_]; +"features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=83, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/cat/0" [id=84, metatype=PTCatMetatype, type=cat]; +"features.7.squeeze.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.squeeze.bias" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/7/squeeze/conv2d/0__1.0._scale_param_storage" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=88, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/7/squeeze/conv2d/0" [id=89, metatype=PTConv2dMetatype, type=conv2d]; +"features/7/squeeze_activation/relu_/0" [id=90, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/7/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=92, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.7.expand1x1.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.expand1x1.bias" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/7/expand1x1/conv2d/0__1.0._scale_param_storage" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=96, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/7/expand1x1/conv2d/0" [id=97, metatype=PTConv2dMetatype, type=conv2d]; +"features/7/expand1x1_activation/relu_/0" [id=98, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/7/expand3x3_activation/relu_/0__0.0._scale_param_storage" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=100, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.7.expand3x3.weight" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.expand3x3.bias" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/7/expand3x3/conv2d/0__1.0._scale_param_storage" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=104, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/7/expand3x3/conv2d/0" [id=105, metatype=PTConv2dMetatype, type=conv2d]; +"features/7/expand3x3_activation/relu_/0" [id=106, metatype=PTRELUMetatype, type=relu_]; +"features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=107, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/7/cat/0" [id=108, metatype=PTCatMetatype, type=cat]; +"features/8/max_pool2d/0" [id=109, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.9.squeeze.weight" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.squeeze.bias" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/9/squeeze/conv2d/0__1.0._scale_param_storage" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=113, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/9/squeeze/conv2d/0" [id=114, metatype=PTConv2dMetatype, type=conv2d]; +"features/9/squeeze_activation/relu_/0" [id=115, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/9/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=117, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.9.expand1x1.weight" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.expand1x1.bias" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/9/expand1x1/conv2d/0__1.0._scale_param_storage" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=121, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/9/expand1x1/conv2d/0" [id=122, metatype=PTConv2dMetatype, type=conv2d]; +"features/9/expand1x1_activation/relu_/0" [id=123, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/9/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=125, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.9.expand3x3.weight" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.9.expand3x3.bias" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/9/expand3x3/conv2d/0__1.0._scale_param_storage" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=129, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/9/expand3x3/conv2d/0" [id=130, metatype=PTConv2dMetatype, type=conv2d]; +"features/9/expand3x3_activation/relu_/0" [id=131, metatype=PTRELUMetatype, type=relu_]; +"features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=132, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/9/cat/0" [id=133, metatype=PTCatMetatype, type=cat]; +"features.10.squeeze.weight" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.squeeze.bias" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/10/squeeze/conv2d/0__1.0._scale_param_storage" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=137, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/squeeze/conv2d/0" [id=138, metatype=PTConv2dMetatype, type=conv2d]; +"features/10/squeeze_activation/relu_/0" [id=139, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/10/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=141, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.10.expand1x1.weight" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.expand1x1.bias" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/10/expand1x1/conv2d/0__1.0._scale_param_storage" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=145, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/expand1x1/conv2d/0" [id=146, metatype=PTConv2dMetatype, type=conv2d]; +"features/10/expand1x1_activation/relu_/0" [id=147, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/10/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=149, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.10.expand3x3.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.expand3x3.bias" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/10/expand3x3/conv2d/0__1.0._scale_param_storage" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=153, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/expand3x3/conv2d/0" [id=154, metatype=PTConv2dMetatype, type=conv2d]; +"features/10/expand3x3_activation/relu_/0" [id=155, metatype=PTRELUMetatype, type=relu_]; +"features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=156, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/cat/0" [id=157, metatype=PTCatMetatype, type=cat]; +"features.11.squeeze.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.squeeze.bias" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/11/squeeze/conv2d/0__1.0._scale_param_storage" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=161, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/11/squeeze/conv2d/0" [id=162, metatype=PTConv2dMetatype, type=conv2d]; +"features/11/squeeze_activation/relu_/0" [id=163, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/11/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=165, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.11.expand1x1.weight" [id=166, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.expand1x1.bias" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/11/expand1x1/conv2d/0__1.0._scale_param_storage" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=169, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/11/expand1x1/conv2d/0" [id=170, metatype=PTConv2dMetatype, type=conv2d]; +"features/11/expand1x1_activation/relu_/0" [id=171, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/11/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=173, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.11.expand3x3.weight" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.expand3x3.bias" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/11/expand3x3/conv2d/0__1.0._scale_param_storage" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=177, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/11/expand3x3/conv2d/0" [id=178, metatype=PTConv2dMetatype, type=conv2d]; +"features/11/expand3x3_activation/relu_/0" [id=179, metatype=PTRELUMetatype, type=relu_]; +"features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=180, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/11/cat/0" [id=181, metatype=PTCatMetatype, type=cat]; +"features.12.squeeze.weight" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.squeeze.bias" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/12/squeeze/conv2d/0__1.0._scale_param_storage" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=185, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/12/squeeze/conv2d/0" [id=186, metatype=PTConv2dMetatype, type=conv2d]; +"features/12/squeeze_activation/relu_/0" [id=187, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/12/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=189, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.12.expand1x1.weight" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.expand1x1.bias" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/12/expand1x1/conv2d/0__1.0._scale_param_storage" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=193, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/12/expand1x1/conv2d/0" [id=194, metatype=PTConv2dMetatype, type=conv2d]; +"features/12/expand1x1_activation/relu_/0" [id=195, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/12/expand3x3_activation/relu_/0__0.0._scale_param_storage" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=197, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.12.expand3x3.weight" [id=198, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.12.expand3x3.bias" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/12/expand3x3/conv2d/0__1.0._scale_param_storage" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=201, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/12/expand3x3/conv2d/0" [id=202, metatype=PTConv2dMetatype, type=conv2d]; +"features/12/expand3x3_activation/relu_/0" [id=203, metatype=PTRELUMetatype, type=relu_]; +"features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=204, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/12/cat/0" [id=205, metatype=PTCatMetatype, type=cat]; +"classifier/0/dropout/0" [id=206, metatype=PTDropoutMetatype, type=dropout]; +"classifier.1.weight" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.1.bias" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.classifier/1/conv2d/0__1.0._scale_param_storage" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" [id=210, metatype=UnknownMetatype, type=symmetric_quantize]; +"classifier/1/conv2d/0" [id=211, metatype=PTConv2dMetatype, type=conv2d]; +"classifier/2/relu_/0" [id=212, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [id=214, metatype=UnknownMetatype, type=symmetric_quantize]; +"classifier/3/adaptive_avg_pool2d/0" [id=215, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; +"/view/0" [id=216, metatype=PTReshapeMetatype, type=view]; +output [id=217, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"features.0.weight" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 3, 3, 3)"]; +"features.0.bias" -> "features/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 3, 3)"]; +"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 15, 15)"]; +"features/1/relu_/0" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 15, 15)"]; +"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 15, 15)"]; +"features/2/max_pool2d/0" -> "features/3/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; +"features.3.squeeze.weight" -> "features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 1, 1)"]; +"features.3.squeeze.bias" -> "features/3/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"__nncf_hooks.pre_hooks.features/3/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; +"features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 64, 1, 1)"]; +"features/3/squeeze/conv2d/0" -> "features/3/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; +"features/3/squeeze_activation/relu_/0" -> "features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; +"__nncf_hooks.post_hooks.features/3/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; +"features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; +"features.3.expand1x1.weight" -> "features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 16, 1, 1)"]; +"features.3.expand1x1.bias" -> "features/3/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.features/3/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 1, 1)"]; +"features/3/expand1x1/conv2d/0" -> "features/3/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; +"features/3/expand1x1_activation/relu_/0" -> "features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; +"__nncf_hooks.post_hooks.features/3/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.features/3/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; +"features.3.expand3x3.weight" -> "features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 16, 3, 3)"]; +"features.3.expand3x3.bias" -> "features/3/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.features/3/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 3, 3)"]; +"features/3/expand3x3/conv2d/0" -> "features/3/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; +"features/3/expand3x3_activation/relu_/0" -> "features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; +"features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 7, 7)"]; +"features/3/cat/0" -> "features/4/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 7, 7)"]; +"features.4.squeeze.weight" -> "features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 128, 1, 1)"]; +"features.4.squeeze.bias" -> "features/4/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; +"__nncf_hooks.pre_hooks.features/4/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; +"features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 128, 1, 1)"]; +"features/4/squeeze/conv2d/0" -> "features/4/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; +"features/4/squeeze_activation/relu_/0" -> "features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; +"__nncf_hooks.post_hooks.features/4/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; +"features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; +"features.4.expand1x1.weight" -> "features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 16, 1, 1)"]; +"features.4.expand1x1.bias" -> "features/4/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.features/4/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 1, 1)"]; +"features/4/expand1x1/conv2d/0" -> "features/4/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; +"features/4/expand1x1_activation/relu_/0" -> "features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; +"__nncf_hooks.post_hooks.features/4/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.features/4/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; +"features.4.expand3x3.weight" -> "features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 16, 3, 3)"]; +"features.4.expand3x3.bias" -> "features/4/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.features/4/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 3, 3)"]; +"features/4/expand3x3/conv2d/0" -> "features/4/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; +"features/4/expand3x3_activation/relu_/0" -> "features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; +"features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 7, 7)"]; +"features/4/cat/0" -> "features/5/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 7, 7)"]; +"features/5/max_pool2d/0" -> "features/6/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; +"features.6.squeeze.weight" -> "features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 1, 1)"]; +"features.6.squeeze.bias" -> "features/6/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"__nncf_hooks.pre_hooks.features/6/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 1, 1)"]; +"features/6/squeeze/conv2d/0" -> "features/6/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; +"features/6/squeeze_activation/relu_/0" -> "features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; +"__nncf_hooks.post_hooks.features/6/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; +"features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; +"features.6.expand1x1.weight" -> "features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 32, 1, 1)"]; +"features.6.expand1x1.bias" -> "features/6/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.features/6/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 1, 1)"]; +"features/6/expand1x1/conv2d/0" -> "features/6/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; +"features/6/expand1x1_activation/relu_/0" -> "features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; +"__nncf_hooks.post_hooks.features/6/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.features/6/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; +"features.6.expand3x3.weight" -> "features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 32, 3, 3)"]; +"features.6.expand3x3.bias" -> "features/6/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.features/6/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 3, 3)"]; +"features/6/expand3x3/conv2d/0" -> "features/6/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; +"features/6/expand3x3_activation/relu_/0" -> "features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; +"features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 3, 3)"]; +"features/6/cat/0" -> "features/7/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 3, 3)"]; +"features.7.squeeze.weight" -> "features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 256, 1, 1)"]; +"features.7.squeeze.bias" -> "features/7/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; +"__nncf_hooks.pre_hooks.features/7/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; +"features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 256, 1, 1)"]; +"features/7/squeeze/conv2d/0" -> "features/7/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; +"features/7/squeeze_activation/relu_/0" -> "features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; +"__nncf_hooks.post_hooks.features/7/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; +"features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; +"features.7.expand1x1.weight" -> "features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 32, 1, 1)"]; +"features.7.expand1x1.bias" -> "features/7/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.features/7/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 1, 1)"]; +"features/7/expand1x1/conv2d/0" -> "features/7/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; +"features/7/expand1x1_activation/relu_/0" -> "features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; +"__nncf_hooks.post_hooks.features/7/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.features/7/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; +"features.7.expand3x3.weight" -> "features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 32, 3, 3)"]; +"features.7.expand3x3.bias" -> "features/7/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.features/7/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 3, 3)"]; +"features/7/expand3x3/conv2d/0" -> "features/7/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; +"features/7/expand3x3_activation/relu_/0" -> "features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; +"features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 3, 3)"]; +"features/7/cat/0" -> "features/8/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 3, 3)"]; +"features/8/max_pool2d/0" -> "features/9/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; +"features.9.squeeze.weight" -> "features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 256, 1, 1)"]; +"features.9.squeeze.bias" -> "features/9/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"__nncf_hooks.pre_hooks.features/9/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 256, 1, 1)"]; +"features/9/squeeze/conv2d/0" -> "features/9/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"features/9/squeeze_activation/relu_/0" -> "features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"__nncf_hooks.post_hooks.features/9/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"features.9.expand1x1.weight" -> "features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 48, 1, 1)"]; +"features.9.expand1x1.bias" -> "features/9/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"__nncf_hooks.pre_hooks.features/9/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 1, 1)"]; +"features/9/expand1x1/conv2d/0" -> "features/9/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; +"features/9/expand1x1_activation/relu_/0" -> "features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; +"__nncf_hooks.post_hooks.features/9/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.features/9/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; +"features.9.expand3x3.weight" -> "features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 48, 3, 3)"]; +"features.9.expand3x3.bias" -> "features/9/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"__nncf_hooks.pre_hooks.features/9/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 3, 3)"]; +"features/9/expand3x3/conv2d/0" -> "features/9/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; +"features/9/expand3x3_activation/relu_/0" -> "features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; +"features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 1, 1)"]; +"features/9/cat/0" -> "features/10/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 1, 1)"]; +"features.10.squeeze.weight" -> "features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 384, 1, 1)"]; +"features.10.squeeze.bias" -> "features/10/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; +"__nncf_hooks.pre_hooks.features/10/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; +"features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 384, 1, 1)"]; +"features/10/squeeze/conv2d/0" -> "features/10/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"features/10/squeeze_activation/relu_/0" -> "features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"__nncf_hooks.post_hooks.features/10/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; +"features.10.expand1x1.weight" -> "features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 48, 1, 1)"]; +"features.10.expand1x1.bias" -> "features/10/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"__nncf_hooks.pre_hooks.features/10/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 1, 1)"]; +"features/10/expand1x1/conv2d/0" -> "features/10/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; +"features/10/expand1x1_activation/relu_/0" -> "features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; +"__nncf_hooks.post_hooks.features/10/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.features/10/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; +"features.10.expand3x3.weight" -> "features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 48, 3, 3)"]; +"features.10.expand3x3.bias" -> "features/10/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; +"__nncf_hooks.pre_hooks.features/10/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; +"features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 3, 3)"]; +"features/10/expand3x3/conv2d/0" -> "features/10/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; +"features/10/expand3x3_activation/relu_/0" -> "features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; +"features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 1, 1)"]; +"features/10/cat/0" -> "features/11/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 1, 1)"]; +"features.11.squeeze.weight" -> "features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 384, 1, 1)"]; +"features.11.squeeze.bias" -> "features/11/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.features/11/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; +"features/11/squeeze/conv2d/0" -> "features/11/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"features/11/squeeze_activation/relu_/0" -> "features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"__nncf_hooks.post_hooks.features/11/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"features.11.expand1x1.weight" -> "features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 64, 1, 1)"]; +"features.11.expand1x1.bias" -> "features/11/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.features/11/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 1, 1)"]; +"features/11/expand1x1/conv2d/0" -> "features/11/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; +"features/11/expand1x1_activation/relu_/0" -> "features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; +"__nncf_hooks.post_hooks.features/11/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.features/11/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; +"features.11.expand3x3.weight" -> "features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 64, 3, 3)"]; +"features.11.expand3x3.bias" -> "features/11/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.features/11/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 3, 3)"]; +"features/11/expand3x3/conv2d/0" -> "features/11/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; +"features/11/expand3x3_activation/relu_/0" -> "features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; +"features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 1, 1)"]; +"features/11/cat/0" -> "features/12/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; +"features.12.squeeze.weight" -> "features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 512, 1, 1)"]; +"features.12.squeeze.bias" -> "features/12/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.features/12/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 512, 1, 1)"]; +"features/12/squeeze/conv2d/0" -> "features/12/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"features/12/squeeze_activation/relu_/0" -> "features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"__nncf_hooks.post_hooks.features/12/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; +"features.12.expand1x1.weight" -> "features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 64, 1, 1)"]; +"features.12.expand1x1.bias" -> "features/12/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.features/12/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 1, 1)"]; +"features/12/expand1x1/conv2d/0" -> "features/12/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; +"features/12/expand1x1_activation/relu_/0" -> "features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; +"__nncf_hooks.post_hooks.features/12/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.features/12/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; +"features.12.expand3x3.weight" -> "features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 64, 3, 3)"]; +"features.12.expand3x3.bias" -> "features/12/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.features/12/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 3, 3)"]; +"features/12/expand3x3/conv2d/0" -> "features/12/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; +"features/12/expand3x3_activation/relu_/0" -> "features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; +"features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 1, 1)"]; +"features/12/cat/0" -> "classifier/0/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; +"classifier/0/dropout/0" -> "classifier/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; +"classifier.1.weight" -> "classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1000, 512, 1, 1)"]; +"classifier.1.bias" -> "classifier/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; +"__nncf_hooks.pre_hooks.classifier/1/conv2d/0__1.0._scale_param_storage" -> "classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1000, 1, 1, 1)"]; +"classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" -> "classifier/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 512, 1, 1)"]; +"classifier/1/conv2d/0" -> "classifier/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000, 1, 1)"]; +"classifier/2/relu_/0" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000, 1, 1)"]; +"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" -> "classifier/3/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000, 1, 1)"]; +"classifier/3/adaptive_avg_pool2d/0" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000, 1, 1)"]; +"/view/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/unet.dot b/tests/torch2/data/quantization/test_quantized_graphs/unet.dot index f140308401a..0c20b039f25 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/unet.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/unet.dot @@ -1,567 +1,535 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -"down_path.0.block.0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.0.block.0.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.block/0/conv2d/0__1.0._scale_param_storage" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, type="symmetric_quantize", metatype=UnknownMetatype]; -"block/0/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; -"down_path.0.block.1.weight" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.0.block.1.bias" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.0.block.1.running_mean" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.0.block.1.running_var" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/1/batch_norm/0" [id=12, type="batch_norm", metatype=PTBatchNormMetatype]; -"block/2/relu/0" [id=13, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.block/2/relu/0__0.0._scale_param_storage" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" [id=15, type="symmetric_quantize", metatype=UnknownMetatype]; -"down_path.0.block.3.weight" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.0.block.3.bias" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.block/3/conv2d/0__1.0._scale_param_storage" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" [id=19, type="symmetric_quantize", metatype=UnknownMetatype]; -"block/3/conv2d/0" [id=20, type=conv2d, metatype=PTConv2dMetatype]; -"down_path.0.block.4.weight" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.0.block.4.bias" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.0.block.4.running_mean" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.0.block.4.running_var" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/4/batch_norm/0" [id=25, type="batch_norm", metatype=PTBatchNormMetatype]; -"block/5/relu/0" [id=26, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.block/5/relu/0__0.0._scale_param_storage" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [id=28, type="symmetric_quantize", metatype=UnknownMetatype]; -"/max_pool2d/0" [id=29, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"down_path.1.block.0.weight" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.1.block.0.bias" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.block/0/conv2d/1__1.0._scale_param_storage" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" [id=33, type="symmetric_quantize", metatype=UnknownMetatype]; -"block/0/conv2d/1" [id=34, type=conv2d, metatype=PTConv2dMetatype]; -"down_path.1.block.1.weight" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.1.block.1.bias" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.1.block.1.running_mean" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.1.block.1.running_var" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/1/batch_norm/1" [id=39, type="batch_norm", metatype=PTBatchNormMetatype]; -"block/2/relu/1" [id=40, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.block/2/relu/1__0.0._scale_param_storage" [id=41, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" [id=42, type="symmetric_quantize", metatype=UnknownMetatype]; -"down_path.1.block.3.weight" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.1.block.3.bias" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.block/3/conv2d/1__1.0._scale_param_storage" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" [id=46, type="symmetric_quantize", metatype=UnknownMetatype]; -"block/3/conv2d/1" [id=47, type=conv2d, metatype=PTConv2dMetatype]; -"down_path.1.block.4.weight" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.1.block.4.bias" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.1.block.4.running_mean" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.1.block.4.running_var" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/4/batch_norm/1" [id=52, type="batch_norm", metatype=PTBatchNormMetatype]; -"block/5/relu/1" [id=53, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.up/conv_transpose2d/2__0.0._scale_param_storage" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/5/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" [id=55, type="symmetric_quantize", metatype=UnknownMetatype]; -"/max_pool2d/1" [id=56, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"down_path.2.block.0.weight" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.2.block.0.bias" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.block/0/conv2d/2__1.0._scale_param_storage" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" [id=60, type="symmetric_quantize", metatype=UnknownMetatype]; -"block/0/conv2d/2" [id=61, type=conv2d, metatype=PTConv2dMetatype]; -"down_path.2.block.1.weight" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.2.block.1.bias" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.2.block.1.running_mean" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.2.block.1.running_var" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/1/batch_norm/2" [id=66, type="batch_norm", metatype=PTBatchNormMetatype]; -"block/2/relu/2" [id=67, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.block/2/relu/2__0.0._scale_param_storage" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" [id=69, type="symmetric_quantize", metatype=UnknownMetatype]; -"down_path.2.block.3.weight" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.2.block.3.bias" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.block/3/conv2d/2__1.0._scale_param_storage" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" [id=73, type="symmetric_quantize", metatype=UnknownMetatype]; -"block/3/conv2d/2" [id=74, type=conv2d, metatype=PTConv2dMetatype]; -"down_path.2.block.4.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.2.block.4.bias" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.2.block.4.running_mean" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.2.block.4.running_var" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/4/batch_norm/2" [id=79, type="batch_norm", metatype=PTBatchNormMetatype]; -"block/5/relu/2" [id=80, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.block/5/relu/2__0.0._scale_param_storage" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [id=82, type="symmetric_quantize", metatype=UnknownMetatype]; -"/max_pool2d/2" [id=83, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"down_path.3.block.0.weight" [id=84, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.3.block.0.bias" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.block/0/conv2d/3__1.0._scale_param_storage" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" [id=87, type="symmetric_quantize", metatype=UnknownMetatype]; -"block/0/conv2d/3" [id=88, type=conv2d, metatype=PTConv2dMetatype]; -"down_path.3.block.1.weight" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.3.block.1.bias" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.3.block.1.running_mean" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.3.block.1.running_var" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/1/batch_norm/3" [id=93, type="batch_norm", metatype=PTBatchNormMetatype]; -"block/2/relu/3" [id=94, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.block/2/relu/3__0.0._scale_param_storage" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" [id=96, type="symmetric_quantize", metatype=UnknownMetatype]; -"down_path.3.block.3.weight" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.3.block.3.bias" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.block/3/conv2d/3__1.0._scale_param_storage" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" [id=100, type="symmetric_quantize", metatype=UnknownMetatype]; -"block/3/conv2d/3" [id=101, type=conv2d, metatype=PTConv2dMetatype]; -"down_path.3.block.4.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.3.block.4.bias" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.3.block.4.running_mean" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.3.block.4.running_var" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/4/batch_norm/3" [id=106, type="batch_norm", metatype=PTBatchNormMetatype]; -"block/5/relu/3" [id=107, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.up/conv_transpose2d/0__0.0._scale_param_storage" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/5/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" [id=109, type="symmetric_quantize", metatype=UnknownMetatype]; -"/max_pool2d/3" [id=110, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"down_path.4.block.0.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.4.block.0.bias" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.block/0/conv2d/4__1.0._scale_param_storage" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" [id=114, type="symmetric_quantize", metatype=UnknownMetatype]; -"block/0/conv2d/4" [id=115, type=conv2d, metatype=PTConv2dMetatype]; -"down_path.4.block.1.weight" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.4.block.1.bias" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.4.block.1.running_mean" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.4.block.1.running_var" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/1/batch_norm/4" [id=120, type="batch_norm", metatype=PTBatchNormMetatype]; -"block/2/relu/4" [id=121, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.block/2/relu/4__0.0._scale_param_storage" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" [id=123, type="symmetric_quantize", metatype=UnknownMetatype]; -"down_path.4.block.3.weight" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.4.block.3.bias" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.block/3/conv2d/4__1.0._scale_param_storage" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" [id=127, type="symmetric_quantize", metatype=UnknownMetatype]; -"block/3/conv2d/4" [id=128, type=conv2d, metatype=PTConv2dMetatype]; -"down_path.4.block.4.weight" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.4.block.4.bias" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.4.block.4.running_mean" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"down_path.4.block.4.running_var" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/4/batch_norm/4" [id=133, type="batch_norm", metatype=PTBatchNormMetatype]; -"block/5/relu/4" [id=134, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.block/5/relu/4__0.0._scale_param_storage" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/5/post_hook__block-5-relu-4__0[0]/symmetric_quantize/0" [id=136, type="symmetric_quantize", metatype=UnknownMetatype]; -"up_path.0.up.weight" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.up.bias" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.up/conv_transpose2d/0__1.0._scale_param_storage" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up/pre_hook__up-conv_transpose2d-0__1[0]/symmetric_quantize/0" [id=140, type="symmetric_quantize", metatype=UnknownMetatype]; -"up/conv_transpose2d/0" [id=141, type="conv_transpose2d", metatype=PTConvTranspose2dMetatype]; -"up/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" [id=142, type="symmetric_quantize", metatype=UnknownMetatype]; -"/__getitem__/0" [id=143, type="__getitem__", metatype=PTGatherMetatype]; -"/cat/0" [id=144, type=cat, metatype=PTCatMetatype]; -"up_path.0.conv_block.block.0.weight" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.0.bias" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/0__1.0._scale_param_storage" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [id=148, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/0/conv2d/0" [id=149, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.0.conv_block.block.1.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.1.bias" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.1.running_mean" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.1.running_var" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/1/batch_norm/0" [id=154, type="batch_norm", metatype=PTBatchNormMetatype]; -"conv_block/block/2/relu/0" [id=155, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/0__0.0._scale_param_storage" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" [id=157, type="symmetric_quantize", metatype=UnknownMetatype]; -"up_path.0.conv_block.block.3.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.3.bias" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/0__1.0._scale_param_storage" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" [id=161, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/3/conv2d/0" [id=162, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.0.conv_block.block.4.weight" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.4.bias" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.4.running_mean" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.4.running_var" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/4/batch_norm/0" [id=167, type="batch_norm", metatype=PTBatchNormMetatype]; -"conv_block/block/5/relu/0" [id=168, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.conv_block/block/5/relu/0__0.0._scale_param_storage" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/5/post_hook__conv_block-block-5-relu-0__0[0]/symmetric_quantize/0" [id=170, type="symmetric_quantize", metatype=UnknownMetatype]; -"up_path.1.up.weight" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.up.bias" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.up/conv_transpose2d/1__1.0._scale_param_storage" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up/pre_hook__up-conv_transpose2d-1__1[0]/symmetric_quantize/0" [id=174, type="symmetric_quantize", metatype=UnknownMetatype]; -"up/conv_transpose2d/1" [id=175, type="conv_transpose2d", metatype=PTConvTranspose2dMetatype]; -"up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [id=176, type="symmetric_quantize", metatype=UnknownMetatype]; -"/__getitem__/1" [id=177, type="__getitem__", metatype=PTGatherMetatype]; -"/cat/1" [id=178, type=cat, metatype=PTCatMetatype]; -"up_path.1.conv_block.block.0.weight" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.0.bias" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/1__1.0._scale_param_storage" [id=181, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" [id=182, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/0/conv2d/1" [id=183, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.1.conv_block.block.1.weight" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.1.bias" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.1.running_mean" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.1.running_var" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/1/batch_norm/1" [id=188, type="batch_norm", metatype=PTBatchNormMetatype]; -"conv_block/block/2/relu/1" [id=189, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/1__0.0._scale_param_storage" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" [id=191, type="symmetric_quantize", metatype=UnknownMetatype]; -"up_path.1.conv_block.block.3.weight" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.3.bias" [id=193, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/1__1.0._scale_param_storage" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" [id=195, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/3/conv2d/1" [id=196, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.1.conv_block.block.4.weight" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.4.bias" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.4.running_mean" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.4.running_var" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/4/batch_norm/1" [id=201, type="batch_norm", metatype=PTBatchNormMetatype]; -"conv_block/block/5/relu/1" [id=202, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.conv_block/block/5/relu/1__0.0._scale_param_storage" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/5/post_hook__conv_block-block-5-relu-1__0[0]/symmetric_quantize/0" [id=204, type="symmetric_quantize", metatype=UnknownMetatype]; -"up_path.2.up.weight" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.up.bias" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.up/conv_transpose2d/2__1.0._scale_param_storage" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up/pre_hook__up-conv_transpose2d-2__1[0]/symmetric_quantize/0" [id=208, type="symmetric_quantize", metatype=UnknownMetatype]; -"up/conv_transpose2d/2" [id=209, type="conv_transpose2d", metatype=PTConvTranspose2dMetatype]; -"up/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" [id=210, type="symmetric_quantize", metatype=UnknownMetatype]; -"/__getitem__/2" [id=211, type="__getitem__", metatype=PTGatherMetatype]; -"/cat/2" [id=212, type=cat, metatype=PTCatMetatype]; -"up_path.2.conv_block.block.0.weight" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.0.bias" [id=214, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/2__1.0._scale_param_storage" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [id=216, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/0/conv2d/2" [id=217, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.2.conv_block.block.1.weight" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.1.bias" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.1.running_mean" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.1.running_var" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/1/batch_norm/2" [id=222, type="batch_norm", metatype=PTBatchNormMetatype]; -"conv_block/block/2/relu/2" [id=223, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/2__0.0._scale_param_storage" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" [id=225, type="symmetric_quantize", metatype=UnknownMetatype]; -"up_path.2.conv_block.block.3.weight" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.3.bias" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/2__1.0._scale_param_storage" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" [id=229, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/3/conv2d/2" [id=230, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.2.conv_block.block.4.weight" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.4.bias" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.4.running_mean" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.4.running_var" [id=234, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/4/batch_norm/2" [id=235, type="batch_norm", metatype=PTBatchNormMetatype]; -"conv_block/block/5/relu/2" [id=236, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.conv_block/block/5/relu/2__0.0._scale_param_storage" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/5/post_hook__conv_block-block-5-relu-2__0[0]/symmetric_quantize/0" [id=238, type="symmetric_quantize", metatype=UnknownMetatype]; -"up_path.3.up.weight" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.up.bias" [id=240, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.up/conv_transpose2d/3__1.0._scale_param_storage" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up/pre_hook__up-conv_transpose2d-3__1[0]/symmetric_quantize/0" [id=242, type="symmetric_quantize", metatype=UnknownMetatype]; -"up/conv_transpose2d/3" [id=243, type="conv_transpose2d", metatype=PTConvTranspose2dMetatype]; -"up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [id=244, type="symmetric_quantize", metatype=UnknownMetatype]; -"/__getitem__/3" [id=245, type="__getitem__", metatype=PTGatherMetatype]; -"/cat/3" [id=246, type=cat, metatype=PTCatMetatype]; -"up_path.3.conv_block.block.0.weight" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.0.bias" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/3__1.0._scale_param_storage" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" [id=250, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/0/conv2d/3" [id=251, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.3.conv_block.block.1.weight" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.1.bias" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.1.running_mean" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.1.running_var" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/1/batch_norm/3" [id=256, type="batch_norm", metatype=PTBatchNormMetatype]; -"conv_block/block/2/relu/3" [id=257, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/3__0.0._scale_param_storage" [id=258, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" [id=259, type="symmetric_quantize", metatype=UnknownMetatype]; -"up_path.3.conv_block.block.3.weight" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.3.bias" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/3__1.0._scale_param_storage" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" [id=263, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/3/conv2d/3" [id=264, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.3.conv_block.block.4.weight" [id=265, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.4.bias" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.4.running_mean" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.4.running_var" [id=268, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/4/batch_norm/3" [id=269, type="batch_norm", metatype=PTBatchNormMetatype]; -"conv_block/block/5/relu/3" [id=270, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.conv_block/block/5/relu/3__0.0._scale_param_storage" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" [id=272, type="symmetric_quantize", metatype=UnknownMetatype]; -"last.weight" [id=273, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"last.bias" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.last/conv2d/0__1.0._scale_param_storage" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" [id=276, type="symmetric_quantize", metatype=UnknownMetatype]; -"last/conv2d/0" [id=277, type=conv2d, metatype=PTConv2dMetatype]; -output [id=278, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 360, 480)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "block/0/conv2d/0" [dtype=float, shape="(1, 3, 360, 480)", out_port_id=0, in_port_id=0]; -"down_path.0.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=0]; -"down_path.0.block.0.bias" -> "block/0/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.block/0/conv2d/0__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" -> "block/0/conv2d/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"block/0/conv2d/0" -> "block/1/batch_norm/0" [dtype=float, shape="(1, 64, 358, 478)", out_port_id=0, in_port_id=0]; -"down_path.0.block.1.weight" -> "block/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"down_path.0.block.1.bias" -> "block/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"down_path.0.block.1.running_mean" -> "block/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"down_path.0.block.1.running_var" -> "block/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"block/1/batch_norm/0" -> "block/2/relu/0" [dtype=float, shape="(1, 64, 358, 478)", out_port_id=0, in_port_id=0]; -"block/2/relu/0" -> "block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 358, 478)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.block/2/relu/0__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" -> "block/3/conv2d/0" [dtype=float, shape="(1, 64, 358, 478)", out_port_id=0, in_port_id=0]; -"down_path.0.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"down_path.0.block.3.bias" -> "block/3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.block/3/conv2d/0__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" -> "block/3/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"block/3/conv2d/0" -> "block/4/batch_norm/0" [dtype=float, shape="(1, 64, 356, 476)", out_port_id=0, in_port_id=0]; -"down_path.0.block.4.weight" -> "block/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"down_path.0.block.4.bias" -> "block/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"down_path.0.block.4.running_mean" -> "block/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"down_path.0.block.4.running_var" -> "block/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"block/4/batch_norm/0" -> "block/5/relu/0" [dtype=float, shape="(1, 64, 356, 476)", out_port_id=0, in_port_id=0]; -"block/5/relu/0" -> "block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 356, 476)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.block/5/relu/0__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.block/5/relu/0__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" -> "/max_pool2d/0" [dtype=float, shape="(1, 64, 356, 476)", out_port_id=0, in_port_id=0]; -"block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" -> "/__getitem__/3" [dtype=float, shape="(1, 64, 356, 476)", out_port_id=0, in_port_id=0]; -"/max_pool2d/0" -> "block/0/conv2d/1" [dtype=float, shape="(1, 64, 178, 238)", out_port_id=0, in_port_id=0]; -"down_path.1.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"down_path.1.block.0.bias" -> "block/0/conv2d/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.block/0/conv2d/1__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" -> "block/0/conv2d/1" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"block/0/conv2d/1" -> "block/1/batch_norm/1" [dtype=float, shape="(1, 128, 176, 236)", out_port_id=0, in_port_id=0]; -"down_path.1.block.1.weight" -> "block/1/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"down_path.1.block.1.bias" -> "block/1/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"down_path.1.block.1.running_mean" -> "block/1/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"down_path.1.block.1.running_var" -> "block/1/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"block/1/batch_norm/1" -> "block/2/relu/1" [dtype=float, shape="(1, 128, 176, 236)", out_port_id=0, in_port_id=0]; -"block/2/relu/1" -> "block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 176, 236)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.block/2/relu/1__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" -> "block/3/conv2d/1" [dtype=float, shape="(1, 128, 176, 236)", out_port_id=0, in_port_id=0]; -"down_path.1.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"down_path.1.block.3.bias" -> "block/3/conv2d/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.block/3/conv2d/1__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" -> "block/3/conv2d/1" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"block/3/conv2d/1" -> "block/4/batch_norm/1" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; -"down_path.1.block.4.weight" -> "block/4/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"down_path.1.block.4.bias" -> "block/4/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"down_path.1.block.4.running_mean" -> "block/4/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"down_path.1.block.4.running_var" -> "block/4/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"block/4/batch_norm/1" -> "block/5/relu/1" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; -"block/5/relu/1" -> "block/5/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.up/conv_transpose2d/2__0.0._scale_param_storage" -> "block/5/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.up/conv_transpose2d/2__0.0._scale_param_storage" -> "up/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"block/5/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" -> "/max_pool2d/1" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; -"block/5/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" -> "/__getitem__/2" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; -"/max_pool2d/1" -> "block/0/conv2d/2" [dtype=float, shape="(1, 128, 87, 117)", out_port_id=0, in_port_id=0]; -"down_path.2.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"down_path.2.block.0.bias" -> "block/0/conv2d/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.block/0/conv2d/2__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" -> "block/0/conv2d/2" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"block/0/conv2d/2" -> "block/1/batch_norm/2" [dtype=float, shape="(1, 256, 85, 115)", out_port_id=0, in_port_id=0]; -"down_path.2.block.1.weight" -> "block/1/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"down_path.2.block.1.bias" -> "block/1/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"down_path.2.block.1.running_mean" -> "block/1/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"down_path.2.block.1.running_var" -> "block/1/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"block/1/batch_norm/2" -> "block/2/relu/2" [dtype=float, shape="(1, 256, 85, 115)", out_port_id=0, in_port_id=0]; -"block/2/relu/2" -> "block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 85, 115)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.block/2/relu/2__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" -> "block/3/conv2d/2" [dtype=float, shape="(1, 256, 85, 115)", out_port_id=0, in_port_id=0]; -"down_path.2.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"down_path.2.block.3.bias" -> "block/3/conv2d/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.block/3/conv2d/2__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" -> "block/3/conv2d/2" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"block/3/conv2d/2" -> "block/4/batch_norm/2" [dtype=float, shape="(1, 256, 83, 113)", out_port_id=0, in_port_id=0]; -"down_path.2.block.4.weight" -> "block/4/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"down_path.2.block.4.bias" -> "block/4/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"down_path.2.block.4.running_mean" -> "block/4/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"down_path.2.block.4.running_var" -> "block/4/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"block/4/batch_norm/2" -> "block/5/relu/2" [dtype=float, shape="(1, 256, 83, 113)", out_port_id=0, in_port_id=0]; -"block/5/relu/2" -> "block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 83, 113)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.block/5/relu/2__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.block/5/relu/2__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" -> "/max_pool2d/2" [dtype=float, shape="(1, 256, 83, 113)", out_port_id=0, in_port_id=0]; -"block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" -> "/__getitem__/1" [dtype=float, shape="(1, 256, 83, 113)", out_port_id=0, in_port_id=0]; -"/max_pool2d/2" -> "block/0/conv2d/3" [dtype=float, shape="(1, 256, 41, 56)", out_port_id=0, in_port_id=0]; -"down_path.3.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"down_path.3.block.0.bias" -> "block/0/conv2d/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.block/0/conv2d/3__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" -> "block/0/conv2d/3" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"block/0/conv2d/3" -> "block/1/batch_norm/3" [dtype=float, shape="(1, 512, 39, 54)", out_port_id=0, in_port_id=0]; -"down_path.3.block.1.weight" -> "block/1/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"down_path.3.block.1.bias" -> "block/1/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"down_path.3.block.1.running_mean" -> "block/1/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"down_path.3.block.1.running_var" -> "block/1/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"block/1/batch_norm/3" -> "block/2/relu/3" [dtype=float, shape="(1, 512, 39, 54)", out_port_id=0, in_port_id=0]; -"block/2/relu/3" -> "block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 39, 54)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.block/2/relu/3__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" -> "block/3/conv2d/3" [dtype=float, shape="(1, 512, 39, 54)", out_port_id=0, in_port_id=0]; -"down_path.3.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"down_path.3.block.3.bias" -> "block/3/conv2d/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.block/3/conv2d/3__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" -> "block/3/conv2d/3" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"block/3/conv2d/3" -> "block/4/batch_norm/3" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; -"down_path.3.block.4.weight" -> "block/4/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"down_path.3.block.4.bias" -> "block/4/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"down_path.3.block.4.running_mean" -> "block/4/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"down_path.3.block.4.running_var" -> "block/4/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"block/4/batch_norm/3" -> "block/5/relu/3" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; -"block/5/relu/3" -> "block/5/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.up/conv_transpose2d/0__0.0._scale_param_storage" -> "block/5/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.up/conv_transpose2d/0__0.0._scale_param_storage" -> "up/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"block/5/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" -> "/max_pool2d/3" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; -"block/5/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" -> "/__getitem__/0" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; -"/max_pool2d/3" -> "block/0/conv2d/4" [dtype=float, shape="(1, 512, 18, 26)", out_port_id=0, in_port_id=0]; -"down_path.4.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"down_path.4.block.0.bias" -> "block/0/conv2d/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.block/0/conv2d/4__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" -> "block/0/conv2d/4" [dtype=float, shape="(1024, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"block/0/conv2d/4" -> "block/1/batch_norm/4" [dtype=float, shape="(1, 1024, 16, 24)", out_port_id=0, in_port_id=0]; -"down_path.4.block.1.weight" -> "block/1/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"down_path.4.block.1.bias" -> "block/1/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"down_path.4.block.1.running_mean" -> "block/1/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"down_path.4.block.1.running_var" -> "block/1/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"block/1/batch_norm/4" -> "block/2/relu/4" [dtype=float, shape="(1, 1024, 16, 24)", out_port_id=0, in_port_id=0]; -"block/2/relu/4" -> "block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 16, 24)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.block/2/relu/4__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" -> "block/3/conv2d/4" [dtype=float, shape="(1, 1024, 16, 24)", out_port_id=0, in_port_id=0]; -"down_path.4.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 1024, 3, 3)", out_port_id=0, in_port_id=0]; -"down_path.4.block.3.bias" -> "block/3/conv2d/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.block/3/conv2d/4__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" -> "block/3/conv2d/4" [dtype=float, shape="(1024, 1024, 3, 3)", out_port_id=0, in_port_id=1]; -"block/3/conv2d/4" -> "block/4/batch_norm/4" [dtype=float, shape="(1, 1024, 14, 22)", out_port_id=0, in_port_id=0]; -"down_path.4.block.4.weight" -> "block/4/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; -"down_path.4.block.4.bias" -> "block/4/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; -"down_path.4.block.4.running_mean" -> "block/4/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; -"down_path.4.block.4.running_var" -> "block/4/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; -"block/4/batch_norm/4" -> "block/5/relu/4" [dtype=float, shape="(1, 1024, 14, 22)", out_port_id=0, in_port_id=0]; -"block/5/relu/4" -> "block/5/post_hook__block-5-relu-4__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 14, 22)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.block/5/relu/4__0.0._scale_param_storage" -> "block/5/post_hook__block-5-relu-4__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"block/5/post_hook__block-5-relu-4__0[0]/symmetric_quantize/0" -> "up/conv_transpose2d/0" [dtype=float, shape="(1, 1024, 14, 22)", out_port_id=0, in_port_id=0]; -"up_path.0.up.weight" -> "up/pre_hook__up-conv_transpose2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"up_path.0.up.bias" -> "up/conv_transpose2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.up/conv_transpose2d/0__1.0._scale_param_storage" -> "up/pre_hook__up-conv_transpose2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=4]; -"up/pre_hook__up-conv_transpose2d-0__1[0]/symmetric_quantize/0" -> "up/conv_transpose2d/0" [dtype=float, shape="(1024, 512, 2, 2)", out_port_id=0, in_port_id=1]; -"up/conv_transpose2d/0" -> "up/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 28, 44)", out_port_id=0, in_port_id=0]; -"up/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" -> "/cat/0" [dtype=float, shape="(1, 512, 28, 44)", out_port_id=0, in_port_id=0]; -"/__getitem__/0" -> "/cat/0" [dtype=float, shape="(1, 512, 28, 44)", out_port_id=0, in_port_id=1]; -"/cat/0" -> "conv_block/block/0/conv2d/0" [dtype=float, shape="(1, 1024, 28, 44)", out_port_id=0, in_port_id=0]; -"up_path.0.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1024, 3, 3)", out_port_id=0, in_port_id=0]; -"up_path.0.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/0__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/0" [dtype=float, shape="(512, 1024, 3, 3)", out_port_id=0, in_port_id=1]; -"conv_block/block/0/conv2d/0" -> "conv_block/block/1/batch_norm/0" [dtype=float, shape="(1, 512, 26, 42)", out_port_id=0, in_port_id=0]; -"up_path.0.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"up_path.0.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"up_path.0.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"up_path.0.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"conv_block/block/1/batch_norm/0" -> "conv_block/block/2/relu/0" [dtype=float, shape="(1, 512, 26, 42)", out_port_id=0, in_port_id=0]; -"conv_block/block/2/relu/0" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 26, 42)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/0__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/0" [dtype=float, shape="(1, 512, 26, 42)", out_port_id=0, in_port_id=0]; -"up_path.0.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"up_path.0.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/0__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"conv_block/block/3/conv2d/0" -> "conv_block/block/4/batch_norm/0" [dtype=float, shape="(1, 512, 24, 40)", out_port_id=0, in_port_id=0]; -"up_path.0.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"up_path.0.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"up_path.0.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"up_path.0.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"conv_block/block/4/batch_norm/0" -> "conv_block/block/5/relu/0" [dtype=float, shape="(1, 512, 24, 40)", out_port_id=0, in_port_id=0]; -"conv_block/block/5/relu/0" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 24, 40)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.conv_block/block/5/relu/0__0.0._scale_param_storage" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"conv_block/block/5/post_hook__conv_block-block-5-relu-0__0[0]/symmetric_quantize/0" -> "up/conv_transpose2d/1" [dtype=float, shape="(1, 512, 24, 40)", out_port_id=0, in_port_id=0]; -"up_path.1.up.weight" -> "up/pre_hook__up-conv_transpose2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 256, 2, 2)", out_port_id=0, in_port_id=0]; -"up_path.1.up.bias" -> "up/conv_transpose2d/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.up/conv_transpose2d/1__1.0._scale_param_storage" -> "up/pre_hook__up-conv_transpose2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=4]; -"up/pre_hook__up-conv_transpose2d-1__1[0]/symmetric_quantize/0" -> "up/conv_transpose2d/1" [dtype=float, shape="(512, 256, 2, 2)", out_port_id=0, in_port_id=1]; -"up/conv_transpose2d/1" -> "up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 48, 80)", out_port_id=0, in_port_id=0]; -"up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" -> "/cat/1" [dtype=float, shape="(1, 256, 48, 80)", out_port_id=0, in_port_id=0]; -"/__getitem__/1" -> "/cat/1" [dtype=float, shape="(1, 256, 48, 80)", out_port_id=0, in_port_id=1]; -"/cat/1" -> "conv_block/block/0/conv2d/1" [dtype=float, shape="(1, 512, 48, 80)", out_port_id=0, in_port_id=0]; -"up_path.1.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"up_path.1.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/1__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/1" [dtype=float, shape="(256, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"conv_block/block/0/conv2d/1" -> "conv_block/block/1/batch_norm/1" [dtype=float, shape="(1, 256, 46, 78)", out_port_id=0, in_port_id=0]; -"up_path.1.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"up_path.1.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"up_path.1.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"up_path.1.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"conv_block/block/1/batch_norm/1" -> "conv_block/block/2/relu/1" [dtype=float, shape="(1, 256, 46, 78)", out_port_id=0, in_port_id=0]; -"conv_block/block/2/relu/1" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 46, 78)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/1__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/1" [dtype=float, shape="(1, 256, 46, 78)", out_port_id=0, in_port_id=0]; -"up_path.1.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"up_path.1.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/1__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/1" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"conv_block/block/3/conv2d/1" -> "conv_block/block/4/batch_norm/1" [dtype=float, shape="(1, 256, 44, 76)", out_port_id=0, in_port_id=0]; -"up_path.1.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"up_path.1.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"up_path.1.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"up_path.1.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"conv_block/block/4/batch_norm/1" -> "conv_block/block/5/relu/1" [dtype=float, shape="(1, 256, 44, 76)", out_port_id=0, in_port_id=0]; -"conv_block/block/5/relu/1" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 44, 76)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.conv_block/block/5/relu/1__0.0._scale_param_storage" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"conv_block/block/5/post_hook__conv_block-block-5-relu-1__0[0]/symmetric_quantize/0" -> "up/conv_transpose2d/2" [dtype=float, shape="(1, 256, 44, 76)", out_port_id=0, in_port_id=0]; -"up_path.2.up.weight" -> "up/pre_hook__up-conv_transpose2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 128, 2, 2)", out_port_id=0, in_port_id=0]; -"up_path.2.up.bias" -> "up/conv_transpose2d/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.up/conv_transpose2d/2__1.0._scale_param_storage" -> "up/pre_hook__up-conv_transpose2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 1, 1)", out_port_id=0, in_port_id=4]; -"up/pre_hook__up-conv_transpose2d-2__1[0]/symmetric_quantize/0" -> "up/conv_transpose2d/2" [dtype=float, shape="(256, 128, 2, 2)", out_port_id=0, in_port_id=1]; -"up/conv_transpose2d/2" -> "up/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 88, 152)", out_port_id=0, in_port_id=0]; -"up/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" -> "/cat/2" [dtype=float, shape="(1, 128, 88, 152)", out_port_id=0, in_port_id=0]; -"/__getitem__/2" -> "/cat/2" [dtype=float, shape="(1, 128, 88, 152)", out_port_id=0, in_port_id=1]; -"/cat/2" -> "conv_block/block/0/conv2d/2" [dtype=float, shape="(1, 256, 88, 152)", out_port_id=0, in_port_id=0]; -"up_path.2.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"up_path.2.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/2__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/2" [dtype=float, shape="(128, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"conv_block/block/0/conv2d/2" -> "conv_block/block/1/batch_norm/2" [dtype=float, shape="(1, 128, 86, 150)", out_port_id=0, in_port_id=0]; -"up_path.2.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"up_path.2.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"up_path.2.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"up_path.2.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"conv_block/block/1/batch_norm/2" -> "conv_block/block/2/relu/2" [dtype=float, shape="(1, 128, 86, 150)", out_port_id=0, in_port_id=0]; -"conv_block/block/2/relu/2" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 86, 150)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/2__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/2" [dtype=float, shape="(1, 128, 86, 150)", out_port_id=0, in_port_id=0]; -"up_path.2.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"up_path.2.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/2__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/2" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"conv_block/block/3/conv2d/2" -> "conv_block/block/4/batch_norm/2" [dtype=float, shape="(1, 128, 84, 148)", out_port_id=0, in_port_id=0]; -"up_path.2.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"up_path.2.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"up_path.2.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"up_path.2.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"conv_block/block/4/batch_norm/2" -> "conv_block/block/5/relu/2" [dtype=float, shape="(1, 128, 84, 148)", out_port_id=0, in_port_id=0]; -"conv_block/block/5/relu/2" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 84, 148)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.conv_block/block/5/relu/2__0.0._scale_param_storage" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"conv_block/block/5/post_hook__conv_block-block-5-relu-2__0[0]/symmetric_quantize/0" -> "up/conv_transpose2d/3" [dtype=float, shape="(1, 128, 84, 148)", out_port_id=0, in_port_id=0]; -"up_path.3.up.weight" -> "up/pre_hook__up-conv_transpose2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 64, 2, 2)", out_port_id=0, in_port_id=0]; -"up_path.3.up.bias" -> "up/conv_transpose2d/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.up/conv_transpose2d/3__1.0._scale_param_storage" -> "up/pre_hook__up-conv_transpose2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=4]; -"up/pre_hook__up-conv_transpose2d-3__1[0]/symmetric_quantize/0" -> "up/conv_transpose2d/3" [dtype=float, shape="(128, 64, 2, 2)", out_port_id=0, in_port_id=1]; -"up/conv_transpose2d/3" -> "up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 168, 296)", out_port_id=0, in_port_id=0]; -"up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" -> "/cat/3" [dtype=float, shape="(1, 64, 168, 296)", out_port_id=0, in_port_id=0]; -"/__getitem__/3" -> "/cat/3" [dtype=float, shape="(1, 64, 168, 296)", out_port_id=0, in_port_id=1]; -"/cat/3" -> "conv_block/block/0/conv2d/3" [dtype=float, shape="(1, 128, 168, 296)", out_port_id=0, in_port_id=0]; -"up_path.3.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"up_path.3.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/3__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/3" [dtype=float, shape="(64, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"conv_block/block/0/conv2d/3" -> "conv_block/block/1/batch_norm/3" [dtype=float, shape="(1, 64, 166, 294)", out_port_id=0, in_port_id=0]; -"up_path.3.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"up_path.3.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"up_path.3.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"up_path.3.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"conv_block/block/1/batch_norm/3" -> "conv_block/block/2/relu/3" [dtype=float, shape="(1, 64, 166, 294)", out_port_id=0, in_port_id=0]; -"conv_block/block/2/relu/3" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 166, 294)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/3__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/3" [dtype=float, shape="(1, 64, 166, 294)", out_port_id=0, in_port_id=0]; -"up_path.3.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"up_path.3.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/3__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/3" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"conv_block/block/3/conv2d/3" -> "conv_block/block/4/batch_norm/3" [dtype=float, shape="(1, 64, 164, 292)", out_port_id=0, in_port_id=0]; -"up_path.3.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"up_path.3.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"up_path.3.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"up_path.3.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"conv_block/block/4/batch_norm/3" -> "conv_block/block/5/relu/3" [dtype=float, shape="(1, 64, 164, 292)", out_port_id=0, in_port_id=0]; -"conv_block/block/5/relu/3" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 164, 292)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.conv_block/block/5/relu/3__0.0._scale_param_storage" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" -> "last/conv2d/0" [dtype=float, shape="(1, 64, 164, 292)", out_port_id=0, in_port_id=0]; -"last.weight" -> "last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(12, 64, 1, 1)", out_port_id=0, in_port_id=0]; -"last.bias" -> "last/conv2d/0" [dtype=float, shape="(12,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.last/conv2d/0__1.0._scale_param_storage" -> "last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(12, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" -> "last/conv2d/0" [dtype=float, shape="(12, 64, 1, 1)", out_port_id=0, in_port_id=1]; -"last/conv2d/0" -> output [dtype=float, shape="(1, 12, 164, 292)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +"down_path.0.block.0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.0.block.0.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.block/0/conv2d/0__1.0._scale_param_storage" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, metatype=UnknownMetatype, type=symmetric_quantize]; +"block/0/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; +"down_path.0.block.1.weight" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.0.block.1.bias" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.0.block.1.running_mean" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.0.block.1.running_var" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/1/batch_norm/0" [id=12, metatype=PT2BatchNormMetatype, type=batch_norm]; +"block/2/relu/0" [id=13, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.block/2/relu/0__0.0._scale_param_storage" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" [id=15, metatype=UnknownMetatype, type=symmetric_quantize]; +"down_path.0.block.3.weight" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.0.block.3.bias" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.block/3/conv2d/0__1.0._scale_param_storage" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" [id=19, metatype=UnknownMetatype, type=symmetric_quantize]; +"block/3/conv2d/0" [id=20, metatype=PTConv2dMetatype, type=conv2d]; +"down_path.0.block.4.weight" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.0.block.4.bias" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.0.block.4.running_mean" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.0.block.4.running_var" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/4/batch_norm/0" [id=25, metatype=PT2BatchNormMetatype, type=batch_norm]; +"block/5/relu/0" [id=26, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.block/5/relu/0__0.0._scale_param_storage" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [id=28, metatype=UnknownMetatype, type=symmetric_quantize]; +"/max_pool2d/0" [id=29, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"down_path.1.block.0.weight" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.1.block.0.bias" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.block/0/conv2d/1__1.0._scale_param_storage" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" [id=33, metatype=UnknownMetatype, type=symmetric_quantize]; +"block/0/conv2d/1" [id=34, metatype=PTConv2dMetatype, type=conv2d]; +"down_path.1.block.1.weight" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.1.block.1.bias" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.1.block.1.running_mean" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.1.block.1.running_var" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/1/batch_norm/1" [id=39, metatype=PT2BatchNormMetatype, type=batch_norm]; +"block/2/relu/1" [id=40, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.block/2/relu/1__0.0._scale_param_storage" [id=41, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" [id=42, metatype=UnknownMetatype, type=symmetric_quantize]; +"down_path.1.block.3.weight" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.1.block.3.bias" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.block/3/conv2d/1__1.0._scale_param_storage" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" [id=46, metatype=UnknownMetatype, type=symmetric_quantize]; +"block/3/conv2d/1" [id=47, metatype=PTConv2dMetatype, type=conv2d]; +"down_path.1.block.4.weight" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.1.block.4.bias" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.1.block.4.running_mean" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.1.block.4.running_var" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/4/batch_norm/1" [id=52, metatype=PT2BatchNormMetatype, type=batch_norm]; +"block/5/relu/1" [id=53, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.block/5/relu/1__0.0._scale_param_storage" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [id=55, metatype=UnknownMetatype, type=symmetric_quantize]; +"/max_pool2d/1" [id=56, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"down_path.2.block.0.weight" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.2.block.0.bias" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.block/0/conv2d/2__1.0._scale_param_storage" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" [id=60, metatype=UnknownMetatype, type=symmetric_quantize]; +"block/0/conv2d/2" [id=61, metatype=PTConv2dMetatype, type=conv2d]; +"down_path.2.block.1.weight" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.2.block.1.bias" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.2.block.1.running_mean" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.2.block.1.running_var" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/1/batch_norm/2" [id=66, metatype=PT2BatchNormMetatype, type=batch_norm]; +"block/2/relu/2" [id=67, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.block/2/relu/2__0.0._scale_param_storage" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" [id=69, metatype=UnknownMetatype, type=symmetric_quantize]; +"down_path.2.block.3.weight" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.2.block.3.bias" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.block/3/conv2d/2__1.0._scale_param_storage" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" [id=73, metatype=UnknownMetatype, type=symmetric_quantize]; +"block/3/conv2d/2" [id=74, metatype=PTConv2dMetatype, type=conv2d]; +"down_path.2.block.4.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.2.block.4.bias" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.2.block.4.running_mean" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.2.block.4.running_var" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/4/batch_norm/2" [id=79, metatype=PT2BatchNormMetatype, type=batch_norm]; +"block/5/relu/2" [id=80, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.block/5/relu/2__0.0._scale_param_storage" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [id=82, metatype=UnknownMetatype, type=symmetric_quantize]; +"/max_pool2d/2" [id=83, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"down_path.3.block.0.weight" [id=84, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.3.block.0.bias" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.block/0/conv2d/3__1.0._scale_param_storage" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" [id=87, metatype=UnknownMetatype, type=symmetric_quantize]; +"block/0/conv2d/3" [id=88, metatype=PTConv2dMetatype, type=conv2d]; +"down_path.3.block.1.weight" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.3.block.1.bias" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.3.block.1.running_mean" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.3.block.1.running_var" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/1/batch_norm/3" [id=93, metatype=PT2BatchNormMetatype, type=batch_norm]; +"block/2/relu/3" [id=94, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.block/2/relu/3__0.0._scale_param_storage" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" [id=96, metatype=UnknownMetatype, type=symmetric_quantize]; +"down_path.3.block.3.weight" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.3.block.3.bias" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.block/3/conv2d/3__1.0._scale_param_storage" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" [id=100, metatype=UnknownMetatype, type=symmetric_quantize]; +"block/3/conv2d/3" [id=101, metatype=PTConv2dMetatype, type=conv2d]; +"down_path.3.block.4.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.3.block.4.bias" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.3.block.4.running_mean" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.3.block.4.running_var" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/4/batch_norm/3" [id=106, metatype=PT2BatchNormMetatype, type=batch_norm]; +"block/5/relu/3" [id=107, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.block/5/relu/3__0.0._scale_param_storage" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [id=109, metatype=UnknownMetatype, type=symmetric_quantize]; +"/max_pool2d/3" [id=110, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"down_path.4.block.0.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.4.block.0.bias" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.block/0/conv2d/4__1.0._scale_param_storage" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" [id=114, metatype=UnknownMetatype, type=symmetric_quantize]; +"block/0/conv2d/4" [id=115, metatype=PTConv2dMetatype, type=conv2d]; +"down_path.4.block.1.weight" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.4.block.1.bias" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.4.block.1.running_mean" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.4.block.1.running_var" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/1/batch_norm/4" [id=120, metatype=PT2BatchNormMetatype, type=batch_norm]; +"block/2/relu/4" [id=121, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.block/2/relu/4__0.0._scale_param_storage" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" [id=123, metatype=UnknownMetatype, type=symmetric_quantize]; +"down_path.4.block.3.weight" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.4.block.3.bias" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.block/3/conv2d/4__1.0._scale_param_storage" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" [id=127, metatype=UnknownMetatype, type=symmetric_quantize]; +"block/3/conv2d/4" [id=128, metatype=PTConv2dMetatype, type=conv2d]; +"down_path.4.block.4.weight" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.4.block.4.bias" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.4.block.4.running_mean" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"down_path.4.block.4.running_var" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"block/4/batch_norm/4" [id=133, metatype=PT2BatchNormMetatype, type=batch_norm]; +"block/5/relu/4" [id=134, metatype=PTRELUMetatype, type=relu]; +"up_path.0.up.weight" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.0.up.bias" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up/conv_transpose2d/0" [id=137, metatype=UnknownMetatype, type=conv_transpose2d]; +"up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [id=138, metatype=UnknownMetatype, type=symmetric_quantize]; +"/__getitem__/0" [id=139, metatype=PTGatherMetatype, type=__getitem__]; +"/cat/0" [id=140, metatype=PTCatMetatype, type=cat]; +"up_path.0.conv_block.block.0.weight" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.0.conv_block.block.0.bias" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/0__1.0._scale_param_storage" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [id=144, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv_block/block/0/conv2d/0" [id=145, metatype=PTConv2dMetatype, type=conv2d]; +"up_path.0.conv_block.block.1.weight" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.0.conv_block.block.1.bias" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.0.conv_block.block.1.running_mean" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.0.conv_block.block.1.running_var" [id=149, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/1/batch_norm/0" [id=150, metatype=PT2BatchNormMetatype, type=batch_norm]; +"conv_block/block/2/relu/0" [id=151, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/0__0.0._scale_param_storage" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" [id=153, metatype=UnknownMetatype, type=symmetric_quantize]; +"up_path.0.conv_block.block.3.weight" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.0.conv_block.block.3.bias" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/0__1.0._scale_param_storage" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" [id=157, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv_block/block/3/conv2d/0" [id=158, metatype=PTConv2dMetatype, type=conv2d]; +"up_path.0.conv_block.block.4.weight" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.0.conv_block.block.4.bias" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.0.conv_block.block.4.running_mean" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.0.conv_block.block.4.running_var" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/4/batch_norm/0" [id=163, metatype=PT2BatchNormMetatype, type=batch_norm]; +"conv_block/block/5/relu/0" [id=164, metatype=PTRELUMetatype, type=relu]; +"up_path.1.up.weight" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.1.up.bias" [id=166, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up/conv_transpose2d/1" [id=167, metatype=UnknownMetatype, type=conv_transpose2d]; +"up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [id=168, metatype=UnknownMetatype, type=symmetric_quantize]; +"/__getitem__/1" [id=169, metatype=PTGatherMetatype, type=__getitem__]; +"/cat/1" [id=170, metatype=PTCatMetatype, type=cat]; +"up_path.1.conv_block.block.0.weight" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.1.conv_block.block.0.bias" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/1__1.0._scale_param_storage" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" [id=174, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv_block/block/0/conv2d/1" [id=175, metatype=PTConv2dMetatype, type=conv2d]; +"up_path.1.conv_block.block.1.weight" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.1.conv_block.block.1.bias" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.1.conv_block.block.1.running_mean" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.1.conv_block.block.1.running_var" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/1/batch_norm/1" [id=180, metatype=PT2BatchNormMetatype, type=batch_norm]; +"conv_block/block/2/relu/1" [id=181, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/1__0.0._scale_param_storage" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" [id=183, metatype=UnknownMetatype, type=symmetric_quantize]; +"up_path.1.conv_block.block.3.weight" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.1.conv_block.block.3.bias" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/1__1.0._scale_param_storage" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" [id=187, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv_block/block/3/conv2d/1" [id=188, metatype=PTConv2dMetatype, type=conv2d]; +"up_path.1.conv_block.block.4.weight" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.1.conv_block.block.4.bias" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.1.conv_block.block.4.running_mean" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.1.conv_block.block.4.running_var" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/4/batch_norm/1" [id=193, metatype=PT2BatchNormMetatype, type=batch_norm]; +"conv_block/block/5/relu/1" [id=194, metatype=PTRELUMetatype, type=relu]; +"up_path.2.up.weight" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.2.up.bias" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up/conv_transpose2d/2" [id=197, metatype=UnknownMetatype, type=conv_transpose2d]; +"up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [id=198, metatype=UnknownMetatype, type=symmetric_quantize]; +"/__getitem__/2" [id=199, metatype=PTGatherMetatype, type=__getitem__]; +"/cat/2" [id=200, metatype=PTCatMetatype, type=cat]; +"up_path.2.conv_block.block.0.weight" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.2.conv_block.block.0.bias" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/2__1.0._scale_param_storage" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [id=204, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv_block/block/0/conv2d/2" [id=205, metatype=PTConv2dMetatype, type=conv2d]; +"up_path.2.conv_block.block.1.weight" [id=206, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.2.conv_block.block.1.bias" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.2.conv_block.block.1.running_mean" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.2.conv_block.block.1.running_var" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/1/batch_norm/2" [id=210, metatype=PT2BatchNormMetatype, type=batch_norm]; +"conv_block/block/2/relu/2" [id=211, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/2__0.0._scale_param_storage" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" [id=213, metatype=UnknownMetatype, type=symmetric_quantize]; +"up_path.2.conv_block.block.3.weight" [id=214, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.2.conv_block.block.3.bias" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/2__1.0._scale_param_storage" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" [id=217, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv_block/block/3/conv2d/2" [id=218, metatype=PTConv2dMetatype, type=conv2d]; +"up_path.2.conv_block.block.4.weight" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.2.conv_block.block.4.bias" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.2.conv_block.block.4.running_mean" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.2.conv_block.block.4.running_var" [id=222, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/4/batch_norm/2" [id=223, metatype=PT2BatchNormMetatype, type=batch_norm]; +"conv_block/block/5/relu/2" [id=224, metatype=PTRELUMetatype, type=relu]; +"up_path.3.up.weight" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.3.up.bias" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up/conv_transpose2d/3" [id=227, metatype=UnknownMetatype, type=conv_transpose2d]; +"up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [id=228, metatype=UnknownMetatype, type=symmetric_quantize]; +"/__getitem__/3" [id=229, metatype=PTGatherMetatype, type=__getitem__]; +"/cat/3" [id=230, metatype=PTCatMetatype, type=cat]; +"up_path.3.conv_block.block.0.weight" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.3.conv_block.block.0.bias" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/3__1.0._scale_param_storage" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" [id=234, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv_block/block/0/conv2d/3" [id=235, metatype=PTConv2dMetatype, type=conv2d]; +"up_path.3.conv_block.block.1.weight" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.3.conv_block.block.1.bias" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.3.conv_block.block.1.running_mean" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.3.conv_block.block.1.running_var" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/1/batch_norm/3" [id=240, metatype=PT2BatchNormMetatype, type=batch_norm]; +"conv_block/block/2/relu/3" [id=241, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/3__0.0._scale_param_storage" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" [id=243, metatype=UnknownMetatype, type=symmetric_quantize]; +"up_path.3.conv_block.block.3.weight" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.3.conv_block.block.3.bias" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/3__1.0._scale_param_storage" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" [id=247, metatype=UnknownMetatype, type=symmetric_quantize]; +"conv_block/block/3/conv2d/3" [id=248, metatype=PTConv2dMetatype, type=conv2d]; +"up_path.3.conv_block.block.4.weight" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.3.conv_block.block.4.bias" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.3.conv_block.block.4.running_mean" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"up_path.3.conv_block.block.4.running_var" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/4/batch_norm/3" [id=253, metatype=PT2BatchNormMetatype, type=batch_norm]; +"conv_block/block/5/relu/3" [id=254, metatype=PTRELUMetatype, type=relu]; +"__nncf_hooks.post_hooks.conv_block/block/5/relu/3__0.0._scale_param_storage" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" [id=256, metatype=UnknownMetatype, type=symmetric_quantize]; +"last.weight" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"last.bias" [id=258, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.last/conv2d/0__1.0._scale_param_storage" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" [id=260, metatype=UnknownMetatype, type=symmetric_quantize]; +"last/conv2d/0" [id=261, metatype=PTConv2dMetatype, type=conv2d]; +output [id=262, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 360, 480)"]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 360, 480)"]; +"down_path.0.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 3, 3, 3)"]; +"down_path.0.block.0.bias" -> "block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.block/0/conv2d/0__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" -> "block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 3, 3)"]; +"block/0/conv2d/0" -> "block/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 358, 478)"]; +"down_path.0.block.1.weight" -> "block/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"down_path.0.block.1.bias" -> "block/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"down_path.0.block.1.running_mean" -> "block/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"down_path.0.block.1.running_var" -> "block/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"block/1/batch_norm/0" -> "block/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 358, 478)"]; +"block/2/relu/0" -> "block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 358, 478)"]; +"__nncf_hooks.post_hooks.block/2/relu/0__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" -> "block/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 358, 478)"]; +"down_path.0.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; +"down_path.0.block.3.bias" -> "block/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.block/3/conv2d/0__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" -> "block/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"block/3/conv2d/0" -> "block/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 356, 476)"]; +"down_path.0.block.4.weight" -> "block/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"down_path.0.block.4.bias" -> "block/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"down_path.0.block.4.running_mean" -> "block/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"down_path.0.block.4.running_var" -> "block/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"block/4/batch_norm/0" -> "block/5/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 356, 476)"]; +"block/5/relu/0" -> "block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 356, 476)"]; +"__nncf_hooks.post_hooks.block/5/relu/0__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.block/5/relu/0__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" -> "/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 356, 476)"]; +"block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" -> "/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 356, 476)"]; +"/max_pool2d/0" -> "block/0/conv2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 178, 238)"]; +"down_path.1.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 64, 3, 3)"]; +"down_path.1.block.0.bias" -> "block/0/conv2d/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.block/0/conv2d/1__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" -> "block/0/conv2d/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 3, 3)"]; +"block/0/conv2d/1" -> "block/1/batch_norm/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 176, 236)"]; +"down_path.1.block.1.weight" -> "block/1/batch_norm/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"down_path.1.block.1.bias" -> "block/1/batch_norm/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"down_path.1.block.1.running_mean" -> "block/1/batch_norm/1" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"down_path.1.block.1.running_var" -> "block/1/batch_norm/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"block/1/batch_norm/1" -> "block/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 176, 236)"]; +"block/2/relu/1" -> "block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 176, 236)"]; +"__nncf_hooks.post_hooks.block/2/relu/1__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" -> "block/3/conv2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 176, 236)"]; +"down_path.1.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; +"down_path.1.block.3.bias" -> "block/3/conv2d/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.block/3/conv2d/1__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" -> "block/3/conv2d/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; +"block/3/conv2d/1" -> "block/4/batch_norm/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 174, 234)"]; +"down_path.1.block.4.weight" -> "block/4/batch_norm/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"down_path.1.block.4.bias" -> "block/4/batch_norm/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"down_path.1.block.4.running_mean" -> "block/4/batch_norm/1" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"down_path.1.block.4.running_var" -> "block/4/batch_norm/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"block/4/batch_norm/1" -> "block/5/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 174, 234)"]; +"block/5/relu/1" -> "block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 174, 234)"]; +"__nncf_hooks.post_hooks.block/5/relu/1__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.block/5/relu/1__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" -> "/max_pool2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 174, 234)"]; +"block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" -> "/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 174, 234)"]; +"/max_pool2d/1" -> "block/0/conv2d/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 87, 117)"]; +"down_path.2.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 128, 3, 3)"]; +"down_path.2.block.0.bias" -> "block/0/conv2d/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.block/0/conv2d/2__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" -> "block/0/conv2d/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 3, 3)"]; +"block/0/conv2d/2" -> "block/1/batch_norm/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 85, 115)"]; +"down_path.2.block.1.weight" -> "block/1/batch_norm/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"down_path.2.block.1.bias" -> "block/1/batch_norm/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"down_path.2.block.1.running_mean" -> "block/1/batch_norm/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"down_path.2.block.1.running_var" -> "block/1/batch_norm/2" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"block/1/batch_norm/2" -> "block/2/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 85, 115)"]; +"block/2/relu/2" -> "block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 85, 115)"]; +"__nncf_hooks.post_hooks.block/2/relu/2__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" -> "block/3/conv2d/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 85, 115)"]; +"down_path.2.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; +"down_path.2.block.3.bias" -> "block/3/conv2d/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.block/3/conv2d/2__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" -> "block/3/conv2d/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; +"block/3/conv2d/2" -> "block/4/batch_norm/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 83, 113)"]; +"down_path.2.block.4.weight" -> "block/4/batch_norm/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"down_path.2.block.4.bias" -> "block/4/batch_norm/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"down_path.2.block.4.running_mean" -> "block/4/batch_norm/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"down_path.2.block.4.running_var" -> "block/4/batch_norm/2" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"block/4/batch_norm/2" -> "block/5/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 83, 113)"]; +"block/5/relu/2" -> "block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 83, 113)"]; +"__nncf_hooks.post_hooks.block/5/relu/2__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.block/5/relu/2__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" -> "/max_pool2d/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 83, 113)"]; +"block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" -> "/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 83, 113)"]; +"/max_pool2d/2" -> "block/0/conv2d/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 41, 56)"]; +"down_path.3.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 256, 3, 3)"]; +"down_path.3.block.0.bias" -> "block/0/conv2d/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"__nncf_hooks.pre_hooks.block/0/conv2d/3__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" -> "block/0/conv2d/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 3, 3)"]; +"block/0/conv2d/3" -> "block/1/batch_norm/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 39, 54)"]; +"down_path.3.block.1.weight" -> "block/1/batch_norm/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"down_path.3.block.1.bias" -> "block/1/batch_norm/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"down_path.3.block.1.running_mean" -> "block/1/batch_norm/3" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"down_path.3.block.1.running_var" -> "block/1/batch_norm/3" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"block/1/batch_norm/3" -> "block/2/relu/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 39, 54)"]; +"block/2/relu/3" -> "block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 39, 54)"]; +"__nncf_hooks.post_hooks.block/2/relu/3__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" -> "block/3/conv2d/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 39, 54)"]; +"down_path.3.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; +"down_path.3.block.3.bias" -> "block/3/conv2d/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"__nncf_hooks.pre_hooks.block/3/conv2d/3__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" -> "block/3/conv2d/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"block/3/conv2d/3" -> "block/4/batch_norm/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 37, 52)"]; +"down_path.3.block.4.weight" -> "block/4/batch_norm/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"down_path.3.block.4.bias" -> "block/4/batch_norm/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"down_path.3.block.4.running_mean" -> "block/4/batch_norm/3" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"down_path.3.block.4.running_var" -> "block/4/batch_norm/3" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"block/4/batch_norm/3" -> "block/5/relu/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 37, 52)"]; +"block/5/relu/3" -> "block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 37, 52)"]; +"__nncf_hooks.post_hooks.block/5/relu/3__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"__nncf_hooks.post_hooks.block/5/relu/3__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 37, 52)"]; +"block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" -> "/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 37, 52)"]; +"/max_pool2d/3" -> "block/0/conv2d/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 18, 26)"]; +"down_path.4.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1024, 512, 3, 3)"]; +"down_path.4.block.0.bias" -> "block/0/conv2d/4" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"__nncf_hooks.pre_hooks.block/0/conv2d/4__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024, 1, 1, 1)"]; +"block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" -> "block/0/conv2d/4" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 3, 3)"]; +"block/0/conv2d/4" -> "block/1/batch_norm/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 16, 24)"]; +"down_path.4.block.1.weight" -> "block/1/batch_norm/4" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"down_path.4.block.1.bias" -> "block/1/batch_norm/4" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"down_path.4.block.1.running_mean" -> "block/1/batch_norm/4" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"down_path.4.block.1.running_var" -> "block/1/batch_norm/4" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"block/1/batch_norm/4" -> "block/2/relu/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 16, 24)"]; +"block/2/relu/4" -> "block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 16, 24)"]; +"__nncf_hooks.post_hooks.block/2/relu/4__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" -> "block/3/conv2d/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 16, 24)"]; +"down_path.4.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1024, 1024, 3, 3)"]; +"down_path.4.block.3.bias" -> "block/3/conv2d/4" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"__nncf_hooks.pre_hooks.block/3/conv2d/4__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024, 1, 1, 1)"]; +"block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" -> "block/3/conv2d/4" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 1024, 3, 3)"]; +"block/3/conv2d/4" -> "block/4/batch_norm/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 14, 22)"]; +"down_path.4.block.4.weight" -> "block/4/batch_norm/4" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; +"down_path.4.block.4.bias" -> "block/4/batch_norm/4" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; +"down_path.4.block.4.running_mean" -> "block/4/batch_norm/4" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; +"down_path.4.block.4.running_var" -> "block/4/batch_norm/4" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; +"block/4/batch_norm/4" -> "block/5/relu/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 14, 22)"]; +"block/5/relu/4" -> "up/conv_transpose2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 14, 22)"]; +"up_path.0.up.weight" -> "up/conv_transpose2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 2, 2)"]; +"up_path.0.up.bias" -> "up/conv_transpose2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"up/conv_transpose2d/0" -> "up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 28, 44)"]; +"up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" -> "/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 28, 44)"]; +"/__getitem__/0" -> "/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 28, 44)"]; +"/cat/0" -> "conv_block/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 28, 44)"]; +"up_path.0.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 1024, 3, 3)"]; +"up_path.0.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/0__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 3, 3)"]; +"conv_block/block/0/conv2d/0" -> "conv_block/block/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 26, 42)"]; +"up_path.0.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"up_path.0.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"up_path.0.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"up_path.0.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"conv_block/block/1/batch_norm/0" -> "conv_block/block/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 26, 42)"]; +"conv_block/block/2/relu/0" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 26, 42)"]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/0__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 26, 42)"]; +"up_path.0.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; +"up_path.0.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/0__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"conv_block/block/3/conv2d/0" -> "conv_block/block/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 24, 40)"]; +"up_path.0.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"up_path.0.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"up_path.0.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"up_path.0.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"conv_block/block/4/batch_norm/0" -> "conv_block/block/5/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 24, 40)"]; +"conv_block/block/5/relu/0" -> "up/conv_transpose2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 24, 40)"]; +"up_path.1.up.weight" -> "up/conv_transpose2d/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 2, 2)"]; +"up_path.1.up.bias" -> "up/conv_transpose2d/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"up/conv_transpose2d/1" -> "up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 48, 80)"]; +"up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" -> "/cat/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 48, 80)"]; +"/__getitem__/1" -> "/cat/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 48, 80)"]; +"/cat/1" -> "conv_block/block/0/conv2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 48, 80)"]; +"up_path.1.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 512, 3, 3)"]; +"up_path.1.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/1__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 512, 3, 3)"]; +"conv_block/block/0/conv2d/1" -> "conv_block/block/1/batch_norm/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 46, 78)"]; +"up_path.1.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"up_path.1.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"up_path.1.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/1" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"up_path.1.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"conv_block/block/1/batch_norm/1" -> "conv_block/block/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 46, 78)"]; +"conv_block/block/2/relu/1" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 46, 78)"]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/1__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 46, 78)"]; +"up_path.1.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; +"up_path.1.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/1__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; +"conv_block/block/3/conv2d/1" -> "conv_block/block/4/batch_norm/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 44, 76)"]; +"up_path.1.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"up_path.1.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"up_path.1.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/1" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"up_path.1.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"conv_block/block/4/batch_norm/1" -> "conv_block/block/5/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 44, 76)"]; +"conv_block/block/5/relu/1" -> "up/conv_transpose2d/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 44, 76)"]; +"up_path.2.up.weight" -> "up/conv_transpose2d/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 2, 2)"]; +"up_path.2.up.bias" -> "up/conv_transpose2d/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"up/conv_transpose2d/2" -> "up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 88, 152)"]; +"up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" -> "/cat/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 88, 152)"]; +"/__getitem__/2" -> "/cat/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 88, 152)"]; +"/cat/2" -> "conv_block/block/0/conv2d/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 88, 152)"]; +"up_path.2.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 256, 3, 3)"]; +"up_path.2.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/2__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 3, 3)"]; +"conv_block/block/0/conv2d/2" -> "conv_block/block/1/batch_norm/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 86, 150)"]; +"up_path.2.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"up_path.2.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"up_path.2.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"up_path.2.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/2" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"conv_block/block/1/batch_norm/2" -> "conv_block/block/2/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 86, 150)"]; +"conv_block/block/2/relu/2" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 86, 150)"]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/2__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 86, 150)"]; +"up_path.2.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; +"up_path.2.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/2__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; +"conv_block/block/3/conv2d/2" -> "conv_block/block/4/batch_norm/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 84, 148)"]; +"up_path.2.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"up_path.2.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"up_path.2.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"up_path.2.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/2" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"conv_block/block/4/batch_norm/2" -> "conv_block/block/5/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 84, 148)"]; +"conv_block/block/5/relu/2" -> "up/conv_transpose2d/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 84, 148)"]; +"up_path.3.up.weight" -> "up/conv_transpose2d/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 2, 2)"]; +"up_path.3.up.bias" -> "up/conv_transpose2d/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"up/conv_transpose2d/3" -> "up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 168, 296)"]; +"up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" -> "/cat/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 168, 296)"]; +"/__getitem__/3" -> "/cat/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 168, 296)"]; +"/cat/3" -> "conv_block/block/0/conv2d/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 168, 296)"]; +"up_path.3.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 128, 3, 3)"]; +"up_path.3.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/3__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 128, 3, 3)"]; +"conv_block/block/0/conv2d/3" -> "conv_block/block/1/batch_norm/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 166, 294)"]; +"up_path.3.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"up_path.3.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"up_path.3.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/3" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"up_path.3.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/3" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"conv_block/block/1/batch_norm/3" -> "conv_block/block/2/relu/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 166, 294)"]; +"conv_block/block/2/relu/3" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 166, 294)"]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/3__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 166, 294)"]; +"up_path.3.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; +"up_path.3.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/3__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"conv_block/block/3/conv2d/3" -> "conv_block/block/4/batch_norm/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 164, 292)"]; +"up_path.3.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"up_path.3.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"up_path.3.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/3" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"up_path.3.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/3" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"conv_block/block/4/batch_norm/3" -> "conv_block/block/5/relu/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 164, 292)"]; +"conv_block/block/5/relu/3" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 164, 292)"]; +"__nncf_hooks.post_hooks.conv_block/block/5/relu/3__0.0._scale_param_storage" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" -> "last/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 164, 292)"]; +"last.weight" -> "last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(12, 64, 1, 1)"]; +"last.bias" -> "last/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(12,)"]; +"__nncf_hooks.pre_hooks.last/conv2d/0__1.0._scale_param_storage" -> "last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(12, 1, 1, 1)"]; +"last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" -> "last/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(12, 64, 1, 1)"]; +"last/conv2d/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 12, 164, 292)"]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/vgg16.dot b/tests/torch2/data/quantization/test_quantized_graphs/vgg16.dot index 552b80adb0f..b2edd2abe4e 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/vgg16.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/vgg16.dot @@ -1,375 +1,375 @@ -strict digraph { -x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.0.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/0/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; -"features.1.weight" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.bias" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.running_mean" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.1.running_var" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/1/batch_norm/0" [id=12, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/2/relu_/0" [id=13, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/2/relu_/0__0.0._scale_param_storage" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" [id=15, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.3.weight" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.3.bias" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [id=19, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/3/conv2d/0" [id=20, type=conv2d, metatype=PTConv2dMetatype]; -"features.4.weight" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.bias" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.running_mean" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.4.running_var" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/4/batch_norm/0" [id=25, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/5/relu_/0" [id=26, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/5/relu_/0__0.0._scale_param_storage" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" [id=28, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/6/max_pool2d/0" [id=29, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.7.weight" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.7.bias" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/7/conv2d/0__1.0._scale_param_storage" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" [id=33, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/7/conv2d/0" [id=34, type=conv2d, metatype=PTConv2dMetatype]; -"features.8.weight" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.bias" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.running_mean" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.8.running_var" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/8/batch_norm/0" [id=39, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/9/relu_/0" [id=40, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" [id=41, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [id=42, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.10.weight" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.10.bias" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [id=46, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/10/conv2d/0" [id=47, type=conv2d, metatype=PTConv2dMetatype]; -"features.11.weight" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.bias" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.running_mean" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.11.running_var" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/11/batch_norm/0" [id=52, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/12/relu_/0" [id=53, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/12/relu_/0__0.0._scale_param_storage" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" [id=55, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/13/max_pool2d/0" [id=56, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.14.weight" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.14.bias" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/14/conv2d/0__1.0._scale_param_storage" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" [id=60, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/14/conv2d/0" [id=61, type=conv2d, metatype=PTConv2dMetatype]; -"features.15.weight" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.bias" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.running_mean" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.15.running_var" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/15/batch_norm/0" [id=66, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/16/relu_/0" [id=67, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/16/relu_/0__0.0._scale_param_storage" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" [id=69, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.17.weight" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.17.bias" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/17/conv2d/0__1.0._scale_param_storage" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" [id=73, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/17/conv2d/0" [id=74, type=conv2d, metatype=PTConv2dMetatype]; -"features.18.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.18.bias" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.18.running_mean" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.18.running_var" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/18/batch_norm/0" [id=79, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/19/relu_/0" [id=80, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/19/relu_/0__0.0._scale_param_storage" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" [id=82, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.20.weight" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.20.bias" [id=84, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/20/conv2d/0__1.0._scale_param_storage" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" [id=86, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/20/conv2d/0" [id=87, type=conv2d, metatype=PTConv2dMetatype]; -"features.21.weight" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.21.bias" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.21.running_mean" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.21.running_var" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/21/batch_norm/0" [id=92, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/22/relu_/0" [id=93, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/22/relu_/0__0.0._scale_param_storage" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" [id=95, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/23/max_pool2d/0" [id=96, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.24.weight" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.24.bias" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/24/conv2d/0__1.0._scale_param_storage" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" [id=100, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/24/conv2d/0" [id=101, type=conv2d, metatype=PTConv2dMetatype]; -"features.25.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.25.bias" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.25.running_mean" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.25.running_var" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/25/batch_norm/0" [id=106, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/26/relu_/0" [id=107, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/26/relu_/0__0.0._scale_param_storage" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" [id=109, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.27.weight" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.27.bias" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/27/conv2d/0__1.0._scale_param_storage" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" [id=113, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/27/conv2d/0" [id=114, type=conv2d, metatype=PTConv2dMetatype]; -"features.28.weight" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.28.bias" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.28.running_mean" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.28.running_var" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/28/batch_norm/0" [id=119, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/29/relu_/0" [id=120, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/29/relu_/0__0.0._scale_param_storage" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" [id=122, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.30.weight" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.30.bias" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/30/conv2d/0__1.0._scale_param_storage" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" [id=126, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/30/conv2d/0" [id=127, type=conv2d, metatype=PTConv2dMetatype]; -"features.31.weight" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.31.bias" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.31.running_mean" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.31.running_var" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/31/batch_norm/0" [id=132, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/32/relu_/0" [id=133, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/32/relu_/0__0.0._scale_param_storage" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" [id=135, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/33/max_pool2d/0" [id=136, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features.34.weight" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.34.bias" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/34/conv2d/0__1.0._scale_param_storage" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" [id=140, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/34/conv2d/0" [id=141, type=conv2d, metatype=PTConv2dMetatype]; -"features.35.weight" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.35.bias" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.35.running_mean" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.35.running_var" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/35/batch_norm/0" [id=146, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/36/relu_/0" [id=147, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/36/relu_/0__0.0._scale_param_storage" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" [id=149, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.37.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.37.bias" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/37/conv2d/0__1.0._scale_param_storage" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" [id=153, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/37/conv2d/0" [id=154, type=conv2d, metatype=PTConv2dMetatype]; -"features.38.weight" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.38.bias" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.38.running_mean" [id=157, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.38.running_var" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/38/batch_norm/0" [id=159, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/39/relu_/0" [id=160, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/39/relu_/0__0.0._scale_param_storage" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" [id=162, type="symmetric_quantize", metatype=UnknownMetatype]; -"features.40.weight" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.40.bias" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.features/40/conv2d/0__1.0._scale_param_storage" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" [id=166, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/40/conv2d/0" [id=167, type=conv2d, metatype=PTConv2dMetatype]; -"features.41.weight" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.41.bias" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.41.running_mean" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features.41.running_var" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/41/batch_norm/0" [id=172, type="batch_norm", metatype=PTBatchNormMetatype]; -"features/42/relu_/0" [id=173, type="relu_", metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.features/42/relu_/0__0.0._scale_param_storage" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" [id=175, type="symmetric_quantize", metatype=UnknownMetatype]; -"features/43/max_pool2d/0" [id=176, type="max_pool2d", metatype=PTMaxPool2dMetatype]; -"features/44/avg_pool2d/0" [id=177, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; -"__nncf_hooks.post_hooks.features/44/avg_pool2d/0__0.0._scale_param_storage" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=179, type="symmetric_quantize", metatype=UnknownMetatype]; -"/view/0" [id=180, type=view, metatype=PTReshapeMetatype]; -"classifier.weight" [id=181, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier.bias" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.classifier/linear/0__1.0._scale_param_storage" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" [id=184, type="symmetric_quantize", metatype=UnknownMetatype]; -"classifier/linear/0" [id=185, type=linear, metatype=PTLinearMetatype]; -output [id=186, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; -"features.0.weight" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=0]; -"features.0.bias" -> "features/0/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=1]; -"features/0/conv2d/0" -> "features/1/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features.1.weight" -> "features/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"features.1.bias" -> "features/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features.1.running_mean" -> "features/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"features.1.running_var" -> "features/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"features/1/batch_norm/0" -> "features/2/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features/2/relu_/0" -> "features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/2/relu_/0__0.0._scale_param_storage" -> "features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/conv2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features.3.weight" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"features.3.bias" -> "features/3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"features/3/conv2d/0" -> "features/4/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features.4.weight" -> "features/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; -"features.4.bias" -> "features/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; -"features.4.running_mean" -> "features/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; -"features.4.running_var" -> "features/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; -"features/4/batch_norm/0" -> "features/5/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features/5/relu_/0" -> "features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/5/relu_/0__0.0._scale_param_storage" -> "features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/max_pool2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; -"features/6/max_pool2d/0" -> "features/7/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; -"features.7.weight" -> "features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=0]; -"features.7.bias" -> "features/7/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/7/conv2d/0__1.0._scale_param_storage" -> "features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv2d/0" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=1]; -"features/7/conv2d/0" -> "features/8/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.8.weight" -> "features/8/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.8.bias" -> "features/8/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.8.running_mean" -> "features/8/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.8.running_var" -> "features/8/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/8/batch_norm/0" -> "features/9/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/9/relu_/0" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.10.weight" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"features.10.bias" -> "features/10/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/10/conv2d/0" -> "features/11/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features.11.weight" -> "features/11/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; -"features.11.bias" -> "features/11/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"features.11.running_mean" -> "features/11/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; -"features.11.running_var" -> "features/11/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; -"features/11/batch_norm/0" -> "features/12/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/12/relu_/0" -> "features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/12/relu_/0__0.0._scale_param_storage" -> "features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" -> "features/13/max_pool2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; -"features/13/max_pool2d/0" -> "features/14/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; -"features.14.weight" -> "features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=0]; -"features.14.bias" -> "features/14/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/14/conv2d/0__1.0._scale_param_storage" -> "features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv2d/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=1]; -"features/14/conv2d/0" -> "features/15/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features.15.weight" -> "features/15/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"features.15.bias" -> "features/15/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features.15.running_mean" -> "features/15/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"features.15.running_var" -> "features/15/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"features/15/batch_norm/0" -> "features/16/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features/16/relu_/0" -> "features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/16/relu_/0__0.0._scale_param_storage" -> "features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" -> "features/17/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features.17.weight" -> "features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"features.17.bias" -> "features/17/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/17/conv2d/0__1.0._scale_param_storage" -> "features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"features/17/conv2d/0" -> "features/18/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features.18.weight" -> "features/18/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"features.18.bias" -> "features/18/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features.18.running_mean" -> "features/18/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"features.18.running_var" -> "features/18/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"features/18/batch_norm/0" -> "features/19/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features/19/relu_/0" -> "features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/19/relu_/0__0.0._scale_param_storage" -> "features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" -> "features/20/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features.20.weight" -> "features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"features.20.bias" -> "features/20/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/20/conv2d/0__1.0._scale_param_storage" -> "features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" -> "features/20/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"features/20/conv2d/0" -> "features/21/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features.21.weight" -> "features/21/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; -"features.21.bias" -> "features/21/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; -"features.21.running_mean" -> "features/21/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; -"features.21.running_var" -> "features/21/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; -"features/21/batch_norm/0" -> "features/22/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features/22/relu_/0" -> "features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/22/relu_/0__0.0._scale_param_storage" -> "features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" -> "features/23/max_pool2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; -"features/23/max_pool2d/0" -> "features/24/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; -"features.24.weight" -> "features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=0]; -"features.24.bias" -> "features/24/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/24/conv2d/0__1.0._scale_param_storage" -> "features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" -> "features/24/conv2d/0" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=1]; -"features/24/conv2d/0" -> "features/25/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features.25.weight" -> "features/25/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"features.25.bias" -> "features/25/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.25.running_mean" -> "features/25/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features.25.running_var" -> "features/25/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"features/25/batch_norm/0" -> "features/26/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features/26/relu_/0" -> "features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/26/relu_/0__0.0._scale_param_storage" -> "features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" -> "features/27/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features.27.weight" -> "features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"features.27.bias" -> "features/27/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/27/conv2d/0__1.0._scale_param_storage" -> "features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" -> "features/27/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"features/27/conv2d/0" -> "features/28/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features.28.weight" -> "features/28/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"features.28.bias" -> "features/28/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.28.running_mean" -> "features/28/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features.28.running_var" -> "features/28/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"features/28/batch_norm/0" -> "features/29/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features/29/relu_/0" -> "features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/29/relu_/0__0.0._scale_param_storage" -> "features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" -> "features/30/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features.30.weight" -> "features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"features.30.bias" -> "features/30/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/30/conv2d/0__1.0._scale_param_storage" -> "features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" -> "features/30/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"features/30/conv2d/0" -> "features/31/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features.31.weight" -> "features/31/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"features.31.bias" -> "features/31/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.31.running_mean" -> "features/31/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features.31.running_var" -> "features/31/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"features/31/batch_norm/0" -> "features/32/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features/32/relu_/0" -> "features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/32/relu_/0__0.0._scale_param_storage" -> "features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" -> "features/33/max_pool2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; -"features/33/max_pool2d/0" -> "features/34/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features.34.weight" -> "features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"features.34.bias" -> "features/34/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/34/conv2d/0__1.0._scale_param_storage" -> "features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" -> "features/34/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"features/34/conv2d/0" -> "features/35/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features.35.weight" -> "features/35/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"features.35.bias" -> "features/35/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.35.running_mean" -> "features/35/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features.35.running_var" -> "features/35/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"features/35/batch_norm/0" -> "features/36/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/36/relu_/0" -> "features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/36/relu_/0__0.0._scale_param_storage" -> "features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" -> "features/37/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features.37.weight" -> "features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"features.37.bias" -> "features/37/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/37/conv2d/0__1.0._scale_param_storage" -> "features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" -> "features/37/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"features/37/conv2d/0" -> "features/38/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features.38.weight" -> "features/38/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"features.38.bias" -> "features/38/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.38.running_mean" -> "features/38/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features.38.running_var" -> "features/38/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"features/38/batch_norm/0" -> "features/39/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/39/relu_/0" -> "features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/39/relu_/0__0.0._scale_param_storage" -> "features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" -> "features/40/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features.40.weight" -> "features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; -"features.40.bias" -> "features/40/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.features/40/conv2d/0__1.0._scale_param_storage" -> "features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; -"features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" -> "features/40/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; -"features/40/conv2d/0" -> "features/41/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features.41.weight" -> "features/41/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; -"features.41.bias" -> "features/41/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"features.41.running_mean" -> "features/41/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; -"features.41.running_var" -> "features/41/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; -"features/41/batch_norm/0" -> "features/42/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/42/relu_/0" -> "features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/42/relu_/0__0.0._scale_param_storage" -> "features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" -> "features/43/max_pool2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; -"features/43/max_pool2d/0" -> "features/44/avg_pool2d/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"features/44/avg_pool2d/0" -> "features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.features/44/avg_pool2d/0__0.0._scale_param_storage" -> "features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; -"/view/0" -> "classifier/linear/0" [dtype=float, shape="(1, 512)", out_port_id=0, in_port_id=0]; -"classifier.weight" -> "classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 512)", out_port_id=0, in_port_id=0]; -"classifier.bias" -> "classifier/linear/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; -"__nncf_hooks.pre_hooks.classifier/linear/0__1.0._scale_param_storage" -> "classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1)", out_port_id=0, in_port_id=4]; -"classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" -> "classifier/linear/0" [dtype=float, shape="(10, 512)", out_port_id=0, in_port_id=1]; -"classifier/linear/0" -> output [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; +strict digraph { +x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.0.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/0/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; +"features.1.weight" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.bias" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.running_mean" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.1.running_var" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/1/batch_norm/0" [id=12, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/2/relu_/0" [id=13, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/2/relu_/0__0.0._scale_param_storage" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" [id=15, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.3.weight" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.3.bias" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [id=19, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/3/conv2d/0" [id=20, metatype=PTConv2dMetatype, type=conv2d]; +"features.4.weight" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.bias" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.running_mean" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.4.running_var" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/4/batch_norm/0" [id=25, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/5/relu_/0" [id=26, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/5/relu_/0__0.0._scale_param_storage" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" [id=28, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/6/max_pool2d/0" [id=29, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.7.weight" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.7.bias" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/7/conv2d/0__1.0._scale_param_storage" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" [id=33, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/7/conv2d/0" [id=34, metatype=PTConv2dMetatype, type=conv2d]; +"features.8.weight" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.bias" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.running_mean" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.8.running_var" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/8/batch_norm/0" [id=39, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/9/relu_/0" [id=40, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" [id=41, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [id=42, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.10.weight" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.10.bias" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [id=46, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/10/conv2d/0" [id=47, metatype=PTConv2dMetatype, type=conv2d]; +"features.11.weight" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.bias" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.running_mean" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.11.running_var" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/11/batch_norm/0" [id=52, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/12/relu_/0" [id=53, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/12/relu_/0__0.0._scale_param_storage" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" [id=55, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/13/max_pool2d/0" [id=56, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.14.weight" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.14.bias" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/14/conv2d/0__1.0._scale_param_storage" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" [id=60, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/14/conv2d/0" [id=61, metatype=PTConv2dMetatype, type=conv2d]; +"features.15.weight" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.bias" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.running_mean" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.15.running_var" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/15/batch_norm/0" [id=66, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/16/relu_/0" [id=67, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/16/relu_/0__0.0._scale_param_storage" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" [id=69, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.17.weight" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.17.bias" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/17/conv2d/0__1.0._scale_param_storage" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" [id=73, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/17/conv2d/0" [id=74, metatype=PTConv2dMetatype, type=conv2d]; +"features.18.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.18.bias" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.18.running_mean" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.18.running_var" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/18/batch_norm/0" [id=79, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/19/relu_/0" [id=80, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/19/relu_/0__0.0._scale_param_storage" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" [id=82, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.20.weight" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.20.bias" [id=84, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/20/conv2d/0__1.0._scale_param_storage" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" [id=86, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/20/conv2d/0" [id=87, metatype=PTConv2dMetatype, type=conv2d]; +"features.21.weight" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.21.bias" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.21.running_mean" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.21.running_var" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/21/batch_norm/0" [id=92, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/22/relu_/0" [id=93, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/22/relu_/0__0.0._scale_param_storage" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" [id=95, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/23/max_pool2d/0" [id=96, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.24.weight" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.24.bias" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/24/conv2d/0__1.0._scale_param_storage" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" [id=100, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/24/conv2d/0" [id=101, metatype=PTConv2dMetatype, type=conv2d]; +"features.25.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.25.bias" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.25.running_mean" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.25.running_var" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/25/batch_norm/0" [id=106, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/26/relu_/0" [id=107, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/26/relu_/0__0.0._scale_param_storage" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" [id=109, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.27.weight" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.27.bias" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/27/conv2d/0__1.0._scale_param_storage" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" [id=113, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/27/conv2d/0" [id=114, metatype=PTConv2dMetatype, type=conv2d]; +"features.28.weight" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.28.bias" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.28.running_mean" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.28.running_var" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/28/batch_norm/0" [id=119, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/29/relu_/0" [id=120, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/29/relu_/0__0.0._scale_param_storage" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" [id=122, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.30.weight" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.30.bias" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/30/conv2d/0__1.0._scale_param_storage" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" [id=126, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/30/conv2d/0" [id=127, metatype=PTConv2dMetatype, type=conv2d]; +"features.31.weight" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.31.bias" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.31.running_mean" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.31.running_var" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/31/batch_norm/0" [id=132, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/32/relu_/0" [id=133, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/32/relu_/0__0.0._scale_param_storage" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" [id=135, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/33/max_pool2d/0" [id=136, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features.34.weight" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.34.bias" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/34/conv2d/0__1.0._scale_param_storage" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" [id=140, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/34/conv2d/0" [id=141, metatype=PTConv2dMetatype, type=conv2d]; +"features.35.weight" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.35.bias" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.35.running_mean" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.35.running_var" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/35/batch_norm/0" [id=146, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/36/relu_/0" [id=147, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/36/relu_/0__0.0._scale_param_storage" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" [id=149, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.37.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.37.bias" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/37/conv2d/0__1.0._scale_param_storage" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" [id=153, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/37/conv2d/0" [id=154, metatype=PTConv2dMetatype, type=conv2d]; +"features.38.weight" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.38.bias" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.38.running_mean" [id=157, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.38.running_var" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/38/batch_norm/0" [id=159, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/39/relu_/0" [id=160, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/39/relu_/0__0.0._scale_param_storage" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" [id=162, metatype=UnknownMetatype, type=symmetric_quantize]; +"features.40.weight" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.40.bias" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.features/40/conv2d/0__1.0._scale_param_storage" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" [id=166, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/40/conv2d/0" [id=167, metatype=PTConv2dMetatype, type=conv2d]; +"features.41.weight" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.41.bias" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.41.running_mean" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features.41.running_var" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/41/batch_norm/0" [id=172, metatype=PT2BatchNormMetatype, type=batch_norm]; +"features/42/relu_/0" [id=173, metatype=PTRELUMetatype, type=relu_]; +"__nncf_hooks.post_hooks.features/42/relu_/0__0.0._scale_param_storage" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" [id=175, metatype=UnknownMetatype, type=symmetric_quantize]; +"features/43/max_pool2d/0" [id=176, metatype=PTMaxPool2dMetatype, type=max_pool2d]; +"features/44/avg_pool2d/0" [id=177, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; +"__nncf_hooks.post_hooks.features/44/avg_pool2d/0__0.0._scale_param_storage" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=179, metatype=UnknownMetatype, type=symmetric_quantize]; +"/view/0" [id=180, metatype=PTReshapeMetatype, type=view]; +"classifier.weight" [id=181, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier.bias" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"__nncf_hooks.pre_hooks.classifier/linear/0__1.0._scale_param_storage" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; +"classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" [id=184, metatype=UnknownMetatype, type=symmetric_quantize]; +"classifier/linear/0" [id=185, metatype=PTLinearMetatype, type=linear]; +output [id=186, metatype=PTOutputNoopMetatype, type=nncf_model_output]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; +"features.0.weight" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 3, 3, 3)"]; +"features.0.bias" -> "features/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 3, 3)"]; +"features/0/conv2d/0" -> "features/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features.1.weight" -> "features/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"features.1.bias" -> "features/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features.1.running_mean" -> "features/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"features.1.running_var" -> "features/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"features/1/batch_norm/0" -> "features/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features/2/relu_/0" -> "features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"__nncf_hooks.post_hooks.features/2/relu_/0__0.0._scale_param_storage" -> "features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features.3.weight" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; +"features.3.bias" -> "features/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; +"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; +"features/3/conv2d/0" -> "features/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features.4.weight" -> "features/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; +"features.4.bias" -> "features/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; +"features.4.running_mean" -> "features/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; +"features.4.running_var" -> "features/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; +"features/4/batch_norm/0" -> "features/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features/5/relu_/0" -> "features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"__nncf_hooks.post_hooks.features/5/relu_/0__0.0._scale_param_storage" -> "features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; +"features/6/max_pool2d/0" -> "features/7/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; +"features.7.weight" -> "features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 64, 3, 3)"]; +"features.7.bias" -> "features/7/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.features/7/conv2d/0__1.0._scale_param_storage" -> "features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 3, 3)"]; +"features/7/conv2d/0" -> "features/8/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.8.weight" -> "features/8/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.8.bias" -> "features/8/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.8.running_mean" -> "features/8/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.8.running_var" -> "features/8/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/8/batch_norm/0" -> "features/9/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/9/relu_/0" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.10.weight" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; +"features.10.bias" -> "features/10/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; +"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; +"features/10/conv2d/0" -> "features/11/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features.11.weight" -> "features/11/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; +"features.11.bias" -> "features/11/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; +"features.11.running_mean" -> "features/11/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; +"features.11.running_var" -> "features/11/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; +"features/11/batch_norm/0" -> "features/12/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/12/relu_/0" -> "features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"__nncf_hooks.post_hooks.features/12/relu_/0__0.0._scale_param_storage" -> "features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" -> "features/13/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; +"features/13/max_pool2d/0" -> "features/14/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; +"features.14.weight" -> "features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 128, 3, 3)"]; +"features.14.bias" -> "features/14/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.features/14/conv2d/0__1.0._scale_param_storage" -> "features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 3, 3)"]; +"features/14/conv2d/0" -> "features/15/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features.15.weight" -> "features/15/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"features.15.bias" -> "features/15/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features.15.running_mean" -> "features/15/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"features.15.running_var" -> "features/15/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"features/15/batch_norm/0" -> "features/16/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features/16/relu_/0" -> "features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"__nncf_hooks.post_hooks.features/16/relu_/0__0.0._scale_param_storage" -> "features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" -> "features/17/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features.17.weight" -> "features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; +"features.17.bias" -> "features/17/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.features/17/conv2d/0__1.0._scale_param_storage" -> "features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; +"features/17/conv2d/0" -> "features/18/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features.18.weight" -> "features/18/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"features.18.bias" -> "features/18/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features.18.running_mean" -> "features/18/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"features.18.running_var" -> "features/18/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"features/18/batch_norm/0" -> "features/19/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features/19/relu_/0" -> "features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"__nncf_hooks.post_hooks.features/19/relu_/0__0.0._scale_param_storage" -> "features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" -> "features/20/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features.20.weight" -> "features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; +"features.20.bias" -> "features/20/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"__nncf_hooks.pre_hooks.features/20/conv2d/0__1.0._scale_param_storage" -> "features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; +"features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" -> "features/20/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; +"features/20/conv2d/0" -> "features/21/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features.21.weight" -> "features/21/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; +"features.21.bias" -> "features/21/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; +"features.21.running_mean" -> "features/21/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; +"features.21.running_var" -> "features/21/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; +"features/21/batch_norm/0" -> "features/22/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features/22/relu_/0" -> "features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"__nncf_hooks.post_hooks.features/22/relu_/0__0.0._scale_param_storage" -> "features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" -> "features/23/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; +"features/23/max_pool2d/0" -> "features/24/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; +"features.24.weight" -> "features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 256, 3, 3)"]; +"features.24.bias" -> "features/24/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"__nncf_hooks.pre_hooks.features/24/conv2d/0__1.0._scale_param_storage" -> "features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" -> "features/24/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 3, 3)"]; +"features/24/conv2d/0" -> "features/25/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features.25.weight" -> "features/25/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"features.25.bias" -> "features/25/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.25.running_mean" -> "features/25/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features.25.running_var" -> "features/25/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"features/25/batch_norm/0" -> "features/26/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features/26/relu_/0" -> "features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"__nncf_hooks.post_hooks.features/26/relu_/0__0.0._scale_param_storage" -> "features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" -> "features/27/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features.27.weight" -> "features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features.27.bias" -> "features/27/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"__nncf_hooks.pre_hooks.features/27/conv2d/0__1.0._scale_param_storage" -> "features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" -> "features/27/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features/27/conv2d/0" -> "features/28/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features.28.weight" -> "features/28/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"features.28.bias" -> "features/28/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.28.running_mean" -> "features/28/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features.28.running_var" -> "features/28/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"features/28/batch_norm/0" -> "features/29/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features/29/relu_/0" -> "features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"__nncf_hooks.post_hooks.features/29/relu_/0__0.0._scale_param_storage" -> "features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" -> "features/30/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features.30.weight" -> "features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features.30.bias" -> "features/30/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"__nncf_hooks.pre_hooks.features/30/conv2d/0__1.0._scale_param_storage" -> "features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" -> "features/30/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features/30/conv2d/0" -> "features/31/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features.31.weight" -> "features/31/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"features.31.bias" -> "features/31/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.31.running_mean" -> "features/31/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features.31.running_var" -> "features/31/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"features/31/batch_norm/0" -> "features/32/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features/32/relu_/0" -> "features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"__nncf_hooks.post_hooks.features/32/relu_/0__0.0._scale_param_storage" -> "features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" -> "features/33/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; +"features/33/max_pool2d/0" -> "features/34/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features.34.weight" -> "features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features.34.bias" -> "features/34/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"__nncf_hooks.pre_hooks.features/34/conv2d/0__1.0._scale_param_storage" -> "features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" -> "features/34/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features/34/conv2d/0" -> "features/35/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features.35.weight" -> "features/35/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"features.35.bias" -> "features/35/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.35.running_mean" -> "features/35/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features.35.running_var" -> "features/35/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"features/35/batch_norm/0" -> "features/36/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/36/relu_/0" -> "features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"__nncf_hooks.post_hooks.features/36/relu_/0__0.0._scale_param_storage" -> "features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" -> "features/37/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features.37.weight" -> "features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features.37.bias" -> "features/37/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"__nncf_hooks.pre_hooks.features/37/conv2d/0__1.0._scale_param_storage" -> "features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" -> "features/37/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features/37/conv2d/0" -> "features/38/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features.38.weight" -> "features/38/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"features.38.bias" -> "features/38/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.38.running_mean" -> "features/38/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features.38.running_var" -> "features/38/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"features/38/batch_norm/0" -> "features/39/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/39/relu_/0" -> "features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"__nncf_hooks.post_hooks.features/39/relu_/0__0.0._scale_param_storage" -> "features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" -> "features/40/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features.40.weight" -> "features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features.40.bias" -> "features/40/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"__nncf_hooks.pre_hooks.features/40/conv2d/0__1.0._scale_param_storage" -> "features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; +"features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" -> "features/40/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; +"features/40/conv2d/0" -> "features/41/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features.41.weight" -> "features/41/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; +"features.41.bias" -> "features/41/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; +"features.41.running_mean" -> "features/41/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; +"features.41.running_var" -> "features/41/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; +"features/41/batch_norm/0" -> "features/42/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/42/relu_/0" -> "features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"__nncf_hooks.post_hooks.features/42/relu_/0__0.0._scale_param_storage" -> "features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" -> "features/43/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; +"features/43/max_pool2d/0" -> "features/44/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; +"features/44/avg_pool2d/0" -> "features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; +"__nncf_hooks.post_hooks.features/44/avg_pool2d/0__0.0._scale_param_storage" -> "features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; +"features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; +"/view/0" -> "classifier/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512)"]; +"classifier.weight" -> "classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 512)"]; +"classifier.bias" -> "classifier/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; +"__nncf_hooks.pre_hooks.classifier/linear/0__1.0._scale_param_storage" -> "classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(10, 1)"]; +"classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" -> "classifier/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 512)"]; +"classifier/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; } From 2bdc08f0a728e71c6380018b945a44de2c593a56 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 4 Mar 2025 21:50:19 +0400 Subject: [PATCH 20/29] pre commit fix --- nncf/torch/graph/operator_metatypes.py | 6 +++++- 1 file changed, 5 insertions(+), 1 deletion(-) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 35a2c2df9fc..1c9266041b9 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -1206,7 +1206,11 @@ def get_operator_metatypes() -> List[Type[OperatorMetatype]]: :return: List of operator metatypes . """ - return list(PT_OPERATOR_METATYPES.registry_dict.values()) + list(FX_OPERATOR_METATYPES.registry_dict.values()) + list(PT2_OPERATOR_METATYPES.registry_dict.values()) + return ( + list(PT_OPERATOR_METATYPES.registry_dict.values()) + + list(FX_OPERATOR_METATYPES.registry_dict.values()) + + list(PT2_OPERATOR_METATYPES.registry_dict.values()) + ) OPERATORS_WITH_WEIGHTS_METATYPES = [ From 441dde988ea05baf3b13edda7c42356f98282b8d Mon Sep 17 00:00:00 2001 From: anzr299 Date: Wed, 5 Mar 2025 05:28:07 +0400 Subject: [PATCH 21/29] update reference graphs; fix minor debugging leftover --- .../to_pydot_style_disable.dot | 16 +- .../to_pydot_style_full.dot | 32 +- .../to_pydot_style_short.dot | 32 +- .../inner_functions_BatchNormModel.dot | 28 +- .../inner_functions_MultiHeadAttention.dot | 140 +- .../inner_functions_ReluModel.dot | 24 +- .../nncf_graph/convert_to_nncf_graph.dot | 32 +- .../convert_to_nncf_graph_multi_edges.dot | 12 +- .../nncf_graph/model_graph_convnext_small.dot | 2840 +++---- .../nncf_graph/model_graph_densenet121.dot | 5226 ++++++------ .../model_graph_efficientnet_b0.dot | 2262 ++--- .../nncf_graph/model_graph_inception_v3.dot | 3222 +++---- .../nncf_graph/model_graph_mobilenet_v2.dot | 1688 ++-- .../model_graph_mobilenet_v3_small.dot | 1506 ++-- .../nncf_graph/model_graph_resnet18.dot | 708 +- .../model_graph_resnext50_32x4d.dot | 1808 ++-- .../model_graph_shufflenet_v2_x0_5.dot | 2148 ++--- .../nncf_graph/model_graph_squeezenet1_0.dot | 496 +- .../nncf_graph/model_graph_swin_v2_b.dot | 7442 ++++++++--------- .../nncf_graph/model_graph_vgg16.dot | 296 +- .../model_graph_with_shared_parameters.dot | 32 +- .../test_quantized_graphs/alexnet.dot | 284 +- .../test_quantized_graphs/densenet121.dot | 6692 +++++++-------- .../test_quantized_graphs/embedding_model.dot | 48 +- .../test_quantized_graphs/inception.dot | 3466 ++++---- .../test_quantized_graphs/inception_v3.dot | 4838 +++++------ .../test_quantized_graphs/lenet.dot | 176 +- .../test_quantized_graphs/mobilenet_v2.dot | 2624 +++--- .../mobilenet_v3_small.dot | 2282 ++--- .../test_quantized_graphs/resnet18.dot | 1116 +-- .../test_quantized_graphs/rope_model.dot | 48 +- .../scaled_dot_product_attention_model.dot | 36 +- .../test_quantized_graphs/shared_model.dot | 68 +- .../test_quantized_graphs/shufflenetv2.dot | 3024 +++---- .../test_quantized_graphs/squeezenet1_1.dot | 904 +- .../test_quantized_graphs/unet.dot | 1068 +-- .../test_quantized_graphs/vgg16.dot | 748 +- .../nncf_graph/test_nncf_graph.py | 2 +- 38 files changed, 28707 insertions(+), 28707 deletions(-) diff --git a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_disable.dot b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_disable.dot index e225405e6d3..14a3ad16729 100644 --- a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_disable.dot +++ b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_disable.dot @@ -1,4 +1,4 @@ -digraph { +digraph { rankdir=TB; 0 [label=x]; 1 [label="conv.weight"]; @@ -8,11 +8,11 @@ rankdir=TB; 5 [label="conv/post_hook__conv-conv2d-0__0[0]/add/0"]; 6 [label="/relu/0"]; 7 [label=output]; -0 -> 3 [label="0 → 0"]; -1 -> 3 [label="0 → 1"]; -2 -> 3 [label="0 → 2"]; -3 -> 5 [label="0 → 0"]; -4 -> 5 [label="0 → 1"]; -5 -> 6 [label="0 → 0"]; -6 -> 7 [label="0 → 0"]; +0 -> 3 [label="0 → 0"]; +1 -> 3 [label="0 → 1"]; +2 -> 3 [label="0 → 2"]; +3 -> 5 [label="0 → 0"]; +4 -> 5 [label="0 → 1"]; +5 -> 6 [label="0 → 0"]; +6 -> 7 [label="0 → 0"]; } diff --git a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_full.dot b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_full.dot index 3c293378dc9..6be85b38492 100644 --- a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_full.dot +++ b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_full.dot @@ -1,18 +1,18 @@ -digraph { +digraph { rankdir=TB; -0 [fillcolor="#adadad", fontcolor="#000000", label="{type: input|name: x|dtype: torch.float32|shape: (1, 1, 3, 3)}", shape=record, style="filled,rounded"]; -1 [fillcolor="#ffffff", fontcolor="#000000", label="{type: const|name: conv.weight|dtype: torch.float32|shape: (1, 1, 1, 1)}", shape=record, style="filled,rounded"]; -2 [fillcolor="#ffffff", fontcolor="#000000", label="{type: const|name: conv.bias|dtype: torch.float32|shape: (1,)}", shape=record, style="filled,rounded"]; -3 [fillcolor="#ffd6a5", fontcolor="#000000", label="{type: function_call|op_name: conv/conv2d/0|fn_name: conv2d|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1, 1)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\n(1, 1),\n(0, 0),\n(1, 1),\n1,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -4 [fillcolor="#ffffff", fontcolor="#000000", label="{type: const|name: __nncf_hooks.post_hooks.conv/conv2d/0__0.0.w|dtype: torch.float32|shape: (1,)}", shape=record, style="filled,rounded"]; -5 [fillcolor="#caffbf", fontcolor="#000000", label="{type: function_call|op_name: conv/post_hook__conv-conv2d-0__0[0]/add/0|fn_name: add|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -6 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /relu/0|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -7 [fillcolor="#adadad", fontcolor="#000000", label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 3, 3)}", shape=record, style="filled,rounded"]; -0 -> 3 [label="(1, 1, 3, 3)\n0 → 0"]; -1 -> 3 [label="(1, 1, 1, 1)\n0 → 1"]; -2 -> 3 [label="(1,)\n0 → 2"]; -3 -> 5 [label="(1, 1, 3, 3)\n0 → 0"]; -4 -> 5 [label="(1,)\n0 → 1"]; -5 -> 6 [label="(1, 1, 3, 3)\n0 → 0"]; -6 -> 7 [label="(1, 1, 3, 3)\n0 → 0"]; +0 [label="{type: input|name: x|dtype: torch.float32|shape: (1, 1, 3, 3)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +1 [label="{type: const|name: conv.weight|dtype: torch.float32|shape: (1, 1, 1, 1)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; +2 [label="{type: const|name: conv.bias|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; +3 [label="{type: function_call|op_name: conv/conv2d/0|fn_name: conv2d|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1, 1)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\n(1, 1),\n(0, 0),\n(1, 1),\n1,\n]|kwargs: \{\}}", fillcolor="#ffd6a5", fontcolor="#000000", shape=record, style="filled,rounded"]; +4 [label="{type: const|name: __nncf_hooks.post_hooks.conv/conv2d/0__0.0.w|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; +5 [label="{type: function_call|op_name: conv/post_hook__conv-conv2d-0__0[0]/add/0|fn_name: add|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\n]|kwargs: \{\}}", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; +6 [label="{type: function_call|op_name: /relu/0|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +7 [label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 3, 3)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +0 -> 3 [label="(1, 1, 3, 3)\n0 → 0"]; +1 -> 3 [label="(1, 1, 1, 1)\n0 → 1"]; +2 -> 3 [label="(1,)\n0 → 2"]; +3 -> 5 [label="(1, 1, 3, 3)\n0 → 0"]; +4 -> 5 [label="(1,)\n0 → 1"]; +5 -> 6 [label="(1, 1, 3, 3)\n0 → 0"]; +6 -> 7 [label="(1, 1, 3, 3)\n0 → 0"]; } diff --git a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_short.dot b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_short.dot index 92d68b7c840..dabcc5d9c81 100644 --- a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_short.dot +++ b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_short.dot @@ -1,18 +1,18 @@ -digraph { +digraph { rankdir=TB; -0 [fillcolor="#adadad", fontcolor="#000000", label=x, shape=record, style="filled,rounded"]; -1 [fillcolor="#ffffff", fontcolor="#000000", label="conv.weight", shape=record, style="filled,rounded"]; -2 [fillcolor="#ffffff", fontcolor="#000000", label="conv.bias", shape=record, style="filled,rounded"]; -3 [fillcolor="#ffd6a5", fontcolor="#000000", label="conv/conv2d/0", shape=record, style="filled,rounded"]; -4 [fillcolor="#ffffff", fontcolor="#000000", label="__nncf_hooks.post_hooks.conv/conv2d/0__0.0.w", shape=record, style="filled,rounded"]; -5 [fillcolor="#caffbf", fontcolor="#000000", label="conv/post_hook__conv-conv2d-0__0[0]/add/0", shape=record, style="filled,rounded"]; -6 [fillcolor="#a0c4ff", fontcolor="#000000", label="/relu/0", shape=record, style="filled,rounded"]; -7 [fillcolor="#adadad", fontcolor="#000000", label=output, shape=record, style="filled,rounded"]; -0 -> 3 [label="(1, 1, 3, 3)\n0 → 0"]; -1 -> 3 [label="(1, 1, 1, 1)\n0 → 1"]; -2 -> 3 [label="(1,)\n0 → 2"]; -3 -> 5 [label="(1, 1, 3, 3)\n0 → 0"]; -4 -> 5 [label="(1,)\n0 → 1"]; -5 -> 6 [label="(1, 1, 3, 3)\n0 → 0"]; -6 -> 7 [label="(1, 1, 3, 3)\n0 → 0"]; +0 [label=x, fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +1 [label="conv.weight", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; +2 [label="conv.bias", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; +3 [label="conv/conv2d/0", fillcolor="#ffd6a5", fontcolor="#000000", shape=record, style="filled,rounded"]; +4 [label="__nncf_hooks.post_hooks.conv/conv2d/0__0.0.w", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; +5 [label="conv/post_hook__conv-conv2d-0__0[0]/add/0", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; +6 [label="/relu/0", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +7 [label=output, fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +0 -> 3 [label="(1, 1, 3, 3)\n0 → 0"]; +1 -> 3 [label="(1, 1, 1, 1)\n0 → 1"]; +2 -> 3 [label="(1,)\n0 → 2"]; +3 -> 5 [label="(1, 1, 3, 3)\n0 → 0"]; +4 -> 5 [label="(1,)\n0 → 1"]; +5 -> 6 [label="(1, 1, 3, 3)\n0 → 0"]; +6 -> 7 [label="(1, 1, 3, 3)\n0 → 0"]; } diff --git a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_BatchNormModel.dot b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_BatchNormModel.dot index c8367e75787..095ecbb864a 100644 --- a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_BatchNormModel.dot +++ b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_BatchNormModel.dot @@ -1,16 +1,16 @@ -digraph { +digraph { rankdir=TB; -0 [fillcolor="#adadad", fontcolor="#000000", label="{type: input|name: x|dtype: torch.float32|shape: (1, 1, 1)}", shape=record, style="filled,rounded"]; -1 [fillcolor="#ffffff", fontcolor="#000000", label="{type: const|name: bn.weight|dtype: torch.float32|shape: (1,)}", shape=record, style="filled,rounded"]; -2 [fillcolor="#ffffff", fontcolor="#000000", label="{type: const|name: bn.bias|dtype: torch.float32|shape: (1,)}", shape=record, style="filled,rounded"]; -3 [fillcolor="#ffffff", fontcolor="#000000", label="{type: const|name: bn.running_mean|dtype: torch.float32|shape: (1,)}", shape=record, style="filled,rounded"]; -4 [fillcolor="#ffffff", fontcolor="#000000", label="{type: const|name: bn.running_var|dtype: torch.float32|shape: (1,)}", shape=record, style="filled,rounded"]; -5 [fillcolor="#ffadad", fontcolor="#000000", label="{type: function_call|op_name: bn/batch_norm/0|fn_name: batch_norm|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nFalse,\n0.1,\n1e-05,\nTrue,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -6 [fillcolor="#adadad", fontcolor="#000000", label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 1)}", shape=record, style="filled,rounded"]; -0 -> 5 [label="(1, 1, 1)\n0 → 0"]; -1 -> 5 [label="(1,)\n0 → 1"]; -2 -> 5 [label="(1,)\n0 → 2"]; -3 -> 5 [label="(1,)\n0 → 3"]; -4 -> 5 [label="(1,)\n0 → 4"]; -5 -> 6 [label="(1, 1, 1)\n0 → 0"]; +0 [label="{type: input|name: x|dtype: torch.float32|shape: (1, 1, 1)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +1 [label="{type: const|name: bn.weight|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; +2 [label="{type: const|name: bn.bias|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; +3 [label="{type: const|name: bn.running_mean|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; +4 [label="{type: const|name: bn.running_var|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; +5 [label="{type: function_call|op_name: bn/batch_norm/0|fn_name: batch_norm|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nFalse,\n0.1,\n1e-05,\nTrue,\n]|kwargs: \{\}}", fillcolor="#ffadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +6 [label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 1)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +0 -> 5 [label="(1, 1, 1)\n0 → 0"]; +1 -> 5 [label="(1,)\n0 → 1"]; +2 -> 5 [label="(1,)\n0 → 2"]; +3 -> 5 [label="(1,)\n0 → 3"]; +4 -> 5 [label="(1,)\n0 → 4"]; +5 -> 6 [label="(1, 1, 1)\n0 → 0"]; } diff --git a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_MultiHeadAttention.dot b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_MultiHeadAttention.dot index bf9c3d2b0bb..a1b71b4bb60 100644 --- a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_MultiHeadAttention.dot +++ b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_MultiHeadAttention.dot @@ -1,72 +1,72 @@ -digraph { +digraph { rankdir=TB; -0 [fillcolor="#adadad", fontcolor="#000000", label="{type: input|name: query|dtype: torch.float32|shape: (5, 2, 16)}", shape=record, style="filled,rounded"]; -1 [fillcolor="#adadad", fontcolor="#000000", label="{type: input|name: key|dtype: torch.float32|shape: (5, 2, 16)}", shape=record, style="filled,rounded"]; -2 [fillcolor="#adadad", fontcolor="#000000", label="{type: input|name: value|dtype: torch.float32|shape: (5, 2, 16)}", shape=record, style="filled,rounded"]; -3 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /rand/0|fn_name: rand|args: [\n(48, 16),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -4 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /rand/1|fn_name: rand|args: [\n48,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -5 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /rand/2|fn_name: rand|args: [\n(16, 16),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -6 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /rand/3|fn_name: rand|args: [\n16,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -13 [fillcolor="#caffbf", fontcolor="#000000", label="{type: function_call|op_name: /chunk/0|fn_name: chunk|args: [\nTensorMeta(dtype=torch.float32, shape=(48, 16)),\n3,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -14 [fillcolor="#caffbf", fontcolor="#000000", label="{type: function_call|op_name: /chunk/1|fn_name: chunk|args: [\nTensorMeta(dtype=torch.float32, shape=(48,)),\n3,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -15 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /linear/0|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -16 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /linear/1|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -17 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /linear/2|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -18 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /view/0|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -19 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /transpose/0|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -21 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /view/1|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -22 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /transpose/1|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -24 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /view/2|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -25 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /transpose/2|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -27 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /mul/0|fn_name: mul|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n0.5,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -28 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /transpose/3|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n-2,\n-1,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -29 [fillcolor="#ffc6ff", fontcolor="#000000", label="{type: function_call|op_name: /bmm/0|fn_name: bmm|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\nTensorMeta(dtype=torch.float32, shape=(8, 4, 5)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -30 [fillcolor="#bdb2ff", fontcolor="#000000", label="{type: function_call|op_name: /softmax/0|fn_name: softmax|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n]|kwargs: \{\ndim : -1\n_stacklevel : 3\ndtype : None\n\}}", shape=record, style="filled,rounded"]; -31 [fillcolor="#bdb2ff", fontcolor="#000000", label="{type: function_call|op_name: /dropout/0|fn_name: dropout|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n]|kwargs: \{\np : 0.1\ntraining : True\ninplace : False\n\}}", shape=record, style="filled,rounded"]; -32 [fillcolor="#ffc6ff", fontcolor="#000000", label="{type: function_call|op_name: /bmm/1|fn_name: bmm|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -33 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /transpose/4|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n0,\n1,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -34 [fillcolor="#caffbf", fontcolor="#000000", label="{type: function_call|op_name: /contiguous/0|fn_name: contiguous|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -35 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /view/3|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n10,\n16,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -36 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /linear/3|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(10, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -37 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /view/4|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(10, 16)),\n5,\n2,\n16,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -38 [fillcolor="#fdffb6", fontcolor="#000000", label="{type: function_call|op_name: /view/5|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n2,\n4,\n5,\n5,\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -39 [fillcolor="#b3fbdf", fontcolor="#000000", label="{type: function_call|op_name: /mean/0|fn_name: mean|args: [\nTensorMeta(dtype=torch.float32, shape=(2, 4, 5, 5)),\n]|kwargs: \{\ndim : 1\n\}}", shape=record, style="filled,rounded"]; -40 [fillcolor="#adadad", fontcolor="#000000", label="{type: output|name: output_0|dtype: torch.float32|shape: (5, 2, 16)}", shape=record, style="filled,rounded"]; -41 [fillcolor="#adadad", fontcolor="#000000", label="{type: output|name: output_1|dtype: torch.float32|shape: (2, 5, 5)}", shape=record, style="filled,rounded"]; -0 -> 15 [label="(5, 2, 16)\n0 → 0"]; -1 -> 16 [label="(5, 2, 16)\n0 → 0"]; -2 -> 17 [label="(5, 2, 16)\n0 → 0"]; -3 -> 13 [label="(48, 16)\n0 → 0"]; -4 -> 14 [label="(48,)\n0 → 0"]; -5 -> 36 [label="(16, 16)\n0 → 1"]; -6 -> 36 [label="(16,)\n0 → 2"]; -13 -> 15 [label="(16, 16)\n0 → 1"]; -13 -> 16 [label="(16, 16)\n1 → 1"]; -13 -> 17 [label="(16, 16)\n2 → 1"]; -14 -> 15 [label="(16,)\n0 → 2"]; -14 -> 16 [label="(16,)\n1 → 2"]; -14 -> 17 [label="(16,)\n2 → 2"]; -15 -> 18 [label="(5, 2, 16)\n0 → 0"]; -16 -> 21 [label="(5, 2, 16)\n0 → 0"]; -17 -> 24 [label="(5, 2, 16)\n0 → 0"]; -18 -> 19 [label="(5, 8, 4)\n0 → 0"]; -19 -> 27 [label="(8, 5, 4)\n0 → 0"]; -21 -> 22 [label="(5, 8, 4)\n0 → 0"]; -22 -> 28 [label="(8, 5, 4)\n0 → 0"]; -24 -> 25 [label="(5, 8, 4)\n0 → 0"]; -25 -> 32 [label="(8, 5, 4)\n0 → 1"]; -27 -> 29 [label="(8, 5, 4)\n0 → 0"]; -28 -> 29 [label="(8, 4, 5)\n0 → 1"]; -29 -> 30 [label="(8, 5, 5)\n0 → 0"]; -30 -> 31 [label="(8, 5, 5)\n0 → 0"]; -31 -> 32 [label="(8, 5, 5)\n0 → 0"]; -31 -> 38 [label="(8, 5, 5)\n0 → 0"]; -32 -> 33 [label="(8, 5, 4)\n0 → 0"]; -33 -> 34 [label="(5, 8, 4)\n0 → 0"]; -34 -> 35 [label="(5, 8, 4)\n0 → 0"]; -35 -> 36 [label="(10, 16)\n0 → 0"]; -36 -> 37 [label="(10, 16)\n0 → 0"]; -37 -> 40 [label="(5, 2, 16)\n0 → 0"]; -38 -> 39 [label="(2, 4, 5, 5)\n0 → 0"]; -39 -> 41 [label="(2, 5, 5)\n0 → 0"]; +0 [label="{type: input|name: query|dtype: torch.float32|shape: (5, 2, 16)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +1 [label="{type: input|name: key|dtype: torch.float32|shape: (5, 2, 16)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +2 [label="{type: input|name: value|dtype: torch.float32|shape: (5, 2, 16)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +3 [label="{type: function_call|op_name: /rand/0|fn_name: rand|args: [\n(48, 16),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +4 [label="{type: function_call|op_name: /rand/1|fn_name: rand|args: [\n48,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +5 [label="{type: function_call|op_name: /rand/2|fn_name: rand|args: [\n(16, 16),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +6 [label="{type: function_call|op_name: /rand/3|fn_name: rand|args: [\n16,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +13 [label="{type: function_call|op_name: /chunk/0|fn_name: chunk|args: [\nTensorMeta(dtype=torch.float32, shape=(48, 16)),\n3,\n]|kwargs: \{\}}", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; +14 [label="{type: function_call|op_name: /chunk/1|fn_name: chunk|args: [\nTensorMeta(dtype=torch.float32, shape=(48,)),\n3,\n]|kwargs: \{\}}", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; +15 [label="{type: function_call|op_name: /linear/0|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; +16 [label="{type: function_call|op_name: /linear/1|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; +17 [label="{type: function_call|op_name: /linear/2|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; +18 [label="{type: function_call|op_name: /view/0|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; +19 [label="{type: function_call|op_name: /transpose/0|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +21 [label="{type: function_call|op_name: /view/1|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; +22 [label="{type: function_call|op_name: /transpose/1|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +24 [label="{type: function_call|op_name: /view/2|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; +25 [label="{type: function_call|op_name: /transpose/2|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +27 [label="{type: function_call|op_name: /mul/0|fn_name: mul|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n0.5,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; +28 [label="{type: function_call|op_name: /transpose/3|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n-2,\n-1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +29 [label="{type: function_call|op_name: /bmm/0|fn_name: bmm|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\nTensorMeta(dtype=torch.float32, shape=(8, 4, 5)),\n]|kwargs: \{\}}", fillcolor="#ffc6ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +30 [label="{type: function_call|op_name: /softmax/0|fn_name: softmax|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n]|kwargs: \{\ndim : -1\n_stacklevel : 3\ndtype : None\n\}}", fillcolor="#bdb2ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +31 [label="{type: function_call|op_name: /dropout/0|fn_name: dropout|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n]|kwargs: \{\np : 0.1\ntraining : True\ninplace : False\n\}}", fillcolor="#bdb2ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +32 [label="{type: function_call|op_name: /bmm/1|fn_name: bmm|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n]|kwargs: \{\}}", fillcolor="#ffc6ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +33 [label="{type: function_call|op_name: /transpose/4|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +34 [label="{type: function_call|op_name: /contiguous/0|fn_name: contiguous|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n]|kwargs: \{\}}", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; +35 [label="{type: function_call|op_name: /view/3|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n10,\n16,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; +36 [label="{type: function_call|op_name: /linear/3|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(10, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; +37 [label="{type: function_call|op_name: /view/4|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(10, 16)),\n5,\n2,\n16,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; +38 [label="{type: function_call|op_name: /view/5|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n2,\n4,\n5,\n5,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; +39 [label="{type: function_call|op_name: /mean/0|fn_name: mean|args: [\nTensorMeta(dtype=torch.float32, shape=(2, 4, 5, 5)),\n]|kwargs: \{\ndim : 1\n\}}", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; +40 [label="{type: output|name: output_0|dtype: torch.float32|shape: (5, 2, 16)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +41 [label="{type: output|name: output_1|dtype: torch.float32|shape: (2, 5, 5)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +0 -> 15 [label="(5, 2, 16)\n0 → 0"]; +1 -> 16 [label="(5, 2, 16)\n0 → 0"]; +2 -> 17 [label="(5, 2, 16)\n0 → 0"]; +3 -> 13 [label="(48, 16)\n0 → 0"]; +4 -> 14 [label="(48,)\n0 → 0"]; +5 -> 36 [label="(16, 16)\n0 → 1"]; +6 -> 36 [label="(16,)\n0 → 2"]; +13 -> 15 [label="(16, 16)\n0 → 1"]; +13 -> 16 [label="(16, 16)\n1 → 1"]; +13 -> 17 [label="(16, 16)\n2 → 1"]; +14 -> 15 [label="(16,)\n0 → 2"]; +14 -> 16 [label="(16,)\n1 → 2"]; +14 -> 17 [label="(16,)\n2 → 2"]; +15 -> 18 [label="(5, 2, 16)\n0 → 0"]; +16 -> 21 [label="(5, 2, 16)\n0 → 0"]; +17 -> 24 [label="(5, 2, 16)\n0 → 0"]; +18 -> 19 [label="(5, 8, 4)\n0 → 0"]; +19 -> 27 [label="(8, 5, 4)\n0 → 0"]; +21 -> 22 [label="(5, 8, 4)\n0 → 0"]; +22 -> 28 [label="(8, 5, 4)\n0 → 0"]; +24 -> 25 [label="(5, 8, 4)\n0 → 0"]; +25 -> 32 [label="(8, 5, 4)\n0 → 1"]; +27 -> 29 [label="(8, 5, 4)\n0 → 0"]; +28 -> 29 [label="(8, 4, 5)\n0 → 1"]; +29 -> 30 [label="(8, 5, 5)\n0 → 0"]; +30 -> 31 [label="(8, 5, 5)\n0 → 0"]; +31 -> 32 [label="(8, 5, 5)\n0 → 0"]; +31 -> 38 [label="(8, 5, 5)\n0 → 0"]; +32 -> 33 [label="(8, 5, 4)\n0 → 0"]; +33 -> 34 [label="(5, 8, 4)\n0 → 0"]; +34 -> 35 [label="(5, 8, 4)\n0 → 0"]; +35 -> 36 [label="(10, 16)\n0 → 0"]; +36 -> 37 [label="(10, 16)\n0 → 0"]; +37 -> 40 [label="(5, 2, 16)\n0 → 0"]; +38 -> 39 [label="(2, 4, 5, 5)\n0 → 0"]; +39 -> 41 [label="(2, 5, 5)\n0 → 0"]; } diff --git a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_ReluModel.dot b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_ReluModel.dot index 694b7d6a0b8..13944384b69 100644 --- a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_ReluModel.dot +++ b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_ReluModel.dot @@ -1,14 +1,14 @@ -digraph { +digraph { rankdir=TB; -0 [fillcolor="#adadad", fontcolor="#000000", label="{type: input|name: x|dtype: torch.float32|shape: (1, 1, 1)}", shape=record, style="filled,rounded"]; -1 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /relu/0|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -2 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /relu_/0|fn_name: relu_|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -3 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /relu/1|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -4 [fillcolor="#a0c4ff", fontcolor="#000000", label="{type: function_call|op_name: /relu_/1|fn_name: relu_|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", shape=record, style="filled,rounded"]; -5 [fillcolor="#adadad", fontcolor="#000000", label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 1)}", shape=record, style="filled,rounded"]; -0 -> 1 [label="(1, 1, 1)\n0 → 0"]; -1 -> 2 [label="(1, 1, 1)\n0 → 0"]; -2 -> 3 [label="(1, 1, 1)\n0 → 0"]; -3 -> 4 [label="(1, 1, 1)\n0 → 0"]; -4 -> 5 [label="(1, 1, 1)\n0 → 0"]; +0 [label="{type: input|name: x|dtype: torch.float32|shape: (1, 1, 1)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +1 [label="{type: function_call|op_name: /relu/0|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +2 [label="{type: function_call|op_name: /relu_/0|fn_name: relu_|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +3 [label="{type: function_call|op_name: /relu/1|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +4 [label="{type: function_call|op_name: /relu_/1|fn_name: relu_|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +5 [label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 1)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +0 -> 1 [label="(1, 1, 1)\n0 → 0"]; +1 -> 2 [label="(1, 1, 1)\n0 → 0"]; +2 -> 3 [label="(1, 1, 1)\n0 → 0"]; +3 -> 4 [label="(1, 1, 1)\n0 → 0"]; +4 -> 5 [label="(1, 1, 1)\n0 → 0"]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph.dot b/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph.dot index 7de31dee776..ffca8898300 100644 --- a/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph.dot +++ b/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph.dot @@ -1,17 +1,17 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"conv.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv.bias" [id=2, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv/conv2d/0" [id=3, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.conv/conv2d/0__0.0.w" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv/post_hook__conv-conv2d-0__0[0]/add/0" [id=5, metatype=PTAddMetatype, type=add]; -"/relu/0" [id=6, metatype=PTRELUMetatype, type=relu]; -output [id=7, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 3, 3)"]; -"conv.weight" -> "conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1, 1, 1)"]; -"conv.bias" -> "conv/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1,)"]; -"conv/conv2d/0" -> "conv/post_hook__conv-conv2d-0__0[0]/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 3, 3)"]; -"__nncf_hooks.post_hooks.conv/conv2d/0__0.0.w" -> "conv/post_hook__conv-conv2d-0__0[0]/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1,)"]; -"conv/post_hook__conv-conv2d-0__0[0]/add/0" -> "/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 3, 3)"]; -"/relu/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 3, 3)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"conv.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv.bias" [id=2, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv/conv2d/0" [id=3, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.conv/conv2d/0__0.0.w" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv/post_hook__conv-conv2d-0__0[0]/add/0" [id=5, type=add, metatype=PTAddMetatype]; +"/relu/0" [id=6, type=relu, metatype=PTRELUMetatype]; +output [id=7, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "conv/conv2d/0" [dtype=float, shape="(1, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"conv.weight" -> "conv/conv2d/0" [dtype=float, shape="(1, 1, 1, 1)", out_port_id=0, in_port_id=1]; +"conv.bias" -> "conv/conv2d/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=2]; +"conv/conv2d/0" -> "conv/post_hook__conv-conv2d-0__0[0]/add/0" [dtype=float, shape="(1, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.conv/conv2d/0__0.0.w" -> "conv/post_hook__conv-conv2d-0__0[0]/add/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=1]; +"conv/post_hook__conv-conv2d-0__0[0]/add/0" -> "/relu/0" [dtype=float, shape="(1, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"/relu/0" -> output [dtype=float, shape="(1, 1, 3, 3)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph_multi_edges.dot b/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph_multi_edges.dot index 9ba932c5e0d..e874aa02e01 100644 --- a/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph_multi_edges.dot +++ b/tests/torch2/data/function_hook/nncf_graph/convert_to_nncf_graph_multi_edges.dot @@ -1,7 +1,7 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"/add/0" [id=1, metatype=PTAddMetatype, type=add]; -output [id=2, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "/add/0" [dtype=float, in_port_id=0, out_port_id=0, parallel_input_port_ids="[1]", shape="(1, 1)"]; -"/add/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"/add/0" [id=1, type=add, metatype=PTAddMetatype]; +output [id=2, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "/add/0" [dtype=float, shape="(1, 1)", out_port_id=0, in_port_id=0, parallel_input_port_ids="[1]"]; +"/add/0" -> output [dtype=float, shape="(1, 1)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_convnext_small.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_convnext_small.dot index e8f99b2513c..712d5bce075 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_convnext_small.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_convnext_small.dot @@ -1,1421 +1,1421 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"features.0.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.0.bias" [id=2, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/0/conv2d/0" [id=3, metatype=PTConv2dMetatype, type=conv2d]; -"features/0/1/permute/0" [id=4, metatype=PTTransposeMetatype, type=permute]; -"features.0.1.weight" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.bias" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/1/layer_norm/0" [id=7, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/0/1/permute/1" [id=8, metatype=PTTransposeMetatype, type=permute]; -"features.1.0.block.0.weight" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.block.0.bias" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/block/0/conv2d/0" [id=11, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/1/0/block/1/permute/0" [id=12, metatype=UnknownMetatype, type=permute]; -"features.1.0.block.2.weight" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.block.2.bias" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/block/2/layer_norm/0" [id=15, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.1.0.block.3.weight" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.block.3.bias" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/block/3/linear/0" [id=18, metatype=PTLinearMetatype, type=linear]; -"features/1/0/block/4/gelu/0" [id=19, metatype=PTGELUMetatype, type=gelu]; -"features.1.0.block.5.weight" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.block.5.bias" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/block/5/linear/0" [id=22, metatype=PTLinearMetatype, type=linear]; -"features/1/0/block/6/permute/0" [id=23, metatype=UnknownMetatype, type=permute]; -"features.1.0.layer_scale" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/mul/0" [id=25, metatype=PTMulMetatype, type=mul]; -"features/1/0/add_/0" [id=26, metatype=PTAddMetatype, type=add_]; -"features.1.1.block.0.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.1.block.0.bias" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/block/0/conv2d/0" [id=29, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/1/1/block/1/permute/0" [id=30, metatype=UnknownMetatype, type=permute]; -"features.1.1.block.2.weight" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.1.block.2.bias" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/block/2/layer_norm/0" [id=33, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.1.1.block.3.weight" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.1.block.3.bias" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/block/3/linear/0" [id=36, metatype=PTLinearMetatype, type=linear]; -"features/1/1/block/4/gelu/0" [id=37, metatype=PTGELUMetatype, type=gelu]; -"features.1.1.block.5.weight" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.1.block.5.bias" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/block/5/linear/0" [id=40, metatype=PTLinearMetatype, type=linear]; -"features/1/1/block/6/permute/0" [id=41, metatype=UnknownMetatype, type=permute]; -"features.1.1.layer_scale" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/mul/0" [id=43, metatype=PTMulMetatype, type=mul]; -"features/1/1/add_/0" [id=44, metatype=PTAddMetatype, type=add_]; -"features.1.2.block.0.weight" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.2.block.0.bias" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/2/block/0/conv2d/0" [id=47, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/1/2/block/1/permute/0" [id=48, metatype=UnknownMetatype, type=permute]; -"features.1.2.block.2.weight" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.2.block.2.bias" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/2/block/2/layer_norm/0" [id=51, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.1.2.block.3.weight" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.2.block.3.bias" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/2/block/3/linear/0" [id=54, metatype=PTLinearMetatype, type=linear]; -"features/1/2/block/4/gelu/0" [id=55, metatype=PTGELUMetatype, type=gelu]; -"features.1.2.block.5.weight" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.2.block.5.bias" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/2/block/5/linear/0" [id=58, metatype=PTLinearMetatype, type=linear]; -"features/1/2/block/6/permute/0" [id=59, metatype=UnknownMetatype, type=permute]; -"features.1.2.layer_scale" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/2/mul/0" [id=61, metatype=PTMulMetatype, type=mul]; -"features/1/2/add_/0" [id=62, metatype=PTAddMetatype, type=add_]; -"features/2/0/permute/0" [id=63, metatype=PTTransposeMetatype, type=permute]; -"features.2.0.weight" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.0.bias" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/0/layer_norm/0" [id=66, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/2/0/permute/1" [id=67, metatype=PTTransposeMetatype, type=permute]; -"features.2.1.weight" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.1.bias" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/1/conv2d/0" [id=70, metatype=PTConv2dMetatype, type=conv2d]; -"features.3.0.block.0.weight" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.0.bias" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/block/0/conv2d/0" [id=73, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/3/0/block/1/permute/0" [id=74, metatype=UnknownMetatype, type=permute]; -"features.3.0.block.2.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.2.bias" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/block/2/layer_norm/0" [id=77, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.3.0.block.3.weight" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.3.bias" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/block/3/linear/0" [id=80, metatype=PTLinearMetatype, type=linear]; -"features/3/0/block/4/gelu/0" [id=81, metatype=PTGELUMetatype, type=gelu]; -"features.3.0.block.5.weight" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.5.bias" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/block/5/linear/0" [id=84, metatype=PTLinearMetatype, type=linear]; -"features/3/0/block/6/permute/0" [id=85, metatype=UnknownMetatype, type=permute]; -"features.3.0.layer_scale" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/mul/0" [id=87, metatype=PTMulMetatype, type=mul]; -"features/3/0/add_/0" [id=88, metatype=PTAddMetatype, type=add_]; -"features.3.1.block.0.weight" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.0.bias" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/block/0/conv2d/0" [id=91, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/3/1/block/1/permute/0" [id=92, metatype=UnknownMetatype, type=permute]; -"features.3.1.block.2.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.2.bias" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/block/2/layer_norm/0" [id=95, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.3.1.block.3.weight" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.3.bias" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/block/3/linear/0" [id=98, metatype=PTLinearMetatype, type=linear]; -"features/3/1/block/4/gelu/0" [id=99, metatype=PTGELUMetatype, type=gelu]; -"features.3.1.block.5.weight" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.5.bias" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/block/5/linear/0" [id=102, metatype=PTLinearMetatype, type=linear]; -"features/3/1/block/6/permute/0" [id=103, metatype=UnknownMetatype, type=permute]; -"features.3.1.layer_scale" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/mul/0" [id=105, metatype=PTMulMetatype, type=mul]; -"features/3/1/add_/0" [id=106, metatype=PTAddMetatype, type=add_]; -"features.3.2.block.0.weight" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.2.block.0.bias" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/2/block/0/conv2d/0" [id=109, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/3/2/block/1/permute/0" [id=110, metatype=UnknownMetatype, type=permute]; -"features.3.2.block.2.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.2.block.2.bias" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/2/block/2/layer_norm/0" [id=113, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.3.2.block.3.weight" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.2.block.3.bias" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/2/block/3/linear/0" [id=116, metatype=PTLinearMetatype, type=linear]; -"features/3/2/block/4/gelu/0" [id=117, metatype=PTGELUMetatype, type=gelu]; -"features.3.2.block.5.weight" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.2.block.5.bias" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/2/block/5/linear/0" [id=120, metatype=PTLinearMetatype, type=linear]; -"features/3/2/block/6/permute/0" [id=121, metatype=UnknownMetatype, type=permute]; -"features.3.2.layer_scale" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/2/mul/0" [id=123, metatype=PTMulMetatype, type=mul]; -"features/3/2/add_/0" [id=124, metatype=PTAddMetatype, type=add_]; -"features/4/0/permute/0" [id=125, metatype=PTTransposeMetatype, type=permute]; -"features.4.0.weight" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.0.bias" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/0/layer_norm/0" [id=128, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/4/0/permute/1" [id=129, metatype=PTTransposeMetatype, type=permute]; -"features.4.1.weight" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.1.bias" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/1/conv2d/0" [id=132, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.0.block.0.weight" [id=133, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.0.bias" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/block/0/conv2d/0" [id=135, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/0/block/1/permute/0" [id=136, metatype=UnknownMetatype, type=permute]; -"features.5.0.block.2.weight" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.2.bias" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/block/2/layer_norm/0" [id=139, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.0.block.3.weight" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.3.bias" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/block/3/linear/0" [id=142, metatype=PTLinearMetatype, type=linear]; -"features/5/0/block/4/gelu/0" [id=143, metatype=PTGELUMetatype, type=gelu]; -"features.5.0.block.5.weight" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.5.bias" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/block/5/linear/0" [id=146, metatype=PTLinearMetatype, type=linear]; -"features/5/0/block/6/permute/0" [id=147, metatype=UnknownMetatype, type=permute]; -"features.5.0.layer_scale" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/mul/0" [id=149, metatype=PTMulMetatype, type=mul]; -"features/5/0/add_/0" [id=150, metatype=PTAddMetatype, type=add_]; -"features.5.1.block.0.weight" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.0.bias" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/block/0/conv2d/0" [id=153, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/1/block/1/permute/0" [id=154, metatype=UnknownMetatype, type=permute]; -"features.5.1.block.2.weight" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.2.bias" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/block/2/layer_norm/0" [id=157, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.1.block.3.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.3.bias" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/block/3/linear/0" [id=160, metatype=PTLinearMetatype, type=linear]; -"features/5/1/block/4/gelu/0" [id=161, metatype=PTGELUMetatype, type=gelu]; -"features.5.1.block.5.weight" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.5.bias" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/block/5/linear/0" [id=164, metatype=PTLinearMetatype, type=linear]; -"features/5/1/block/6/permute/0" [id=165, metatype=UnknownMetatype, type=permute]; -"features.5.1.layer_scale" [id=166, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/mul/0" [id=167, metatype=PTMulMetatype, type=mul]; -"features/5/1/add_/0" [id=168, metatype=PTAddMetatype, type=add_]; -"features.5.2.block.0.weight" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.0.bias" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/block/0/conv2d/0" [id=171, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/2/block/1/permute/0" [id=172, metatype=UnknownMetatype, type=permute]; -"features.5.2.block.2.weight" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.2.bias" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/block/2/layer_norm/0" [id=175, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.2.block.3.weight" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.3.bias" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/block/3/linear/0" [id=178, metatype=PTLinearMetatype, type=linear]; -"features/5/2/block/4/gelu/0" [id=179, metatype=PTGELUMetatype, type=gelu]; -"features.5.2.block.5.weight" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.5.bias" [id=181, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/block/5/linear/0" [id=182, metatype=PTLinearMetatype, type=linear]; -"features/5/2/block/6/permute/0" [id=183, metatype=UnknownMetatype, type=permute]; -"features.5.2.layer_scale" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/mul/0" [id=185, metatype=PTMulMetatype, type=mul]; -"features/5/2/add_/0" [id=186, metatype=PTAddMetatype, type=add_]; -"features.5.3.block.0.weight" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.3.block.0.bias" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/block/0/conv2d/0" [id=189, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/3/block/1/permute/0" [id=190, metatype=UnknownMetatype, type=permute]; -"features.5.3.block.2.weight" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.3.block.2.bias" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/block/2/layer_norm/0" [id=193, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.3.block.3.weight" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.3.block.3.bias" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/block/3/linear/0" [id=196, metatype=PTLinearMetatype, type=linear]; -"features/5/3/block/4/gelu/0" [id=197, metatype=PTGELUMetatype, type=gelu]; -"features.5.3.block.5.weight" [id=198, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.3.block.5.bias" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/block/5/linear/0" [id=200, metatype=PTLinearMetatype, type=linear]; -"features/5/3/block/6/permute/0" [id=201, metatype=UnknownMetatype, type=permute]; -"features.5.3.layer_scale" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/mul/0" [id=203, metatype=PTMulMetatype, type=mul]; -"features/5/3/add_/0" [id=204, metatype=PTAddMetatype, type=add_]; -"features.5.4.block.0.weight" [id=205, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.4.block.0.bias" [id=206, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/block/0/conv2d/0" [id=207, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/4/block/1/permute/0" [id=208, metatype=UnknownMetatype, type=permute]; -"features.5.4.block.2.weight" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.4.block.2.bias" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/block/2/layer_norm/0" [id=211, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.4.block.3.weight" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.4.block.3.bias" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/block/3/linear/0" [id=214, metatype=PTLinearMetatype, type=linear]; -"features/5/4/block/4/gelu/0" [id=215, metatype=PTGELUMetatype, type=gelu]; -"features.5.4.block.5.weight" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.4.block.5.bias" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/block/5/linear/0" [id=218, metatype=PTLinearMetatype, type=linear]; -"features/5/4/block/6/permute/0" [id=219, metatype=UnknownMetatype, type=permute]; -"features.5.4.layer_scale" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/mul/0" [id=221, metatype=PTMulMetatype, type=mul]; -"features/5/4/add_/0" [id=222, metatype=PTAddMetatype, type=add_]; -"features.5.5.block.0.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.5.block.0.bias" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/block/0/conv2d/0" [id=225, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/5/block/1/permute/0" [id=226, metatype=UnknownMetatype, type=permute]; -"features.5.5.block.2.weight" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.5.block.2.bias" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/block/2/layer_norm/0" [id=229, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.5.block.3.weight" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.5.block.3.bias" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/block/3/linear/0" [id=232, metatype=PTLinearMetatype, type=linear]; -"features/5/5/block/4/gelu/0" [id=233, metatype=PTGELUMetatype, type=gelu]; -"features.5.5.block.5.weight" [id=234, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.5.block.5.bias" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/block/5/linear/0" [id=236, metatype=PTLinearMetatype, type=linear]; -"features/5/5/block/6/permute/0" [id=237, metatype=UnknownMetatype, type=permute]; -"features.5.5.layer_scale" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/mul/0" [id=239, metatype=PTMulMetatype, type=mul]; -"features/5/5/add_/0" [id=240, metatype=PTAddMetatype, type=add_]; -"features.5.6.block.0.weight" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.6.block.0.bias" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/block/0/conv2d/0" [id=243, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/6/block/1/permute/0" [id=244, metatype=UnknownMetatype, type=permute]; -"features.5.6.block.2.weight" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.6.block.2.bias" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/block/2/layer_norm/0" [id=247, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.6.block.3.weight" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.6.block.3.bias" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/block/3/linear/0" [id=250, metatype=PTLinearMetatype, type=linear]; -"features/5/6/block/4/gelu/0" [id=251, metatype=PTGELUMetatype, type=gelu]; -"features.5.6.block.5.weight" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.6.block.5.bias" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/block/5/linear/0" [id=254, metatype=PTLinearMetatype, type=linear]; -"features/5/6/block/6/permute/0" [id=255, metatype=UnknownMetatype, type=permute]; -"features.5.6.layer_scale" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/mul/0" [id=257, metatype=PTMulMetatype, type=mul]; -"features/5/6/add_/0" [id=258, metatype=PTAddMetatype, type=add_]; -"features.5.7.block.0.weight" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.7.block.0.bias" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/block/0/conv2d/0" [id=261, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/7/block/1/permute/0" [id=262, metatype=UnknownMetatype, type=permute]; -"features.5.7.block.2.weight" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.7.block.2.bias" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/block/2/layer_norm/0" [id=265, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.7.block.3.weight" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.7.block.3.bias" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/block/3/linear/0" [id=268, metatype=PTLinearMetatype, type=linear]; -"features/5/7/block/4/gelu/0" [id=269, metatype=PTGELUMetatype, type=gelu]; -"features.5.7.block.5.weight" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.7.block.5.bias" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/block/5/linear/0" [id=272, metatype=PTLinearMetatype, type=linear]; -"features/5/7/block/6/permute/0" [id=273, metatype=UnknownMetatype, type=permute]; -"features.5.7.layer_scale" [id=274, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/mul/0" [id=275, metatype=PTMulMetatype, type=mul]; -"features/5/7/add_/0" [id=276, metatype=PTAddMetatype, type=add_]; -"features.5.8.block.0.weight" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.8.block.0.bias" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/block/0/conv2d/0" [id=279, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/8/block/1/permute/0" [id=280, metatype=UnknownMetatype, type=permute]; -"features.5.8.block.2.weight" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.8.block.2.bias" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/block/2/layer_norm/0" [id=283, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.8.block.3.weight" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.8.block.3.bias" [id=285, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/block/3/linear/0" [id=286, metatype=PTLinearMetatype, type=linear]; -"features/5/8/block/4/gelu/0" [id=287, metatype=PTGELUMetatype, type=gelu]; -"features.5.8.block.5.weight" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.8.block.5.bias" [id=289, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/block/5/linear/0" [id=290, metatype=PTLinearMetatype, type=linear]; -"features/5/8/block/6/permute/0" [id=291, metatype=UnknownMetatype, type=permute]; -"features.5.8.layer_scale" [id=292, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/mul/0" [id=293, metatype=PTMulMetatype, type=mul]; -"features/5/8/add_/0" [id=294, metatype=PTAddMetatype, type=add_]; -"features.5.9.block.0.weight" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.9.block.0.bias" [id=296, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/block/0/conv2d/0" [id=297, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/9/block/1/permute/0" [id=298, metatype=UnknownMetatype, type=permute]; -"features.5.9.block.2.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.9.block.2.bias" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/block/2/layer_norm/0" [id=301, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.9.block.3.weight" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.9.block.3.bias" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/block/3/linear/0" [id=304, metatype=PTLinearMetatype, type=linear]; -"features/5/9/block/4/gelu/0" [id=305, metatype=PTGELUMetatype, type=gelu]; -"features.5.9.block.5.weight" [id=306, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.9.block.5.bias" [id=307, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/block/5/linear/0" [id=308, metatype=PTLinearMetatype, type=linear]; -"features/5/9/block/6/permute/0" [id=309, metatype=UnknownMetatype, type=permute]; -"features.5.9.layer_scale" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/mul/0" [id=311, metatype=PTMulMetatype, type=mul]; -"features/5/9/add_/0" [id=312, metatype=PTAddMetatype, type=add_]; -"features.5.10.block.0.weight" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.10.block.0.bias" [id=314, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/block/0/conv2d/0" [id=315, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/10/block/1/permute/0" [id=316, metatype=UnknownMetatype, type=permute]; -"features.5.10.block.2.weight" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.10.block.2.bias" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/block/2/layer_norm/0" [id=319, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.10.block.3.weight" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.10.block.3.bias" [id=321, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/block/3/linear/0" [id=322, metatype=PTLinearMetatype, type=linear]; -"features/5/10/block/4/gelu/0" [id=323, metatype=PTGELUMetatype, type=gelu]; -"features.5.10.block.5.weight" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.10.block.5.bias" [id=325, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/block/5/linear/0" [id=326, metatype=PTLinearMetatype, type=linear]; -"features/5/10/block/6/permute/0" [id=327, metatype=UnknownMetatype, type=permute]; -"features.5.10.layer_scale" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/mul/0" [id=329, metatype=PTMulMetatype, type=mul]; -"features/5/10/add_/0" [id=330, metatype=PTAddMetatype, type=add_]; -"features.5.11.block.0.weight" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.11.block.0.bias" [id=332, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/block/0/conv2d/0" [id=333, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/11/block/1/permute/0" [id=334, metatype=UnknownMetatype, type=permute]; -"features.5.11.block.2.weight" [id=335, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.11.block.2.bias" [id=336, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/block/2/layer_norm/0" [id=337, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.11.block.3.weight" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.11.block.3.bias" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/block/3/linear/0" [id=340, metatype=PTLinearMetatype, type=linear]; -"features/5/11/block/4/gelu/0" [id=341, metatype=PTGELUMetatype, type=gelu]; -"features.5.11.block.5.weight" [id=342, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.11.block.5.bias" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/block/5/linear/0" [id=344, metatype=PTLinearMetatype, type=linear]; -"features/5/11/block/6/permute/0" [id=345, metatype=UnknownMetatype, type=permute]; -"features.5.11.layer_scale" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/mul/0" [id=347, metatype=PTMulMetatype, type=mul]; -"features/5/11/add_/0" [id=348, metatype=PTAddMetatype, type=add_]; -"features.5.12.block.0.weight" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.12.block.0.bias" [id=350, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/block/0/conv2d/0" [id=351, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/12/block/1/permute/0" [id=352, metatype=UnknownMetatype, type=permute]; -"features.5.12.block.2.weight" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.12.block.2.bias" [id=354, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/block/2/layer_norm/0" [id=355, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.12.block.3.weight" [id=356, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.12.block.3.bias" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/block/3/linear/0" [id=358, metatype=PTLinearMetatype, type=linear]; -"features/5/12/block/4/gelu/0" [id=359, metatype=PTGELUMetatype, type=gelu]; -"features.5.12.block.5.weight" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.12.block.5.bias" [id=361, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/block/5/linear/0" [id=362, metatype=PTLinearMetatype, type=linear]; -"features/5/12/block/6/permute/0" [id=363, metatype=UnknownMetatype, type=permute]; -"features.5.12.layer_scale" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/mul/0" [id=365, metatype=PTMulMetatype, type=mul]; -"features/5/12/add_/0" [id=366, metatype=PTAddMetatype, type=add_]; -"features.5.13.block.0.weight" [id=367, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.13.block.0.bias" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/block/0/conv2d/0" [id=369, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/13/block/1/permute/0" [id=370, metatype=UnknownMetatype, type=permute]; -"features.5.13.block.2.weight" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.13.block.2.bias" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/block/2/layer_norm/0" [id=373, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.13.block.3.weight" [id=374, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.13.block.3.bias" [id=375, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/block/3/linear/0" [id=376, metatype=PTLinearMetatype, type=linear]; -"features/5/13/block/4/gelu/0" [id=377, metatype=PTGELUMetatype, type=gelu]; -"features.5.13.block.5.weight" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.13.block.5.bias" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/block/5/linear/0" [id=380, metatype=PTLinearMetatype, type=linear]; -"features/5/13/block/6/permute/0" [id=381, metatype=UnknownMetatype, type=permute]; -"features.5.13.layer_scale" [id=382, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/mul/0" [id=383, metatype=PTMulMetatype, type=mul]; -"features/5/13/add_/0" [id=384, metatype=PTAddMetatype, type=add_]; -"features.5.14.block.0.weight" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.14.block.0.bias" [id=386, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/block/0/conv2d/0" [id=387, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/14/block/1/permute/0" [id=388, metatype=UnknownMetatype, type=permute]; -"features.5.14.block.2.weight" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.14.block.2.bias" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/block/2/layer_norm/0" [id=391, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.14.block.3.weight" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.14.block.3.bias" [id=393, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/block/3/linear/0" [id=394, metatype=PTLinearMetatype, type=linear]; -"features/5/14/block/4/gelu/0" [id=395, metatype=PTGELUMetatype, type=gelu]; -"features.5.14.block.5.weight" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.14.block.5.bias" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/block/5/linear/0" [id=398, metatype=PTLinearMetatype, type=linear]; -"features/5/14/block/6/permute/0" [id=399, metatype=UnknownMetatype, type=permute]; -"features.5.14.layer_scale" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/mul/0" [id=401, metatype=PTMulMetatype, type=mul]; -"features/5/14/add_/0" [id=402, metatype=PTAddMetatype, type=add_]; -"features.5.15.block.0.weight" [id=403, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.15.block.0.bias" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/block/0/conv2d/0" [id=405, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/15/block/1/permute/0" [id=406, metatype=UnknownMetatype, type=permute]; -"features.5.15.block.2.weight" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.15.block.2.bias" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/block/2/layer_norm/0" [id=409, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.15.block.3.weight" [id=410, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.15.block.3.bias" [id=411, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/block/3/linear/0" [id=412, metatype=PTLinearMetatype, type=linear]; -"features/5/15/block/4/gelu/0" [id=413, metatype=PTGELUMetatype, type=gelu]; -"features.5.15.block.5.weight" [id=414, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.15.block.5.bias" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/block/5/linear/0" [id=416, metatype=PTLinearMetatype, type=linear]; -"features/5/15/block/6/permute/0" [id=417, metatype=UnknownMetatype, type=permute]; -"features.5.15.layer_scale" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/mul/0" [id=419, metatype=PTMulMetatype, type=mul]; -"features/5/15/add_/0" [id=420, metatype=PTAddMetatype, type=add_]; -"features.5.16.block.0.weight" [id=421, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.16.block.0.bias" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/block/0/conv2d/0" [id=423, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/16/block/1/permute/0" [id=424, metatype=UnknownMetatype, type=permute]; -"features.5.16.block.2.weight" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.16.block.2.bias" [id=426, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/block/2/layer_norm/0" [id=427, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.16.block.3.weight" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.16.block.3.bias" [id=429, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/block/3/linear/0" [id=430, metatype=PTLinearMetatype, type=linear]; -"features/5/16/block/4/gelu/0" [id=431, metatype=PTGELUMetatype, type=gelu]; -"features.5.16.block.5.weight" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.16.block.5.bias" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/block/5/linear/0" [id=434, metatype=PTLinearMetatype, type=linear]; -"features/5/16/block/6/permute/0" [id=435, metatype=UnknownMetatype, type=permute]; -"features.5.16.layer_scale" [id=436, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/mul/0" [id=437, metatype=PTMulMetatype, type=mul]; -"features/5/16/add_/0" [id=438, metatype=PTAddMetatype, type=add_]; -"features.5.17.block.0.weight" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.17.block.0.bias" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/block/0/conv2d/0" [id=441, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/17/block/1/permute/0" [id=442, metatype=UnknownMetatype, type=permute]; -"features.5.17.block.2.weight" [id=443, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.17.block.2.bias" [id=444, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/block/2/layer_norm/0" [id=445, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.17.block.3.weight" [id=446, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.17.block.3.bias" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/block/3/linear/0" [id=448, metatype=PTLinearMetatype, type=linear]; -"features/5/17/block/4/gelu/0" [id=449, metatype=PTGELUMetatype, type=gelu]; -"features.5.17.block.5.weight" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.17.block.5.bias" [id=451, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/block/5/linear/0" [id=452, metatype=PTLinearMetatype, type=linear]; -"features/5/17/block/6/permute/0" [id=453, metatype=UnknownMetatype, type=permute]; -"features.5.17.layer_scale" [id=454, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/mul/0" [id=455, metatype=PTMulMetatype, type=mul]; -"features/5/17/add_/0" [id=456, metatype=PTAddMetatype, type=add_]; -"features.5.18.block.0.weight" [id=457, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.18.block.0.bias" [id=458, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/18/block/0/conv2d/0" [id=459, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/18/block/1/permute/0" [id=460, metatype=UnknownMetatype, type=permute]; -"features.5.18.block.2.weight" [id=461, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.18.block.2.bias" [id=462, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/18/block/2/layer_norm/0" [id=463, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.18.block.3.weight" [id=464, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.18.block.3.bias" [id=465, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/18/block/3/linear/0" [id=466, metatype=PTLinearMetatype, type=linear]; -"features/5/18/block/4/gelu/0" [id=467, metatype=PTGELUMetatype, type=gelu]; -"features.5.18.block.5.weight" [id=468, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.18.block.5.bias" [id=469, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/18/block/5/linear/0" [id=470, metatype=PTLinearMetatype, type=linear]; -"features/5/18/block/6/permute/0" [id=471, metatype=UnknownMetatype, type=permute]; -"features.5.18.layer_scale" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/18/mul/0" [id=473, metatype=PTMulMetatype, type=mul]; -"features/5/18/add_/0" [id=474, metatype=PTAddMetatype, type=add_]; -"features.5.19.block.0.weight" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.19.block.0.bias" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/19/block/0/conv2d/0" [id=477, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/19/block/1/permute/0" [id=478, metatype=UnknownMetatype, type=permute]; -"features.5.19.block.2.weight" [id=479, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.19.block.2.bias" [id=480, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/19/block/2/layer_norm/0" [id=481, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.19.block.3.weight" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.19.block.3.bias" [id=483, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/19/block/3/linear/0" [id=484, metatype=PTLinearMetatype, type=linear]; -"features/5/19/block/4/gelu/0" [id=485, metatype=PTGELUMetatype, type=gelu]; -"features.5.19.block.5.weight" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.19.block.5.bias" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/19/block/5/linear/0" [id=488, metatype=PTLinearMetatype, type=linear]; -"features/5/19/block/6/permute/0" [id=489, metatype=UnknownMetatype, type=permute]; -"features.5.19.layer_scale" [id=490, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/19/mul/0" [id=491, metatype=PTMulMetatype, type=mul]; -"features/5/19/add_/0" [id=492, metatype=PTAddMetatype, type=add_]; -"features.5.20.block.0.weight" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.20.block.0.bias" [id=494, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/20/block/0/conv2d/0" [id=495, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/20/block/1/permute/0" [id=496, metatype=UnknownMetatype, type=permute]; -"features.5.20.block.2.weight" [id=497, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.20.block.2.bias" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/20/block/2/layer_norm/0" [id=499, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.20.block.3.weight" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.20.block.3.bias" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/20/block/3/linear/0" [id=502, metatype=PTLinearMetatype, type=linear]; -"features/5/20/block/4/gelu/0" [id=503, metatype=PTGELUMetatype, type=gelu]; -"features.5.20.block.5.weight" [id=504, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.20.block.5.bias" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/20/block/5/linear/0" [id=506, metatype=PTLinearMetatype, type=linear]; -"features/5/20/block/6/permute/0" [id=507, metatype=UnknownMetatype, type=permute]; -"features.5.20.layer_scale" [id=508, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/20/mul/0" [id=509, metatype=PTMulMetatype, type=mul]; -"features/5/20/add_/0" [id=510, metatype=PTAddMetatype, type=add_]; -"features.5.21.block.0.weight" [id=511, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.21.block.0.bias" [id=512, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/21/block/0/conv2d/0" [id=513, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/21/block/1/permute/0" [id=514, metatype=UnknownMetatype, type=permute]; -"features.5.21.block.2.weight" [id=515, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.21.block.2.bias" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/21/block/2/layer_norm/0" [id=517, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.21.block.3.weight" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.21.block.3.bias" [id=519, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/21/block/3/linear/0" [id=520, metatype=PTLinearMetatype, type=linear]; -"features/5/21/block/4/gelu/0" [id=521, metatype=PTGELUMetatype, type=gelu]; -"features.5.21.block.5.weight" [id=522, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.21.block.5.bias" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/21/block/5/linear/0" [id=524, metatype=PTLinearMetatype, type=linear]; -"features/5/21/block/6/permute/0" [id=525, metatype=UnknownMetatype, type=permute]; -"features.5.21.layer_scale" [id=526, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/21/mul/0" [id=527, metatype=PTMulMetatype, type=mul]; -"features/5/21/add_/0" [id=528, metatype=PTAddMetatype, type=add_]; -"features.5.22.block.0.weight" [id=529, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.22.block.0.bias" [id=530, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/22/block/0/conv2d/0" [id=531, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/22/block/1/permute/0" [id=532, metatype=UnknownMetatype, type=permute]; -"features.5.22.block.2.weight" [id=533, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.22.block.2.bias" [id=534, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/22/block/2/layer_norm/0" [id=535, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.22.block.3.weight" [id=536, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.22.block.3.bias" [id=537, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/22/block/3/linear/0" [id=538, metatype=PTLinearMetatype, type=linear]; -"features/5/22/block/4/gelu/0" [id=539, metatype=PTGELUMetatype, type=gelu]; -"features.5.22.block.5.weight" [id=540, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.22.block.5.bias" [id=541, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/22/block/5/linear/0" [id=542, metatype=PTLinearMetatype, type=linear]; -"features/5/22/block/6/permute/0" [id=543, metatype=UnknownMetatype, type=permute]; -"features.5.22.layer_scale" [id=544, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/22/mul/0" [id=545, metatype=PTMulMetatype, type=mul]; -"features/5/22/add_/0" [id=546, metatype=PTAddMetatype, type=add_]; -"features.5.23.block.0.weight" [id=547, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.23.block.0.bias" [id=548, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/23/block/0/conv2d/0" [id=549, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/23/block/1/permute/0" [id=550, metatype=UnknownMetatype, type=permute]; -"features.5.23.block.2.weight" [id=551, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.23.block.2.bias" [id=552, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/23/block/2/layer_norm/0" [id=553, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.23.block.3.weight" [id=554, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.23.block.3.bias" [id=555, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/23/block/3/linear/0" [id=556, metatype=PTLinearMetatype, type=linear]; -"features/5/23/block/4/gelu/0" [id=557, metatype=PTGELUMetatype, type=gelu]; -"features.5.23.block.5.weight" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.23.block.5.bias" [id=559, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/23/block/5/linear/0" [id=560, metatype=PTLinearMetatype, type=linear]; -"features/5/23/block/6/permute/0" [id=561, metatype=UnknownMetatype, type=permute]; -"features.5.23.layer_scale" [id=562, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/23/mul/0" [id=563, metatype=PTMulMetatype, type=mul]; -"features/5/23/add_/0" [id=564, metatype=PTAddMetatype, type=add_]; -"features.5.24.block.0.weight" [id=565, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.24.block.0.bias" [id=566, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/24/block/0/conv2d/0" [id=567, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/24/block/1/permute/0" [id=568, metatype=UnknownMetatype, type=permute]; -"features.5.24.block.2.weight" [id=569, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.24.block.2.bias" [id=570, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/24/block/2/layer_norm/0" [id=571, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.24.block.3.weight" [id=572, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.24.block.3.bias" [id=573, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/24/block/3/linear/0" [id=574, metatype=PTLinearMetatype, type=linear]; -"features/5/24/block/4/gelu/0" [id=575, metatype=PTGELUMetatype, type=gelu]; -"features.5.24.block.5.weight" [id=576, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.24.block.5.bias" [id=577, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/24/block/5/linear/0" [id=578, metatype=PTLinearMetatype, type=linear]; -"features/5/24/block/6/permute/0" [id=579, metatype=UnknownMetatype, type=permute]; -"features.5.24.layer_scale" [id=580, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/24/mul/0" [id=581, metatype=PTMulMetatype, type=mul]; -"features/5/24/add_/0" [id=582, metatype=PTAddMetatype, type=add_]; -"features.5.25.block.0.weight" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.25.block.0.bias" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/25/block/0/conv2d/0" [id=585, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/25/block/1/permute/0" [id=586, metatype=UnknownMetatype, type=permute]; -"features.5.25.block.2.weight" [id=587, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.25.block.2.bias" [id=588, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/25/block/2/layer_norm/0" [id=589, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.25.block.3.weight" [id=590, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.25.block.3.bias" [id=591, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/25/block/3/linear/0" [id=592, metatype=PTLinearMetatype, type=linear]; -"features/5/25/block/4/gelu/0" [id=593, metatype=PTGELUMetatype, type=gelu]; -"features.5.25.block.5.weight" [id=594, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.25.block.5.bias" [id=595, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/25/block/5/linear/0" [id=596, metatype=PTLinearMetatype, type=linear]; -"features/5/25/block/6/permute/0" [id=597, metatype=UnknownMetatype, type=permute]; -"features.5.25.layer_scale" [id=598, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/25/mul/0" [id=599, metatype=PTMulMetatype, type=mul]; -"features/5/25/add_/0" [id=600, metatype=PTAddMetatype, type=add_]; -"features.5.26.block.0.weight" [id=601, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.26.block.0.bias" [id=602, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/26/block/0/conv2d/0" [id=603, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/5/26/block/1/permute/0" [id=604, metatype=UnknownMetatype, type=permute]; -"features.5.26.block.2.weight" [id=605, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.26.block.2.bias" [id=606, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/26/block/2/layer_norm/0" [id=607, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.26.block.3.weight" [id=608, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.26.block.3.bias" [id=609, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/26/block/3/linear/0" [id=610, metatype=PTLinearMetatype, type=linear]; -"features/5/26/block/4/gelu/0" [id=611, metatype=PTGELUMetatype, type=gelu]; -"features.5.26.block.5.weight" [id=612, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.26.block.5.bias" [id=613, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/26/block/5/linear/0" [id=614, metatype=PTLinearMetatype, type=linear]; -"features/5/26/block/6/permute/0" [id=615, metatype=UnknownMetatype, type=permute]; -"features.5.26.layer_scale" [id=616, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/26/mul/0" [id=617, metatype=PTMulMetatype, type=mul]; -"features/5/26/add_/0" [id=618, metatype=PTAddMetatype, type=add_]; -"features/6/0/permute/0" [id=619, metatype=PTTransposeMetatype, type=permute]; -"features.6.0.weight" [id=620, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.0.bias" [id=621, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/0/layer_norm/0" [id=622, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/6/0/permute/1" [id=623, metatype=PTTransposeMetatype, type=permute]; -"features.6.1.weight" [id=624, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.1.bias" [id=625, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/1/conv2d/0" [id=626, metatype=PTConv2dMetatype, type=conv2d]; -"features.7.0.block.0.weight" [id=627, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.0.bias" [id=628, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/block/0/conv2d/0" [id=629, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/7/0/block/1/permute/0" [id=630, metatype=UnknownMetatype, type=permute]; -"features.7.0.block.2.weight" [id=631, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.2.bias" [id=632, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/block/2/layer_norm/0" [id=633, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.7.0.block.3.weight" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.3.bias" [id=635, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/block/3/linear/0" [id=636, metatype=PTLinearMetatype, type=linear]; -"features/7/0/block/4/gelu/0" [id=637, metatype=PTGELUMetatype, type=gelu]; -"features.7.0.block.5.weight" [id=638, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.5.bias" [id=639, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/block/5/linear/0" [id=640, metatype=PTLinearMetatype, type=linear]; -"features/7/0/block/6/permute/0" [id=641, metatype=UnknownMetatype, type=permute]; -"features.7.0.layer_scale" [id=642, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/mul/0" [id=643, metatype=PTMulMetatype, type=mul]; -"features/7/0/add_/0" [id=644, metatype=PTAddMetatype, type=add_]; -"features.7.1.block.0.weight" [id=645, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.1.block.0.bias" [id=646, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/block/0/conv2d/0" [id=647, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/7/1/block/1/permute/0" [id=648, metatype=UnknownMetatype, type=permute]; -"features.7.1.block.2.weight" [id=649, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.1.block.2.bias" [id=650, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/block/2/layer_norm/0" [id=651, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.7.1.block.3.weight" [id=652, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.1.block.3.bias" [id=653, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/block/3/linear/0" [id=654, metatype=PTLinearMetatype, type=linear]; -"features/7/1/block/4/gelu/0" [id=655, metatype=PTGELUMetatype, type=gelu]; -"features.7.1.block.5.weight" [id=656, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.1.block.5.bias" [id=657, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/block/5/linear/0" [id=658, metatype=PTLinearMetatype, type=linear]; -"features/7/1/block/6/permute/0" [id=659, metatype=UnknownMetatype, type=permute]; -"features.7.1.layer_scale" [id=660, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/mul/0" [id=661, metatype=PTMulMetatype, type=mul]; -"features/7/1/add_/0" [id=662, metatype=PTAddMetatype, type=add_]; -"features.7.2.block.0.weight" [id=663, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.2.block.0.bias" [id=664, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/2/block/0/conv2d/0" [id=665, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features/7/2/block/1/permute/0" [id=666, metatype=UnknownMetatype, type=permute]; -"features.7.2.block.2.weight" [id=667, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.2.block.2.bias" [id=668, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/2/block/2/layer_norm/0" [id=669, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.7.2.block.3.weight" [id=670, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.2.block.3.bias" [id=671, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/2/block/3/linear/0" [id=672, metatype=PTLinearMetatype, type=linear]; -"features/7/2/block/4/gelu/0" [id=673, metatype=PTGELUMetatype, type=gelu]; -"features.7.2.block.5.weight" [id=674, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.2.block.5.bias" [id=675, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/2/block/5/linear/0" [id=676, metatype=PTLinearMetatype, type=linear]; -"features/7/2/block/6/permute/0" [id=677, metatype=UnknownMetatype, type=permute]; -"features.7.2.layer_scale" [id=678, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/2/mul/0" [id=679, metatype=PTMulMetatype, type=mul]; -"features/7/2/add_/0" [id=680, metatype=PTAddMetatype, type=add_]; -"avgpool/adaptive_avg_pool2d/0" [id=681, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"classifier/0/permute/0" [id=682, metatype=PTTransposeMetatype, type=permute]; -"classifier.0.weight" [id=683, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.0.bias" [id=684, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/0/layer_norm/0" [id=685, metatype=PTLayerNormMetatype, type=layer_norm]; -"classifier/0/permute/1" [id=686, metatype=PTTransposeMetatype, type=permute]; -"classifier/1/flatten/0" [id=687, metatype=PTReshapeMetatype, type=flatten]; -"classifier.2.weight" [id=688, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.2.bias" [id=689, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/2/linear/0" [id=690, metatype=PTLinearMetatype, type=linear]; -output [id=691, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "features/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; -"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 3, 4, 4)"]; -"features.0.0.bias" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features/0/0/conv2d/0" -> "features/0/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/0/1/permute/0" -> "features/0/1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; -"features.0.1.weight" -> "features/0/1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.0.1.bias" -> "features/0/1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features/0/1/layer_norm/0" -> "features/0/1/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; -"features/0/1/permute/1" -> "features/1/0/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/0/1/permute/1" -> "features/1/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.1.0.block.0.weight" -> "features/1/0/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 7, 7)"]; -"features.1.0.block.0.bias" -> "features/1/0/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features/1/0/block/0/conv2d/0" -> "features/1/0/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/1/0/block/1/permute/0" -> "features/1/0/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; -"features.1.0.block.2.weight" -> "features/1/0/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.1.0.block.2.bias" -> "features/1/0/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features/1/0/block/2/layer_norm/0" -> "features/1/0/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; -"features.1.0.block.3.weight" -> "features/1/0/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 96)"]; -"features.1.0.block.3.bias" -> "features/1/0/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/1/0/block/3/linear/0" -> "features/1/0/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 384)"]; -"features/1/0/block/4/gelu/0" -> "features/1/0/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 384)"]; -"features.1.0.block.5.weight" -> "features/1/0/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 384)"]; -"features.1.0.block.5.bias" -> "features/1/0/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features/1/0/block/5/linear/0" -> "features/1/0/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; -"features/1/0/block/6/permute/0" -> "features/1/0/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.1.0.layer_scale" -> "features/1/0/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 1)"]; -"features/1/0/mul/0" -> "features/1/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/1/0/add_/0" -> "features/1/1/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/1/0/add_/0" -> "features/1/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.1.1.block.0.weight" -> "features/1/1/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 7, 7)"]; -"features.1.1.block.0.bias" -> "features/1/1/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features/1/1/block/0/conv2d/0" -> "features/1/1/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/1/1/block/1/permute/0" -> "features/1/1/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; -"features.1.1.block.2.weight" -> "features/1/1/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.1.1.block.2.bias" -> "features/1/1/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features/1/1/block/2/layer_norm/0" -> "features/1/1/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; -"features.1.1.block.3.weight" -> "features/1/1/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 96)"]; -"features.1.1.block.3.bias" -> "features/1/1/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/1/1/block/3/linear/0" -> "features/1/1/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 384)"]; -"features/1/1/block/4/gelu/0" -> "features/1/1/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 384)"]; -"features.1.1.block.5.weight" -> "features/1/1/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 384)"]; -"features.1.1.block.5.bias" -> "features/1/1/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features/1/1/block/5/linear/0" -> "features/1/1/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; -"features/1/1/block/6/permute/0" -> "features/1/1/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.1.1.layer_scale" -> "features/1/1/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 1)"]; -"features/1/1/mul/0" -> "features/1/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/1/1/add_/0" -> "features/1/2/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/1/1/add_/0" -> "features/1/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.1.2.block.0.weight" -> "features/1/2/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 7, 7)"]; -"features.1.2.block.0.bias" -> "features/1/2/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features/1/2/block/0/conv2d/0" -> "features/1/2/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/1/2/block/1/permute/0" -> "features/1/2/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; -"features.1.2.block.2.weight" -> "features/1/2/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.1.2.block.2.bias" -> "features/1/2/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features/1/2/block/2/layer_norm/0" -> "features/1/2/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; -"features.1.2.block.3.weight" -> "features/1/2/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 96)"]; -"features.1.2.block.3.bias" -> "features/1/2/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/1/2/block/3/linear/0" -> "features/1/2/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 384)"]; -"features/1/2/block/4/gelu/0" -> "features/1/2/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 384)"]; -"features.1.2.block.5.weight" -> "features/1/2/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 384)"]; -"features.1.2.block.5.bias" -> "features/1/2/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features/1/2/block/5/linear/0" -> "features/1/2/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; -"features/1/2/block/6/permute/0" -> "features/1/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.1.2.layer_scale" -> "features/1/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 1)"]; -"features/1/2/mul/0" -> "features/1/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/1/2/add_/0" -> "features/2/0/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/2/0/permute/0" -> "features/2/0/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; -"features.2.0.weight" -> "features/2/0/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.2.0.bias" -> "features/2/0/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features/2/0/layer_norm/0" -> "features/2/0/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 96)"]; -"features/2/0/permute/1" -> "features/2/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.2.1.weight" -> "features/2/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 96, 2, 2)"]; -"features.2.1.bias" -> "features/2/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features/2/1/conv2d/0" -> "features/3/0/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/2/1/conv2d/0" -> "features/3/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.3.0.block.0.weight" -> "features/3/0/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 7, 7)"]; -"features.3.0.block.0.bias" -> "features/3/0/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features/3/0/block/0/conv2d/0" -> "features/3/0/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/3/0/block/1/permute/0" -> "features/3/0/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; -"features.3.0.block.2.weight" -> "features/3/0/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.3.0.block.2.bias" -> "features/3/0/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features/3/0/block/2/layer_norm/0" -> "features/3/0/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; -"features.3.0.block.3.weight" -> "features/3/0/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 192)"]; -"features.3.0.block.3.bias" -> "features/3/0/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features/3/0/block/3/linear/0" -> "features/3/0/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 768)"]; -"features/3/0/block/4/gelu/0" -> "features/3/0/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 768)"]; -"features.3.0.block.5.weight" -> "features/3/0/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768)"]; -"features.3.0.block.5.bias" -> "features/3/0/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features/3/0/block/5/linear/0" -> "features/3/0/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; -"features/3/0/block/6/permute/0" -> "features/3/0/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.3.0.layer_scale" -> "features/3/0/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 1, 1)"]; -"features/3/0/mul/0" -> "features/3/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/3/0/add_/0" -> "features/3/1/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/3/0/add_/0" -> "features/3/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.3.1.block.0.weight" -> "features/3/1/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 7, 7)"]; -"features.3.1.block.0.bias" -> "features/3/1/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features/3/1/block/0/conv2d/0" -> "features/3/1/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/3/1/block/1/permute/0" -> "features/3/1/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; -"features.3.1.block.2.weight" -> "features/3/1/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.3.1.block.2.bias" -> "features/3/1/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features/3/1/block/2/layer_norm/0" -> "features/3/1/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; -"features.3.1.block.3.weight" -> "features/3/1/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 192)"]; -"features.3.1.block.3.bias" -> "features/3/1/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features/3/1/block/3/linear/0" -> "features/3/1/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 768)"]; -"features/3/1/block/4/gelu/0" -> "features/3/1/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 768)"]; -"features.3.1.block.5.weight" -> "features/3/1/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768)"]; -"features.3.1.block.5.bias" -> "features/3/1/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features/3/1/block/5/linear/0" -> "features/3/1/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; -"features/3/1/block/6/permute/0" -> "features/3/1/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.3.1.layer_scale" -> "features/3/1/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 1, 1)"]; -"features/3/1/mul/0" -> "features/3/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/3/1/add_/0" -> "features/3/2/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/3/1/add_/0" -> "features/3/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.3.2.block.0.weight" -> "features/3/2/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 7, 7)"]; -"features.3.2.block.0.bias" -> "features/3/2/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features/3/2/block/0/conv2d/0" -> "features/3/2/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/3/2/block/1/permute/0" -> "features/3/2/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; -"features.3.2.block.2.weight" -> "features/3/2/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.3.2.block.2.bias" -> "features/3/2/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features/3/2/block/2/layer_norm/0" -> "features/3/2/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; -"features.3.2.block.3.weight" -> "features/3/2/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 192)"]; -"features.3.2.block.3.bias" -> "features/3/2/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features/3/2/block/3/linear/0" -> "features/3/2/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 768)"]; -"features/3/2/block/4/gelu/0" -> "features/3/2/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 768)"]; -"features.3.2.block.5.weight" -> "features/3/2/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768)"]; -"features.3.2.block.5.bias" -> "features/3/2/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features/3/2/block/5/linear/0" -> "features/3/2/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; -"features/3/2/block/6/permute/0" -> "features/3/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.3.2.layer_scale" -> "features/3/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 1, 1)"]; -"features/3/2/mul/0" -> "features/3/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/3/2/add_/0" -> "features/4/0/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/4/0/permute/0" -> "features/4/0/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; -"features.4.0.weight" -> "features/4/0/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.4.0.bias" -> "features/4/0/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features/4/0/layer_norm/0" -> "features/4/0/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 192)"]; -"features/4/0/permute/1" -> "features/4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.4.1.weight" -> "features/4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 192, 2, 2)"]; -"features.4.1.bias" -> "features/4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/4/1/conv2d/0" -> "features/5/0/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/4/1/conv2d/0" -> "features/5/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.0.block.0.weight" -> "features/5/0/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.0.block.0.bias" -> "features/5/0/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/0/block/0/conv2d/0" -> "features/5/0/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/0/block/1/permute/0" -> "features/5/0/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.0.block.2.weight" -> "features/5/0/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.0.block.2.bias" -> "features/5/0/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/0/block/2/layer_norm/0" -> "features/5/0/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.0.block.3.weight" -> "features/5/0/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.0.block.3.bias" -> "features/5/0/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/0/block/3/linear/0" -> "features/5/0/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/0/block/4/gelu/0" -> "features/5/0/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.0.block.5.weight" -> "features/5/0/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.0.block.5.bias" -> "features/5/0/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/0/block/5/linear/0" -> "features/5/0/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/0/block/6/permute/0" -> "features/5/0/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.0.layer_scale" -> "features/5/0/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/0/mul/0" -> "features/5/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/0/add_/0" -> "features/5/1/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/0/add_/0" -> "features/5/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.1.block.0.weight" -> "features/5/1/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.1.block.0.bias" -> "features/5/1/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/1/block/0/conv2d/0" -> "features/5/1/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/1/block/1/permute/0" -> "features/5/1/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.1.block.2.weight" -> "features/5/1/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.1.block.2.bias" -> "features/5/1/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/1/block/2/layer_norm/0" -> "features/5/1/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.1.block.3.weight" -> "features/5/1/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.1.block.3.bias" -> "features/5/1/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/1/block/3/linear/0" -> "features/5/1/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/1/block/4/gelu/0" -> "features/5/1/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.1.block.5.weight" -> "features/5/1/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.1.block.5.bias" -> "features/5/1/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/1/block/5/linear/0" -> "features/5/1/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/1/block/6/permute/0" -> "features/5/1/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.1.layer_scale" -> "features/5/1/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/1/mul/0" -> "features/5/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/1/add_/0" -> "features/5/2/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/1/add_/0" -> "features/5/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.2.block.0.weight" -> "features/5/2/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.2.block.0.bias" -> "features/5/2/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/2/block/0/conv2d/0" -> "features/5/2/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/2/block/1/permute/0" -> "features/5/2/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.2.block.2.weight" -> "features/5/2/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.2.block.2.bias" -> "features/5/2/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/2/block/2/layer_norm/0" -> "features/5/2/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.2.block.3.weight" -> "features/5/2/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.2.block.3.bias" -> "features/5/2/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/2/block/3/linear/0" -> "features/5/2/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/2/block/4/gelu/0" -> "features/5/2/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.2.block.5.weight" -> "features/5/2/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.2.block.5.bias" -> "features/5/2/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/2/block/5/linear/0" -> "features/5/2/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/2/block/6/permute/0" -> "features/5/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.2.layer_scale" -> "features/5/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/2/mul/0" -> "features/5/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/2/add_/0" -> "features/5/3/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/2/add_/0" -> "features/5/3/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.3.block.0.weight" -> "features/5/3/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.3.block.0.bias" -> "features/5/3/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/3/block/0/conv2d/0" -> "features/5/3/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/3/block/1/permute/0" -> "features/5/3/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.3.block.2.weight" -> "features/5/3/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.3.block.2.bias" -> "features/5/3/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/3/block/2/layer_norm/0" -> "features/5/3/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.3.block.3.weight" -> "features/5/3/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.3.block.3.bias" -> "features/5/3/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/3/block/3/linear/0" -> "features/5/3/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/3/block/4/gelu/0" -> "features/5/3/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.3.block.5.weight" -> "features/5/3/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.3.block.5.bias" -> "features/5/3/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/3/block/5/linear/0" -> "features/5/3/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/3/block/6/permute/0" -> "features/5/3/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.3.layer_scale" -> "features/5/3/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/3/mul/0" -> "features/5/3/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/3/add_/0" -> "features/5/4/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/3/add_/0" -> "features/5/4/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.4.block.0.weight" -> "features/5/4/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.4.block.0.bias" -> "features/5/4/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/4/block/0/conv2d/0" -> "features/5/4/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/4/block/1/permute/0" -> "features/5/4/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.4.block.2.weight" -> "features/5/4/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.4.block.2.bias" -> "features/5/4/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/4/block/2/layer_norm/0" -> "features/5/4/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.4.block.3.weight" -> "features/5/4/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.4.block.3.bias" -> "features/5/4/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/4/block/3/linear/0" -> "features/5/4/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/4/block/4/gelu/0" -> "features/5/4/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.4.block.5.weight" -> "features/5/4/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.4.block.5.bias" -> "features/5/4/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/4/block/5/linear/0" -> "features/5/4/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/4/block/6/permute/0" -> "features/5/4/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.4.layer_scale" -> "features/5/4/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/4/mul/0" -> "features/5/4/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/4/add_/0" -> "features/5/5/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/4/add_/0" -> "features/5/5/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.5.block.0.weight" -> "features/5/5/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.5.block.0.bias" -> "features/5/5/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/5/block/0/conv2d/0" -> "features/5/5/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/5/block/1/permute/0" -> "features/5/5/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.5.block.2.weight" -> "features/5/5/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.5.block.2.bias" -> "features/5/5/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/5/block/2/layer_norm/0" -> "features/5/5/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.5.block.3.weight" -> "features/5/5/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.5.block.3.bias" -> "features/5/5/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/5/block/3/linear/0" -> "features/5/5/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/5/block/4/gelu/0" -> "features/5/5/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.5.block.5.weight" -> "features/5/5/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.5.block.5.bias" -> "features/5/5/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/5/block/5/linear/0" -> "features/5/5/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/5/block/6/permute/0" -> "features/5/5/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.5.layer_scale" -> "features/5/5/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/5/mul/0" -> "features/5/5/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/5/add_/0" -> "features/5/6/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/5/add_/0" -> "features/5/6/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.6.block.0.weight" -> "features/5/6/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.6.block.0.bias" -> "features/5/6/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/6/block/0/conv2d/0" -> "features/5/6/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/6/block/1/permute/0" -> "features/5/6/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.6.block.2.weight" -> "features/5/6/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.6.block.2.bias" -> "features/5/6/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/6/block/2/layer_norm/0" -> "features/5/6/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.6.block.3.weight" -> "features/5/6/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.6.block.3.bias" -> "features/5/6/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/6/block/3/linear/0" -> "features/5/6/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/6/block/4/gelu/0" -> "features/5/6/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.6.block.5.weight" -> "features/5/6/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.6.block.5.bias" -> "features/5/6/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/6/block/5/linear/0" -> "features/5/6/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/6/block/6/permute/0" -> "features/5/6/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.6.layer_scale" -> "features/5/6/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/6/mul/0" -> "features/5/6/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/6/add_/0" -> "features/5/7/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/6/add_/0" -> "features/5/7/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.7.block.0.weight" -> "features/5/7/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.7.block.0.bias" -> "features/5/7/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/7/block/0/conv2d/0" -> "features/5/7/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/7/block/1/permute/0" -> "features/5/7/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.7.block.2.weight" -> "features/5/7/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.7.block.2.bias" -> "features/5/7/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/7/block/2/layer_norm/0" -> "features/5/7/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.7.block.3.weight" -> "features/5/7/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.7.block.3.bias" -> "features/5/7/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/7/block/3/linear/0" -> "features/5/7/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/7/block/4/gelu/0" -> "features/5/7/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.7.block.5.weight" -> "features/5/7/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.7.block.5.bias" -> "features/5/7/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/7/block/5/linear/0" -> "features/5/7/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/7/block/6/permute/0" -> "features/5/7/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.7.layer_scale" -> "features/5/7/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/7/mul/0" -> "features/5/7/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/7/add_/0" -> "features/5/8/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/7/add_/0" -> "features/5/8/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.8.block.0.weight" -> "features/5/8/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.8.block.0.bias" -> "features/5/8/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/8/block/0/conv2d/0" -> "features/5/8/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/8/block/1/permute/0" -> "features/5/8/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.8.block.2.weight" -> "features/5/8/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.8.block.2.bias" -> "features/5/8/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/8/block/2/layer_norm/0" -> "features/5/8/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.8.block.3.weight" -> "features/5/8/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.8.block.3.bias" -> "features/5/8/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/8/block/3/linear/0" -> "features/5/8/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/8/block/4/gelu/0" -> "features/5/8/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.8.block.5.weight" -> "features/5/8/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.8.block.5.bias" -> "features/5/8/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/8/block/5/linear/0" -> "features/5/8/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/8/block/6/permute/0" -> "features/5/8/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.8.layer_scale" -> "features/5/8/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/8/mul/0" -> "features/5/8/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/8/add_/0" -> "features/5/9/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/8/add_/0" -> "features/5/9/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.9.block.0.weight" -> "features/5/9/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.9.block.0.bias" -> "features/5/9/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/9/block/0/conv2d/0" -> "features/5/9/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/9/block/1/permute/0" -> "features/5/9/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.9.block.2.weight" -> "features/5/9/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.9.block.2.bias" -> "features/5/9/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/9/block/2/layer_norm/0" -> "features/5/9/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.9.block.3.weight" -> "features/5/9/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.9.block.3.bias" -> "features/5/9/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/9/block/3/linear/0" -> "features/5/9/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/9/block/4/gelu/0" -> "features/5/9/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.9.block.5.weight" -> "features/5/9/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.9.block.5.bias" -> "features/5/9/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/9/block/5/linear/0" -> "features/5/9/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/9/block/6/permute/0" -> "features/5/9/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.9.layer_scale" -> "features/5/9/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/9/mul/0" -> "features/5/9/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/9/add_/0" -> "features/5/10/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/9/add_/0" -> "features/5/10/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.10.block.0.weight" -> "features/5/10/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.10.block.0.bias" -> "features/5/10/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/10/block/0/conv2d/0" -> "features/5/10/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/10/block/1/permute/0" -> "features/5/10/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.10.block.2.weight" -> "features/5/10/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.10.block.2.bias" -> "features/5/10/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/10/block/2/layer_norm/0" -> "features/5/10/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.10.block.3.weight" -> "features/5/10/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.10.block.3.bias" -> "features/5/10/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/10/block/3/linear/0" -> "features/5/10/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/10/block/4/gelu/0" -> "features/5/10/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.10.block.5.weight" -> "features/5/10/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.10.block.5.bias" -> "features/5/10/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/10/block/5/linear/0" -> "features/5/10/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/10/block/6/permute/0" -> "features/5/10/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.10.layer_scale" -> "features/5/10/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/10/mul/0" -> "features/5/10/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/10/add_/0" -> "features/5/11/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/10/add_/0" -> "features/5/11/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.11.block.0.weight" -> "features/5/11/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.11.block.0.bias" -> "features/5/11/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/11/block/0/conv2d/0" -> "features/5/11/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/11/block/1/permute/0" -> "features/5/11/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.11.block.2.weight" -> "features/5/11/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.11.block.2.bias" -> "features/5/11/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/11/block/2/layer_norm/0" -> "features/5/11/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.11.block.3.weight" -> "features/5/11/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.11.block.3.bias" -> "features/5/11/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/11/block/3/linear/0" -> "features/5/11/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/11/block/4/gelu/0" -> "features/5/11/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.11.block.5.weight" -> "features/5/11/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.11.block.5.bias" -> "features/5/11/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/11/block/5/linear/0" -> "features/5/11/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/11/block/6/permute/0" -> "features/5/11/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.11.layer_scale" -> "features/5/11/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/11/mul/0" -> "features/5/11/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/11/add_/0" -> "features/5/12/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/11/add_/0" -> "features/5/12/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.12.block.0.weight" -> "features/5/12/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.12.block.0.bias" -> "features/5/12/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/12/block/0/conv2d/0" -> "features/5/12/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/12/block/1/permute/0" -> "features/5/12/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.12.block.2.weight" -> "features/5/12/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.12.block.2.bias" -> "features/5/12/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/12/block/2/layer_norm/0" -> "features/5/12/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.12.block.3.weight" -> "features/5/12/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.12.block.3.bias" -> "features/5/12/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/12/block/3/linear/0" -> "features/5/12/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/12/block/4/gelu/0" -> "features/5/12/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.12.block.5.weight" -> "features/5/12/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.12.block.5.bias" -> "features/5/12/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/12/block/5/linear/0" -> "features/5/12/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/12/block/6/permute/0" -> "features/5/12/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.12.layer_scale" -> "features/5/12/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/12/mul/0" -> "features/5/12/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/12/add_/0" -> "features/5/13/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/12/add_/0" -> "features/5/13/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.13.block.0.weight" -> "features/5/13/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.13.block.0.bias" -> "features/5/13/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/13/block/0/conv2d/0" -> "features/5/13/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/13/block/1/permute/0" -> "features/5/13/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.13.block.2.weight" -> "features/5/13/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.13.block.2.bias" -> "features/5/13/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/13/block/2/layer_norm/0" -> "features/5/13/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.13.block.3.weight" -> "features/5/13/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.13.block.3.bias" -> "features/5/13/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/13/block/3/linear/0" -> "features/5/13/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/13/block/4/gelu/0" -> "features/5/13/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.13.block.5.weight" -> "features/5/13/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.13.block.5.bias" -> "features/5/13/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/13/block/5/linear/0" -> "features/5/13/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/13/block/6/permute/0" -> "features/5/13/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.13.layer_scale" -> "features/5/13/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/13/mul/0" -> "features/5/13/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/13/add_/0" -> "features/5/14/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/13/add_/0" -> "features/5/14/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.14.block.0.weight" -> "features/5/14/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.14.block.0.bias" -> "features/5/14/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/14/block/0/conv2d/0" -> "features/5/14/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/14/block/1/permute/0" -> "features/5/14/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.14.block.2.weight" -> "features/5/14/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.14.block.2.bias" -> "features/5/14/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/14/block/2/layer_norm/0" -> "features/5/14/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.14.block.3.weight" -> "features/5/14/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.14.block.3.bias" -> "features/5/14/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/14/block/3/linear/0" -> "features/5/14/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/14/block/4/gelu/0" -> "features/5/14/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.14.block.5.weight" -> "features/5/14/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.14.block.5.bias" -> "features/5/14/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/14/block/5/linear/0" -> "features/5/14/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/14/block/6/permute/0" -> "features/5/14/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.14.layer_scale" -> "features/5/14/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/14/mul/0" -> "features/5/14/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/14/add_/0" -> "features/5/15/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/14/add_/0" -> "features/5/15/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.15.block.0.weight" -> "features/5/15/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.15.block.0.bias" -> "features/5/15/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/15/block/0/conv2d/0" -> "features/5/15/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/15/block/1/permute/0" -> "features/5/15/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.15.block.2.weight" -> "features/5/15/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.15.block.2.bias" -> "features/5/15/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/15/block/2/layer_norm/0" -> "features/5/15/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.15.block.3.weight" -> "features/5/15/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.15.block.3.bias" -> "features/5/15/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/15/block/3/linear/0" -> "features/5/15/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/15/block/4/gelu/0" -> "features/5/15/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.15.block.5.weight" -> "features/5/15/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.15.block.5.bias" -> "features/5/15/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/15/block/5/linear/0" -> "features/5/15/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/15/block/6/permute/0" -> "features/5/15/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.15.layer_scale" -> "features/5/15/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/15/mul/0" -> "features/5/15/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/15/add_/0" -> "features/5/16/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/15/add_/0" -> "features/5/16/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.16.block.0.weight" -> "features/5/16/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.16.block.0.bias" -> "features/5/16/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/16/block/0/conv2d/0" -> "features/5/16/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/16/block/1/permute/0" -> "features/5/16/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.16.block.2.weight" -> "features/5/16/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.16.block.2.bias" -> "features/5/16/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/16/block/2/layer_norm/0" -> "features/5/16/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.16.block.3.weight" -> "features/5/16/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.16.block.3.bias" -> "features/5/16/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/16/block/3/linear/0" -> "features/5/16/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/16/block/4/gelu/0" -> "features/5/16/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.16.block.5.weight" -> "features/5/16/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.16.block.5.bias" -> "features/5/16/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/16/block/5/linear/0" -> "features/5/16/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/16/block/6/permute/0" -> "features/5/16/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.16.layer_scale" -> "features/5/16/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/16/mul/0" -> "features/5/16/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/16/add_/0" -> "features/5/17/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/16/add_/0" -> "features/5/17/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.17.block.0.weight" -> "features/5/17/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.17.block.0.bias" -> "features/5/17/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/17/block/0/conv2d/0" -> "features/5/17/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/17/block/1/permute/0" -> "features/5/17/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.17.block.2.weight" -> "features/5/17/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.17.block.2.bias" -> "features/5/17/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/17/block/2/layer_norm/0" -> "features/5/17/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.17.block.3.weight" -> "features/5/17/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.17.block.3.bias" -> "features/5/17/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/17/block/3/linear/0" -> "features/5/17/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/17/block/4/gelu/0" -> "features/5/17/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.17.block.5.weight" -> "features/5/17/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.17.block.5.bias" -> "features/5/17/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/17/block/5/linear/0" -> "features/5/17/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/17/block/6/permute/0" -> "features/5/17/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.17.layer_scale" -> "features/5/17/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/17/mul/0" -> "features/5/17/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/17/add_/0" -> "features/5/18/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/17/add_/0" -> "features/5/18/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.18.block.0.weight" -> "features/5/18/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.18.block.0.bias" -> "features/5/18/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/18/block/0/conv2d/0" -> "features/5/18/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/18/block/1/permute/0" -> "features/5/18/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.18.block.2.weight" -> "features/5/18/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.18.block.2.bias" -> "features/5/18/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/18/block/2/layer_norm/0" -> "features/5/18/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.18.block.3.weight" -> "features/5/18/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.18.block.3.bias" -> "features/5/18/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/18/block/3/linear/0" -> "features/5/18/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/18/block/4/gelu/0" -> "features/5/18/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.18.block.5.weight" -> "features/5/18/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.18.block.5.bias" -> "features/5/18/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/18/block/5/linear/0" -> "features/5/18/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/18/block/6/permute/0" -> "features/5/18/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.18.layer_scale" -> "features/5/18/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/18/mul/0" -> "features/5/18/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/18/add_/0" -> "features/5/19/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/18/add_/0" -> "features/5/19/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.19.block.0.weight" -> "features/5/19/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.19.block.0.bias" -> "features/5/19/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/19/block/0/conv2d/0" -> "features/5/19/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/19/block/1/permute/0" -> "features/5/19/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.19.block.2.weight" -> "features/5/19/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.19.block.2.bias" -> "features/5/19/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/19/block/2/layer_norm/0" -> "features/5/19/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.19.block.3.weight" -> "features/5/19/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.19.block.3.bias" -> "features/5/19/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/19/block/3/linear/0" -> "features/5/19/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/19/block/4/gelu/0" -> "features/5/19/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.19.block.5.weight" -> "features/5/19/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.19.block.5.bias" -> "features/5/19/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/19/block/5/linear/0" -> "features/5/19/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/19/block/6/permute/0" -> "features/5/19/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.19.layer_scale" -> "features/5/19/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/19/mul/0" -> "features/5/19/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/19/add_/0" -> "features/5/20/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/19/add_/0" -> "features/5/20/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.20.block.0.weight" -> "features/5/20/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.20.block.0.bias" -> "features/5/20/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/20/block/0/conv2d/0" -> "features/5/20/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/20/block/1/permute/0" -> "features/5/20/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.20.block.2.weight" -> "features/5/20/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.20.block.2.bias" -> "features/5/20/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/20/block/2/layer_norm/0" -> "features/5/20/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.20.block.3.weight" -> "features/5/20/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.20.block.3.bias" -> "features/5/20/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/20/block/3/linear/0" -> "features/5/20/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/20/block/4/gelu/0" -> "features/5/20/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.20.block.5.weight" -> "features/5/20/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.20.block.5.bias" -> "features/5/20/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/20/block/5/linear/0" -> "features/5/20/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/20/block/6/permute/0" -> "features/5/20/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.20.layer_scale" -> "features/5/20/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/20/mul/0" -> "features/5/20/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/20/add_/0" -> "features/5/21/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/20/add_/0" -> "features/5/21/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.21.block.0.weight" -> "features/5/21/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.21.block.0.bias" -> "features/5/21/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/21/block/0/conv2d/0" -> "features/5/21/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/21/block/1/permute/0" -> "features/5/21/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.21.block.2.weight" -> "features/5/21/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.21.block.2.bias" -> "features/5/21/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/21/block/2/layer_norm/0" -> "features/5/21/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.21.block.3.weight" -> "features/5/21/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.21.block.3.bias" -> "features/5/21/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/21/block/3/linear/0" -> "features/5/21/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/21/block/4/gelu/0" -> "features/5/21/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.21.block.5.weight" -> "features/5/21/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.21.block.5.bias" -> "features/5/21/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/21/block/5/linear/0" -> "features/5/21/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/21/block/6/permute/0" -> "features/5/21/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.21.layer_scale" -> "features/5/21/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/21/mul/0" -> "features/5/21/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/21/add_/0" -> "features/5/22/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/21/add_/0" -> "features/5/22/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.22.block.0.weight" -> "features/5/22/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.22.block.0.bias" -> "features/5/22/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/22/block/0/conv2d/0" -> "features/5/22/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/22/block/1/permute/0" -> "features/5/22/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.22.block.2.weight" -> "features/5/22/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.22.block.2.bias" -> "features/5/22/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/22/block/2/layer_norm/0" -> "features/5/22/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.22.block.3.weight" -> "features/5/22/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.22.block.3.bias" -> "features/5/22/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/22/block/3/linear/0" -> "features/5/22/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/22/block/4/gelu/0" -> "features/5/22/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.22.block.5.weight" -> "features/5/22/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.22.block.5.bias" -> "features/5/22/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/22/block/5/linear/0" -> "features/5/22/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/22/block/6/permute/0" -> "features/5/22/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.22.layer_scale" -> "features/5/22/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/22/mul/0" -> "features/5/22/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/22/add_/0" -> "features/5/23/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/22/add_/0" -> "features/5/23/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.23.block.0.weight" -> "features/5/23/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.23.block.0.bias" -> "features/5/23/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/23/block/0/conv2d/0" -> "features/5/23/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/23/block/1/permute/0" -> "features/5/23/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.23.block.2.weight" -> "features/5/23/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.23.block.2.bias" -> "features/5/23/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/23/block/2/layer_norm/0" -> "features/5/23/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.23.block.3.weight" -> "features/5/23/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.23.block.3.bias" -> "features/5/23/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/23/block/3/linear/0" -> "features/5/23/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/23/block/4/gelu/0" -> "features/5/23/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.23.block.5.weight" -> "features/5/23/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.23.block.5.bias" -> "features/5/23/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/23/block/5/linear/0" -> "features/5/23/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/23/block/6/permute/0" -> "features/5/23/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.23.layer_scale" -> "features/5/23/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/23/mul/0" -> "features/5/23/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/23/add_/0" -> "features/5/24/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/23/add_/0" -> "features/5/24/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.24.block.0.weight" -> "features/5/24/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.24.block.0.bias" -> "features/5/24/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/24/block/0/conv2d/0" -> "features/5/24/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/24/block/1/permute/0" -> "features/5/24/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.24.block.2.weight" -> "features/5/24/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.24.block.2.bias" -> "features/5/24/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/24/block/2/layer_norm/0" -> "features/5/24/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.24.block.3.weight" -> "features/5/24/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.24.block.3.bias" -> "features/5/24/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/24/block/3/linear/0" -> "features/5/24/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/24/block/4/gelu/0" -> "features/5/24/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.24.block.5.weight" -> "features/5/24/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.24.block.5.bias" -> "features/5/24/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/24/block/5/linear/0" -> "features/5/24/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/24/block/6/permute/0" -> "features/5/24/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.24.layer_scale" -> "features/5/24/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/24/mul/0" -> "features/5/24/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/24/add_/0" -> "features/5/25/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/24/add_/0" -> "features/5/25/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.25.block.0.weight" -> "features/5/25/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.25.block.0.bias" -> "features/5/25/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/25/block/0/conv2d/0" -> "features/5/25/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/25/block/1/permute/0" -> "features/5/25/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.25.block.2.weight" -> "features/5/25/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.25.block.2.bias" -> "features/5/25/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/25/block/2/layer_norm/0" -> "features/5/25/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.25.block.3.weight" -> "features/5/25/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.25.block.3.bias" -> "features/5/25/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/25/block/3/linear/0" -> "features/5/25/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/25/block/4/gelu/0" -> "features/5/25/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.25.block.5.weight" -> "features/5/25/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.25.block.5.bias" -> "features/5/25/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/25/block/5/linear/0" -> "features/5/25/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/25/block/6/permute/0" -> "features/5/25/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.25.layer_scale" -> "features/5/25/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/25/mul/0" -> "features/5/25/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/25/add_/0" -> "features/5/26/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/25/add_/0" -> "features/5/26/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.26.block.0.weight" -> "features/5/26/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 7, 7)"]; -"features.5.26.block.0.bias" -> "features/5/26/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/26/block/0/conv2d/0" -> "features/5/26/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/26/block/1/permute/0" -> "features/5/26/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.26.block.2.weight" -> "features/5/26/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.5.26.block.2.bias" -> "features/5/26/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/5/26/block/2/layer_norm/0" -> "features/5/26/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.5.26.block.3.weight" -> "features/5/26/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 384)"]; -"features.5.26.block.3.bias" -> "features/5/26/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/26/block/3/linear/0" -> "features/5/26/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features/5/26/block/4/gelu/0" -> "features/5/26/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1536)"]; -"features.5.26.block.5.weight" -> "features/5/26/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1536)"]; -"features.5.26.block.5.bias" -> "features/5/26/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/5/26/block/5/linear/0" -> "features/5/26/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/5/26/block/6/permute/0" -> "features/5/26/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.5.26.layer_scale" -> "features/5/26/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 1)"]; -"features/5/26/mul/0" -> "features/5/26/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/5/26/add_/0" -> "features/6/0/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/6/0/permute/0" -> "features/6/0/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features.6.0.weight" -> "features/6/0/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.6.0.bias" -> "features/6/0/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features/6/0/layer_norm/0" -> "features/6/0/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 384)"]; -"features/6/0/permute/1" -> "features/6/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.6.1.weight" -> "features/6/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 384, 2, 2)"]; -"features.6.1.bias" -> "features/6/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features/6/1/conv2d/0" -> "features/7/0/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features/6/1/conv2d/0" -> "features/7/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features.7.0.block.0.weight" -> "features/7/0/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 1, 7, 7)"]; -"features.7.0.block.0.bias" -> "features/7/0/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features/7/0/block/0/conv2d/0" -> "features/7/0/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features/7/0/block/1/permute/0" -> "features/7/0/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; -"features.7.0.block.2.weight" -> "features/7/0/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features.7.0.block.2.bias" -> "features/7/0/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; -"features/7/0/block/2/layer_norm/0" -> "features/7/0/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; -"features.7.0.block.3.weight" -> "features/7/0/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(3072, 768)"]; -"features.7.0.block.3.bias" -> "features/7/0/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(3072,)"]; -"features/7/0/block/3/linear/0" -> "features/7/0/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 3072)"]; -"features/7/0/block/4/gelu/0" -> "features/7/0/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 3072)"]; -"features.7.0.block.5.weight" -> "features/7/0/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 3072)"]; -"features.7.0.block.5.bias" -> "features/7/0/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features/7/0/block/5/linear/0" -> "features/7/0/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; -"features/7/0/block/6/permute/0" -> "features/7/0/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features.7.0.layer_scale" -> "features/7/0/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(768, 1, 1)"]; -"features/7/0/mul/0" -> "features/7/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features/7/0/add_/0" -> "features/7/1/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features/7/0/add_/0" -> "features/7/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features.7.1.block.0.weight" -> "features/7/1/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 1, 7, 7)"]; -"features.7.1.block.0.bias" -> "features/7/1/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features/7/1/block/0/conv2d/0" -> "features/7/1/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features/7/1/block/1/permute/0" -> "features/7/1/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; -"features.7.1.block.2.weight" -> "features/7/1/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features.7.1.block.2.bias" -> "features/7/1/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; -"features/7/1/block/2/layer_norm/0" -> "features/7/1/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; -"features.7.1.block.3.weight" -> "features/7/1/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(3072, 768)"]; -"features.7.1.block.3.bias" -> "features/7/1/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(3072,)"]; -"features/7/1/block/3/linear/0" -> "features/7/1/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 3072)"]; -"features/7/1/block/4/gelu/0" -> "features/7/1/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 3072)"]; -"features.7.1.block.5.weight" -> "features/7/1/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 3072)"]; -"features.7.1.block.5.bias" -> "features/7/1/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features/7/1/block/5/linear/0" -> "features/7/1/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; -"features/7/1/block/6/permute/0" -> "features/7/1/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features.7.1.layer_scale" -> "features/7/1/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(768, 1, 1)"]; -"features/7/1/mul/0" -> "features/7/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features/7/1/add_/0" -> "features/7/2/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features/7/1/add_/0" -> "features/7/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features.7.2.block.0.weight" -> "features/7/2/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 1, 7, 7)"]; -"features.7.2.block.0.bias" -> "features/7/2/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features/7/2/block/0/conv2d/0" -> "features/7/2/block/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features/7/2/block/1/permute/0" -> "features/7/2/block/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; -"features.7.2.block.2.weight" -> "features/7/2/block/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features.7.2.block.2.bias" -> "features/7/2/block/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; -"features/7/2/block/2/layer_norm/0" -> "features/7/2/block/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; -"features.7.2.block.3.weight" -> "features/7/2/block/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(3072, 768)"]; -"features.7.2.block.3.bias" -> "features/7/2/block/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(3072,)"]; -"features/7/2/block/3/linear/0" -> "features/7/2/block/4/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 3072)"]; -"features/7/2/block/4/gelu/0" -> "features/7/2/block/5/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 3072)"]; -"features.7.2.block.5.weight" -> "features/7/2/block/5/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 3072)"]; -"features.7.2.block.5.bias" -> "features/7/2/block/5/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features/7/2/block/5/linear/0" -> "features/7/2/block/6/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 768)"]; -"features/7/2/block/6/permute/0" -> "features/7/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features.7.2.layer_scale" -> "features/7/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(768, 1, 1)"]; -"features/7/2/mul/0" -> "features/7/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features/7/2/add_/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; -"avgpool/adaptive_avg_pool2d/0" -> "classifier/0/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 1, 1)"]; -"classifier/0/permute/0" -> "classifier/0/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 768)"]; -"classifier.0.weight" -> "classifier/0/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"classifier.0.bias" -> "classifier/0/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; -"classifier/0/layer_norm/0" -> "classifier/0/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 768)"]; -"classifier/0/permute/1" -> "classifier/1/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 1, 1)"]; -"classifier/1/flatten/0" -> "classifier/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768)"]; -"classifier.2.weight" -> "classifier/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 768)"]; -"classifier.2.bias" -> "classifier/2/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"classifier/2/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"features.0.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.0.bias" [id=2, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/0/conv2d/0" [id=3, type=conv2d, metatype=PTConv2dMetatype]; +"features/0/1/permute/0" [id=4, type=permute, metatype=PTTransposeMetatype]; +"features.0.1.weight" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.bias" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/1/layer_norm/0" [id=7, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/0/1/permute/1" [id=8, type=permute, metatype=PTTransposeMetatype]; +"features.1.0.block.0.weight" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.block.0.bias" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/block/0/conv2d/0" [id=11, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/1/0/block/1/permute/0" [id=12, type=permute, metatype=UnknownMetatype]; +"features.1.0.block.2.weight" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.block.2.bias" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/block/2/layer_norm/0" [id=15, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.1.0.block.3.weight" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.block.3.bias" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/block/3/linear/0" [id=18, type=linear, metatype=PTLinearMetatype]; +"features/1/0/block/4/gelu/0" [id=19, type=gelu, metatype=PTGELUMetatype]; +"features.1.0.block.5.weight" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.block.5.bias" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/block/5/linear/0" [id=22, type=linear, metatype=PTLinearMetatype]; +"features/1/0/block/6/permute/0" [id=23, type=permute, metatype=UnknownMetatype]; +"features.1.0.layer_scale" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/mul/0" [id=25, type=mul, metatype=PTMulMetatype]; +"features/1/0/add_/0" [id=26, type="add_", metatype=PTAddMetatype]; +"features.1.1.block.0.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.1.block.0.bias" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/block/0/conv2d/0" [id=29, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/1/1/block/1/permute/0" [id=30, type=permute, metatype=UnknownMetatype]; +"features.1.1.block.2.weight" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.1.block.2.bias" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/block/2/layer_norm/0" [id=33, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.1.1.block.3.weight" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.1.block.3.bias" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/block/3/linear/0" [id=36, type=linear, metatype=PTLinearMetatype]; +"features/1/1/block/4/gelu/0" [id=37, type=gelu, metatype=PTGELUMetatype]; +"features.1.1.block.5.weight" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.1.block.5.bias" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/block/5/linear/0" [id=40, type=linear, metatype=PTLinearMetatype]; +"features/1/1/block/6/permute/0" [id=41, type=permute, metatype=UnknownMetatype]; +"features.1.1.layer_scale" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/mul/0" [id=43, type=mul, metatype=PTMulMetatype]; +"features/1/1/add_/0" [id=44, type="add_", metatype=PTAddMetatype]; +"features.1.2.block.0.weight" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.2.block.0.bias" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/2/block/0/conv2d/0" [id=47, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/1/2/block/1/permute/0" [id=48, type=permute, metatype=UnknownMetatype]; +"features.1.2.block.2.weight" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.2.block.2.bias" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/2/block/2/layer_norm/0" [id=51, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.1.2.block.3.weight" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.2.block.3.bias" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/2/block/3/linear/0" [id=54, type=linear, metatype=PTLinearMetatype]; +"features/1/2/block/4/gelu/0" [id=55, type=gelu, metatype=PTGELUMetatype]; +"features.1.2.block.5.weight" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.2.block.5.bias" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/2/block/5/linear/0" [id=58, type=linear, metatype=PTLinearMetatype]; +"features/1/2/block/6/permute/0" [id=59, type=permute, metatype=UnknownMetatype]; +"features.1.2.layer_scale" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/2/mul/0" [id=61, type=mul, metatype=PTMulMetatype]; +"features/1/2/add_/0" [id=62, type="add_", metatype=PTAddMetatype]; +"features/2/0/permute/0" [id=63, type=permute, metatype=PTTransposeMetatype]; +"features.2.0.weight" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.0.bias" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/0/layer_norm/0" [id=66, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/2/0/permute/1" [id=67, type=permute, metatype=PTTransposeMetatype]; +"features.2.1.weight" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.1.bias" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/1/conv2d/0" [id=70, type=conv2d, metatype=PTConv2dMetatype]; +"features.3.0.block.0.weight" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.0.bias" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/block/0/conv2d/0" [id=73, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/3/0/block/1/permute/0" [id=74, type=permute, metatype=UnknownMetatype]; +"features.3.0.block.2.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.2.bias" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/block/2/layer_norm/0" [id=77, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.3.0.block.3.weight" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.3.bias" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/block/3/linear/0" [id=80, type=linear, metatype=PTLinearMetatype]; +"features/3/0/block/4/gelu/0" [id=81, type=gelu, metatype=PTGELUMetatype]; +"features.3.0.block.5.weight" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.5.bias" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/block/5/linear/0" [id=84, type=linear, metatype=PTLinearMetatype]; +"features/3/0/block/6/permute/0" [id=85, type=permute, metatype=UnknownMetatype]; +"features.3.0.layer_scale" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/mul/0" [id=87, type=mul, metatype=PTMulMetatype]; +"features/3/0/add_/0" [id=88, type="add_", metatype=PTAddMetatype]; +"features.3.1.block.0.weight" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.0.bias" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/block/0/conv2d/0" [id=91, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/3/1/block/1/permute/0" [id=92, type=permute, metatype=UnknownMetatype]; +"features.3.1.block.2.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.2.bias" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/block/2/layer_norm/0" [id=95, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.3.1.block.3.weight" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.3.bias" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/block/3/linear/0" [id=98, type=linear, metatype=PTLinearMetatype]; +"features/3/1/block/4/gelu/0" [id=99, type=gelu, metatype=PTGELUMetatype]; +"features.3.1.block.5.weight" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.5.bias" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/block/5/linear/0" [id=102, type=linear, metatype=PTLinearMetatype]; +"features/3/1/block/6/permute/0" [id=103, type=permute, metatype=UnknownMetatype]; +"features.3.1.layer_scale" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/mul/0" [id=105, type=mul, metatype=PTMulMetatype]; +"features/3/1/add_/0" [id=106, type="add_", metatype=PTAddMetatype]; +"features.3.2.block.0.weight" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.2.block.0.bias" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/2/block/0/conv2d/0" [id=109, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/3/2/block/1/permute/0" [id=110, type=permute, metatype=UnknownMetatype]; +"features.3.2.block.2.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.2.block.2.bias" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/2/block/2/layer_norm/0" [id=113, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.3.2.block.3.weight" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.2.block.3.bias" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/2/block/3/linear/0" [id=116, type=linear, metatype=PTLinearMetatype]; +"features/3/2/block/4/gelu/0" [id=117, type=gelu, metatype=PTGELUMetatype]; +"features.3.2.block.5.weight" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.2.block.5.bias" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/2/block/5/linear/0" [id=120, type=linear, metatype=PTLinearMetatype]; +"features/3/2/block/6/permute/0" [id=121, type=permute, metatype=UnknownMetatype]; +"features.3.2.layer_scale" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/2/mul/0" [id=123, type=mul, metatype=PTMulMetatype]; +"features/3/2/add_/0" [id=124, type="add_", metatype=PTAddMetatype]; +"features/4/0/permute/0" [id=125, type=permute, metatype=PTTransposeMetatype]; +"features.4.0.weight" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.0.bias" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/0/layer_norm/0" [id=128, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/4/0/permute/1" [id=129, type=permute, metatype=PTTransposeMetatype]; +"features.4.1.weight" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.1.bias" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/1/conv2d/0" [id=132, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.0.block.0.weight" [id=133, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.0.bias" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/block/0/conv2d/0" [id=135, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/0/block/1/permute/0" [id=136, type=permute, metatype=UnknownMetatype]; +"features.5.0.block.2.weight" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.2.bias" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/block/2/layer_norm/0" [id=139, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.0.block.3.weight" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.3.bias" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/block/3/linear/0" [id=142, type=linear, metatype=PTLinearMetatype]; +"features/5/0/block/4/gelu/0" [id=143, type=gelu, metatype=PTGELUMetatype]; +"features.5.0.block.5.weight" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.5.bias" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/block/5/linear/0" [id=146, type=linear, metatype=PTLinearMetatype]; +"features/5/0/block/6/permute/0" [id=147, type=permute, metatype=UnknownMetatype]; +"features.5.0.layer_scale" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/mul/0" [id=149, type=mul, metatype=PTMulMetatype]; +"features/5/0/add_/0" [id=150, type="add_", metatype=PTAddMetatype]; +"features.5.1.block.0.weight" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.0.bias" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/block/0/conv2d/0" [id=153, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/1/block/1/permute/0" [id=154, type=permute, metatype=UnknownMetatype]; +"features.5.1.block.2.weight" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.2.bias" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/block/2/layer_norm/0" [id=157, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.1.block.3.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.3.bias" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/block/3/linear/0" [id=160, type=linear, metatype=PTLinearMetatype]; +"features/5/1/block/4/gelu/0" [id=161, type=gelu, metatype=PTGELUMetatype]; +"features.5.1.block.5.weight" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.5.bias" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/block/5/linear/0" [id=164, type=linear, metatype=PTLinearMetatype]; +"features/5/1/block/6/permute/0" [id=165, type=permute, metatype=UnknownMetatype]; +"features.5.1.layer_scale" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/mul/0" [id=167, type=mul, metatype=PTMulMetatype]; +"features/5/1/add_/0" [id=168, type="add_", metatype=PTAddMetatype]; +"features.5.2.block.0.weight" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.0.bias" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/block/0/conv2d/0" [id=171, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/2/block/1/permute/0" [id=172, type=permute, metatype=UnknownMetatype]; +"features.5.2.block.2.weight" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.2.bias" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/block/2/layer_norm/0" [id=175, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.2.block.3.weight" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.3.bias" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/block/3/linear/0" [id=178, type=linear, metatype=PTLinearMetatype]; +"features/5/2/block/4/gelu/0" [id=179, type=gelu, metatype=PTGELUMetatype]; +"features.5.2.block.5.weight" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.5.bias" [id=181, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/block/5/linear/0" [id=182, type=linear, metatype=PTLinearMetatype]; +"features/5/2/block/6/permute/0" [id=183, type=permute, metatype=UnknownMetatype]; +"features.5.2.layer_scale" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/mul/0" [id=185, type=mul, metatype=PTMulMetatype]; +"features/5/2/add_/0" [id=186, type="add_", metatype=PTAddMetatype]; +"features.5.3.block.0.weight" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.3.block.0.bias" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/block/0/conv2d/0" [id=189, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/3/block/1/permute/0" [id=190, type=permute, metatype=UnknownMetatype]; +"features.5.3.block.2.weight" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.3.block.2.bias" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/block/2/layer_norm/0" [id=193, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.3.block.3.weight" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.3.block.3.bias" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/block/3/linear/0" [id=196, type=linear, metatype=PTLinearMetatype]; +"features/5/3/block/4/gelu/0" [id=197, type=gelu, metatype=PTGELUMetatype]; +"features.5.3.block.5.weight" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.3.block.5.bias" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/block/5/linear/0" [id=200, type=linear, metatype=PTLinearMetatype]; +"features/5/3/block/6/permute/0" [id=201, type=permute, metatype=UnknownMetatype]; +"features.5.3.layer_scale" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/mul/0" [id=203, type=mul, metatype=PTMulMetatype]; +"features/5/3/add_/0" [id=204, type="add_", metatype=PTAddMetatype]; +"features.5.4.block.0.weight" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.4.block.0.bias" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/block/0/conv2d/0" [id=207, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/4/block/1/permute/0" [id=208, type=permute, metatype=UnknownMetatype]; +"features.5.4.block.2.weight" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.4.block.2.bias" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/block/2/layer_norm/0" [id=211, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.4.block.3.weight" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.4.block.3.bias" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/block/3/linear/0" [id=214, type=linear, metatype=PTLinearMetatype]; +"features/5/4/block/4/gelu/0" [id=215, type=gelu, metatype=PTGELUMetatype]; +"features.5.4.block.5.weight" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.4.block.5.bias" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/block/5/linear/0" [id=218, type=linear, metatype=PTLinearMetatype]; +"features/5/4/block/6/permute/0" [id=219, type=permute, metatype=UnknownMetatype]; +"features.5.4.layer_scale" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/mul/0" [id=221, type=mul, metatype=PTMulMetatype]; +"features/5/4/add_/0" [id=222, type="add_", metatype=PTAddMetatype]; +"features.5.5.block.0.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.5.block.0.bias" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/block/0/conv2d/0" [id=225, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/5/block/1/permute/0" [id=226, type=permute, metatype=UnknownMetatype]; +"features.5.5.block.2.weight" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.5.block.2.bias" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/block/2/layer_norm/0" [id=229, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.5.block.3.weight" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.5.block.3.bias" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/block/3/linear/0" [id=232, type=linear, metatype=PTLinearMetatype]; +"features/5/5/block/4/gelu/0" [id=233, type=gelu, metatype=PTGELUMetatype]; +"features.5.5.block.5.weight" [id=234, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.5.block.5.bias" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/block/5/linear/0" [id=236, type=linear, metatype=PTLinearMetatype]; +"features/5/5/block/6/permute/0" [id=237, type=permute, metatype=UnknownMetatype]; +"features.5.5.layer_scale" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/mul/0" [id=239, type=mul, metatype=PTMulMetatype]; +"features/5/5/add_/0" [id=240, type="add_", metatype=PTAddMetatype]; +"features.5.6.block.0.weight" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.6.block.0.bias" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/block/0/conv2d/0" [id=243, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/6/block/1/permute/0" [id=244, type=permute, metatype=UnknownMetatype]; +"features.5.6.block.2.weight" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.6.block.2.bias" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/block/2/layer_norm/0" [id=247, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.6.block.3.weight" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.6.block.3.bias" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/block/3/linear/0" [id=250, type=linear, metatype=PTLinearMetatype]; +"features/5/6/block/4/gelu/0" [id=251, type=gelu, metatype=PTGELUMetatype]; +"features.5.6.block.5.weight" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.6.block.5.bias" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/block/5/linear/0" [id=254, type=linear, metatype=PTLinearMetatype]; +"features/5/6/block/6/permute/0" [id=255, type=permute, metatype=UnknownMetatype]; +"features.5.6.layer_scale" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/mul/0" [id=257, type=mul, metatype=PTMulMetatype]; +"features/5/6/add_/0" [id=258, type="add_", metatype=PTAddMetatype]; +"features.5.7.block.0.weight" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.7.block.0.bias" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/block/0/conv2d/0" [id=261, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/7/block/1/permute/0" [id=262, type=permute, metatype=UnknownMetatype]; +"features.5.7.block.2.weight" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.7.block.2.bias" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/block/2/layer_norm/0" [id=265, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.7.block.3.weight" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.7.block.3.bias" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/block/3/linear/0" [id=268, type=linear, metatype=PTLinearMetatype]; +"features/5/7/block/4/gelu/0" [id=269, type=gelu, metatype=PTGELUMetatype]; +"features.5.7.block.5.weight" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.7.block.5.bias" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/block/5/linear/0" [id=272, type=linear, metatype=PTLinearMetatype]; +"features/5/7/block/6/permute/0" [id=273, type=permute, metatype=UnknownMetatype]; +"features.5.7.layer_scale" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/mul/0" [id=275, type=mul, metatype=PTMulMetatype]; +"features/5/7/add_/0" [id=276, type="add_", metatype=PTAddMetatype]; +"features.5.8.block.0.weight" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.8.block.0.bias" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/block/0/conv2d/0" [id=279, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/8/block/1/permute/0" [id=280, type=permute, metatype=UnknownMetatype]; +"features.5.8.block.2.weight" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.8.block.2.bias" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/block/2/layer_norm/0" [id=283, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.8.block.3.weight" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.8.block.3.bias" [id=285, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/block/3/linear/0" [id=286, type=linear, metatype=PTLinearMetatype]; +"features/5/8/block/4/gelu/0" [id=287, type=gelu, metatype=PTGELUMetatype]; +"features.5.8.block.5.weight" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.8.block.5.bias" [id=289, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/block/5/linear/0" [id=290, type=linear, metatype=PTLinearMetatype]; +"features/5/8/block/6/permute/0" [id=291, type=permute, metatype=UnknownMetatype]; +"features.5.8.layer_scale" [id=292, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/mul/0" [id=293, type=mul, metatype=PTMulMetatype]; +"features/5/8/add_/0" [id=294, type="add_", metatype=PTAddMetatype]; +"features.5.9.block.0.weight" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.9.block.0.bias" [id=296, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/block/0/conv2d/0" [id=297, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/9/block/1/permute/0" [id=298, type=permute, metatype=UnknownMetatype]; +"features.5.9.block.2.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.9.block.2.bias" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/block/2/layer_norm/0" [id=301, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.9.block.3.weight" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.9.block.3.bias" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/block/3/linear/0" [id=304, type=linear, metatype=PTLinearMetatype]; +"features/5/9/block/4/gelu/0" [id=305, type=gelu, metatype=PTGELUMetatype]; +"features.5.9.block.5.weight" [id=306, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.9.block.5.bias" [id=307, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/block/5/linear/0" [id=308, type=linear, metatype=PTLinearMetatype]; +"features/5/9/block/6/permute/0" [id=309, type=permute, metatype=UnknownMetatype]; +"features.5.9.layer_scale" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/mul/0" [id=311, type=mul, metatype=PTMulMetatype]; +"features/5/9/add_/0" [id=312, type="add_", metatype=PTAddMetatype]; +"features.5.10.block.0.weight" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.10.block.0.bias" [id=314, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/block/0/conv2d/0" [id=315, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/10/block/1/permute/0" [id=316, type=permute, metatype=UnknownMetatype]; +"features.5.10.block.2.weight" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.10.block.2.bias" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/block/2/layer_norm/0" [id=319, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.10.block.3.weight" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.10.block.3.bias" [id=321, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/block/3/linear/0" [id=322, type=linear, metatype=PTLinearMetatype]; +"features/5/10/block/4/gelu/0" [id=323, type=gelu, metatype=PTGELUMetatype]; +"features.5.10.block.5.weight" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.10.block.5.bias" [id=325, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/block/5/linear/0" [id=326, type=linear, metatype=PTLinearMetatype]; +"features/5/10/block/6/permute/0" [id=327, type=permute, metatype=UnknownMetatype]; +"features.5.10.layer_scale" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/mul/0" [id=329, type=mul, metatype=PTMulMetatype]; +"features/5/10/add_/0" [id=330, type="add_", metatype=PTAddMetatype]; +"features.5.11.block.0.weight" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.11.block.0.bias" [id=332, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/block/0/conv2d/0" [id=333, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/11/block/1/permute/0" [id=334, type=permute, metatype=UnknownMetatype]; +"features.5.11.block.2.weight" [id=335, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.11.block.2.bias" [id=336, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/block/2/layer_norm/0" [id=337, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.11.block.3.weight" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.11.block.3.bias" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/block/3/linear/0" [id=340, type=linear, metatype=PTLinearMetatype]; +"features/5/11/block/4/gelu/0" [id=341, type=gelu, metatype=PTGELUMetatype]; +"features.5.11.block.5.weight" [id=342, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.11.block.5.bias" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/block/5/linear/0" [id=344, type=linear, metatype=PTLinearMetatype]; +"features/5/11/block/6/permute/0" [id=345, type=permute, metatype=UnknownMetatype]; +"features.5.11.layer_scale" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/mul/0" [id=347, type=mul, metatype=PTMulMetatype]; +"features/5/11/add_/0" [id=348, type="add_", metatype=PTAddMetatype]; +"features.5.12.block.0.weight" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.12.block.0.bias" [id=350, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/block/0/conv2d/0" [id=351, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/12/block/1/permute/0" [id=352, type=permute, metatype=UnknownMetatype]; +"features.5.12.block.2.weight" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.12.block.2.bias" [id=354, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/block/2/layer_norm/0" [id=355, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.12.block.3.weight" [id=356, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.12.block.3.bias" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/block/3/linear/0" [id=358, type=linear, metatype=PTLinearMetatype]; +"features/5/12/block/4/gelu/0" [id=359, type=gelu, metatype=PTGELUMetatype]; +"features.5.12.block.5.weight" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.12.block.5.bias" [id=361, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/block/5/linear/0" [id=362, type=linear, metatype=PTLinearMetatype]; +"features/5/12/block/6/permute/0" [id=363, type=permute, metatype=UnknownMetatype]; +"features.5.12.layer_scale" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/mul/0" [id=365, type=mul, metatype=PTMulMetatype]; +"features/5/12/add_/0" [id=366, type="add_", metatype=PTAddMetatype]; +"features.5.13.block.0.weight" [id=367, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.13.block.0.bias" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/block/0/conv2d/0" [id=369, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/13/block/1/permute/0" [id=370, type=permute, metatype=UnknownMetatype]; +"features.5.13.block.2.weight" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.13.block.2.bias" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/block/2/layer_norm/0" [id=373, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.13.block.3.weight" [id=374, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.13.block.3.bias" [id=375, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/block/3/linear/0" [id=376, type=linear, metatype=PTLinearMetatype]; +"features/5/13/block/4/gelu/0" [id=377, type=gelu, metatype=PTGELUMetatype]; +"features.5.13.block.5.weight" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.13.block.5.bias" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/block/5/linear/0" [id=380, type=linear, metatype=PTLinearMetatype]; +"features/5/13/block/6/permute/0" [id=381, type=permute, metatype=UnknownMetatype]; +"features.5.13.layer_scale" [id=382, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/mul/0" [id=383, type=mul, metatype=PTMulMetatype]; +"features/5/13/add_/0" [id=384, type="add_", metatype=PTAddMetatype]; +"features.5.14.block.0.weight" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.14.block.0.bias" [id=386, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/block/0/conv2d/0" [id=387, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/14/block/1/permute/0" [id=388, type=permute, metatype=UnknownMetatype]; +"features.5.14.block.2.weight" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.14.block.2.bias" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/block/2/layer_norm/0" [id=391, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.14.block.3.weight" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.14.block.3.bias" [id=393, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/block/3/linear/0" [id=394, type=linear, metatype=PTLinearMetatype]; +"features/5/14/block/4/gelu/0" [id=395, type=gelu, metatype=PTGELUMetatype]; +"features.5.14.block.5.weight" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.14.block.5.bias" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/block/5/linear/0" [id=398, type=linear, metatype=PTLinearMetatype]; +"features/5/14/block/6/permute/0" [id=399, type=permute, metatype=UnknownMetatype]; +"features.5.14.layer_scale" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/mul/0" [id=401, type=mul, metatype=PTMulMetatype]; +"features/5/14/add_/0" [id=402, type="add_", metatype=PTAddMetatype]; +"features.5.15.block.0.weight" [id=403, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.15.block.0.bias" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/block/0/conv2d/0" [id=405, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/15/block/1/permute/0" [id=406, type=permute, metatype=UnknownMetatype]; +"features.5.15.block.2.weight" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.15.block.2.bias" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/block/2/layer_norm/0" [id=409, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.15.block.3.weight" [id=410, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.15.block.3.bias" [id=411, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/block/3/linear/0" [id=412, type=linear, metatype=PTLinearMetatype]; +"features/5/15/block/4/gelu/0" [id=413, type=gelu, metatype=PTGELUMetatype]; +"features.5.15.block.5.weight" [id=414, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.15.block.5.bias" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/block/5/linear/0" [id=416, type=linear, metatype=PTLinearMetatype]; +"features/5/15/block/6/permute/0" [id=417, type=permute, metatype=UnknownMetatype]; +"features.5.15.layer_scale" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/mul/0" [id=419, type=mul, metatype=PTMulMetatype]; +"features/5/15/add_/0" [id=420, type="add_", metatype=PTAddMetatype]; +"features.5.16.block.0.weight" [id=421, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.16.block.0.bias" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/block/0/conv2d/0" [id=423, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/16/block/1/permute/0" [id=424, type=permute, metatype=UnknownMetatype]; +"features.5.16.block.2.weight" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.16.block.2.bias" [id=426, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/block/2/layer_norm/0" [id=427, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.16.block.3.weight" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.16.block.3.bias" [id=429, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/block/3/linear/0" [id=430, type=linear, metatype=PTLinearMetatype]; +"features/5/16/block/4/gelu/0" [id=431, type=gelu, metatype=PTGELUMetatype]; +"features.5.16.block.5.weight" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.16.block.5.bias" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/block/5/linear/0" [id=434, type=linear, metatype=PTLinearMetatype]; +"features/5/16/block/6/permute/0" [id=435, type=permute, metatype=UnknownMetatype]; +"features.5.16.layer_scale" [id=436, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/mul/0" [id=437, type=mul, metatype=PTMulMetatype]; +"features/5/16/add_/0" [id=438, type="add_", metatype=PTAddMetatype]; +"features.5.17.block.0.weight" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.17.block.0.bias" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/block/0/conv2d/0" [id=441, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/17/block/1/permute/0" [id=442, type=permute, metatype=UnknownMetatype]; +"features.5.17.block.2.weight" [id=443, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.17.block.2.bias" [id=444, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/block/2/layer_norm/0" [id=445, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.17.block.3.weight" [id=446, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.17.block.3.bias" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/block/3/linear/0" [id=448, type=linear, metatype=PTLinearMetatype]; +"features/5/17/block/4/gelu/0" [id=449, type=gelu, metatype=PTGELUMetatype]; +"features.5.17.block.5.weight" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.17.block.5.bias" [id=451, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/block/5/linear/0" [id=452, type=linear, metatype=PTLinearMetatype]; +"features/5/17/block/6/permute/0" [id=453, type=permute, metatype=UnknownMetatype]; +"features.5.17.layer_scale" [id=454, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/mul/0" [id=455, type=mul, metatype=PTMulMetatype]; +"features/5/17/add_/0" [id=456, type="add_", metatype=PTAddMetatype]; +"features.5.18.block.0.weight" [id=457, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.18.block.0.bias" [id=458, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/18/block/0/conv2d/0" [id=459, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/18/block/1/permute/0" [id=460, type=permute, metatype=UnknownMetatype]; +"features.5.18.block.2.weight" [id=461, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.18.block.2.bias" [id=462, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/18/block/2/layer_norm/0" [id=463, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.18.block.3.weight" [id=464, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.18.block.3.bias" [id=465, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/18/block/3/linear/0" [id=466, type=linear, metatype=PTLinearMetatype]; +"features/5/18/block/4/gelu/0" [id=467, type=gelu, metatype=PTGELUMetatype]; +"features.5.18.block.5.weight" [id=468, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.18.block.5.bias" [id=469, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/18/block/5/linear/0" [id=470, type=linear, metatype=PTLinearMetatype]; +"features/5/18/block/6/permute/0" [id=471, type=permute, metatype=UnknownMetatype]; +"features.5.18.layer_scale" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/18/mul/0" [id=473, type=mul, metatype=PTMulMetatype]; +"features/5/18/add_/0" [id=474, type="add_", metatype=PTAddMetatype]; +"features.5.19.block.0.weight" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.19.block.0.bias" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/19/block/0/conv2d/0" [id=477, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/19/block/1/permute/0" [id=478, type=permute, metatype=UnknownMetatype]; +"features.5.19.block.2.weight" [id=479, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.19.block.2.bias" [id=480, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/19/block/2/layer_norm/0" [id=481, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.19.block.3.weight" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.19.block.3.bias" [id=483, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/19/block/3/linear/0" [id=484, type=linear, metatype=PTLinearMetatype]; +"features/5/19/block/4/gelu/0" [id=485, type=gelu, metatype=PTGELUMetatype]; +"features.5.19.block.5.weight" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.19.block.5.bias" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/19/block/5/linear/0" [id=488, type=linear, metatype=PTLinearMetatype]; +"features/5/19/block/6/permute/0" [id=489, type=permute, metatype=UnknownMetatype]; +"features.5.19.layer_scale" [id=490, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/19/mul/0" [id=491, type=mul, metatype=PTMulMetatype]; +"features/5/19/add_/0" [id=492, type="add_", metatype=PTAddMetatype]; +"features.5.20.block.0.weight" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.20.block.0.bias" [id=494, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/20/block/0/conv2d/0" [id=495, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/20/block/1/permute/0" [id=496, type=permute, metatype=UnknownMetatype]; +"features.5.20.block.2.weight" [id=497, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.20.block.2.bias" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/20/block/2/layer_norm/0" [id=499, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.20.block.3.weight" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.20.block.3.bias" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/20/block/3/linear/0" [id=502, type=linear, metatype=PTLinearMetatype]; +"features/5/20/block/4/gelu/0" [id=503, type=gelu, metatype=PTGELUMetatype]; +"features.5.20.block.5.weight" [id=504, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.20.block.5.bias" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/20/block/5/linear/0" [id=506, type=linear, metatype=PTLinearMetatype]; +"features/5/20/block/6/permute/0" [id=507, type=permute, metatype=UnknownMetatype]; +"features.5.20.layer_scale" [id=508, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/20/mul/0" [id=509, type=mul, metatype=PTMulMetatype]; +"features/5/20/add_/0" [id=510, type="add_", metatype=PTAddMetatype]; +"features.5.21.block.0.weight" [id=511, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.21.block.0.bias" [id=512, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/21/block/0/conv2d/0" [id=513, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/21/block/1/permute/0" [id=514, type=permute, metatype=UnknownMetatype]; +"features.5.21.block.2.weight" [id=515, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.21.block.2.bias" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/21/block/2/layer_norm/0" [id=517, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.21.block.3.weight" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.21.block.3.bias" [id=519, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/21/block/3/linear/0" [id=520, type=linear, metatype=PTLinearMetatype]; +"features/5/21/block/4/gelu/0" [id=521, type=gelu, metatype=PTGELUMetatype]; +"features.5.21.block.5.weight" [id=522, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.21.block.5.bias" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/21/block/5/linear/0" [id=524, type=linear, metatype=PTLinearMetatype]; +"features/5/21/block/6/permute/0" [id=525, type=permute, metatype=UnknownMetatype]; +"features.5.21.layer_scale" [id=526, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/21/mul/0" [id=527, type=mul, metatype=PTMulMetatype]; +"features/5/21/add_/0" [id=528, type="add_", metatype=PTAddMetatype]; +"features.5.22.block.0.weight" [id=529, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.22.block.0.bias" [id=530, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/22/block/0/conv2d/0" [id=531, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/22/block/1/permute/0" [id=532, type=permute, metatype=UnknownMetatype]; +"features.5.22.block.2.weight" [id=533, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.22.block.2.bias" [id=534, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/22/block/2/layer_norm/0" [id=535, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.22.block.3.weight" [id=536, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.22.block.3.bias" [id=537, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/22/block/3/linear/0" [id=538, type=linear, metatype=PTLinearMetatype]; +"features/5/22/block/4/gelu/0" [id=539, type=gelu, metatype=PTGELUMetatype]; +"features.5.22.block.5.weight" [id=540, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.22.block.5.bias" [id=541, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/22/block/5/linear/0" [id=542, type=linear, metatype=PTLinearMetatype]; +"features/5/22/block/6/permute/0" [id=543, type=permute, metatype=UnknownMetatype]; +"features.5.22.layer_scale" [id=544, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/22/mul/0" [id=545, type=mul, metatype=PTMulMetatype]; +"features/5/22/add_/0" [id=546, type="add_", metatype=PTAddMetatype]; +"features.5.23.block.0.weight" [id=547, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.23.block.0.bias" [id=548, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/23/block/0/conv2d/0" [id=549, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/23/block/1/permute/0" [id=550, type=permute, metatype=UnknownMetatype]; +"features.5.23.block.2.weight" [id=551, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.23.block.2.bias" [id=552, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/23/block/2/layer_norm/0" [id=553, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.23.block.3.weight" [id=554, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.23.block.3.bias" [id=555, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/23/block/3/linear/0" [id=556, type=linear, metatype=PTLinearMetatype]; +"features/5/23/block/4/gelu/0" [id=557, type=gelu, metatype=PTGELUMetatype]; +"features.5.23.block.5.weight" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.23.block.5.bias" [id=559, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/23/block/5/linear/0" [id=560, type=linear, metatype=PTLinearMetatype]; +"features/5/23/block/6/permute/0" [id=561, type=permute, metatype=UnknownMetatype]; +"features.5.23.layer_scale" [id=562, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/23/mul/0" [id=563, type=mul, metatype=PTMulMetatype]; +"features/5/23/add_/0" [id=564, type="add_", metatype=PTAddMetatype]; +"features.5.24.block.0.weight" [id=565, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.24.block.0.bias" [id=566, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/24/block/0/conv2d/0" [id=567, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/24/block/1/permute/0" [id=568, type=permute, metatype=UnknownMetatype]; +"features.5.24.block.2.weight" [id=569, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.24.block.2.bias" [id=570, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/24/block/2/layer_norm/0" [id=571, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.24.block.3.weight" [id=572, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.24.block.3.bias" [id=573, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/24/block/3/linear/0" [id=574, type=linear, metatype=PTLinearMetatype]; +"features/5/24/block/4/gelu/0" [id=575, type=gelu, metatype=PTGELUMetatype]; +"features.5.24.block.5.weight" [id=576, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.24.block.5.bias" [id=577, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/24/block/5/linear/0" [id=578, type=linear, metatype=PTLinearMetatype]; +"features/5/24/block/6/permute/0" [id=579, type=permute, metatype=UnknownMetatype]; +"features.5.24.layer_scale" [id=580, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/24/mul/0" [id=581, type=mul, metatype=PTMulMetatype]; +"features/5/24/add_/0" [id=582, type="add_", metatype=PTAddMetatype]; +"features.5.25.block.0.weight" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.25.block.0.bias" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/25/block/0/conv2d/0" [id=585, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/25/block/1/permute/0" [id=586, type=permute, metatype=UnknownMetatype]; +"features.5.25.block.2.weight" [id=587, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.25.block.2.bias" [id=588, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/25/block/2/layer_norm/0" [id=589, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.25.block.3.weight" [id=590, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.25.block.3.bias" [id=591, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/25/block/3/linear/0" [id=592, type=linear, metatype=PTLinearMetatype]; +"features/5/25/block/4/gelu/0" [id=593, type=gelu, metatype=PTGELUMetatype]; +"features.5.25.block.5.weight" [id=594, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.25.block.5.bias" [id=595, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/25/block/5/linear/0" [id=596, type=linear, metatype=PTLinearMetatype]; +"features/5/25/block/6/permute/0" [id=597, type=permute, metatype=UnknownMetatype]; +"features.5.25.layer_scale" [id=598, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/25/mul/0" [id=599, type=mul, metatype=PTMulMetatype]; +"features/5/25/add_/0" [id=600, type="add_", metatype=PTAddMetatype]; +"features.5.26.block.0.weight" [id=601, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.26.block.0.bias" [id=602, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/26/block/0/conv2d/0" [id=603, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/5/26/block/1/permute/0" [id=604, type=permute, metatype=UnknownMetatype]; +"features.5.26.block.2.weight" [id=605, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.26.block.2.bias" [id=606, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/26/block/2/layer_norm/0" [id=607, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.26.block.3.weight" [id=608, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.26.block.3.bias" [id=609, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/26/block/3/linear/0" [id=610, type=linear, metatype=PTLinearMetatype]; +"features/5/26/block/4/gelu/0" [id=611, type=gelu, metatype=PTGELUMetatype]; +"features.5.26.block.5.weight" [id=612, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.26.block.5.bias" [id=613, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/26/block/5/linear/0" [id=614, type=linear, metatype=PTLinearMetatype]; +"features/5/26/block/6/permute/0" [id=615, type=permute, metatype=UnknownMetatype]; +"features.5.26.layer_scale" [id=616, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/26/mul/0" [id=617, type=mul, metatype=PTMulMetatype]; +"features/5/26/add_/0" [id=618, type="add_", metatype=PTAddMetatype]; +"features/6/0/permute/0" [id=619, type=permute, metatype=PTTransposeMetatype]; +"features.6.0.weight" [id=620, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.0.bias" [id=621, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/0/layer_norm/0" [id=622, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/6/0/permute/1" [id=623, type=permute, metatype=PTTransposeMetatype]; +"features.6.1.weight" [id=624, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.1.bias" [id=625, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/1/conv2d/0" [id=626, type=conv2d, metatype=PTConv2dMetatype]; +"features.7.0.block.0.weight" [id=627, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.0.bias" [id=628, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/block/0/conv2d/0" [id=629, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/7/0/block/1/permute/0" [id=630, type=permute, metatype=UnknownMetatype]; +"features.7.0.block.2.weight" [id=631, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.2.bias" [id=632, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/block/2/layer_norm/0" [id=633, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.7.0.block.3.weight" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.3.bias" [id=635, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/block/3/linear/0" [id=636, type=linear, metatype=PTLinearMetatype]; +"features/7/0/block/4/gelu/0" [id=637, type=gelu, metatype=PTGELUMetatype]; +"features.7.0.block.5.weight" [id=638, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.5.bias" [id=639, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/block/5/linear/0" [id=640, type=linear, metatype=PTLinearMetatype]; +"features/7/0/block/6/permute/0" [id=641, type=permute, metatype=UnknownMetatype]; +"features.7.0.layer_scale" [id=642, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/mul/0" [id=643, type=mul, metatype=PTMulMetatype]; +"features/7/0/add_/0" [id=644, type="add_", metatype=PTAddMetatype]; +"features.7.1.block.0.weight" [id=645, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.1.block.0.bias" [id=646, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/block/0/conv2d/0" [id=647, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/7/1/block/1/permute/0" [id=648, type=permute, metatype=UnknownMetatype]; +"features.7.1.block.2.weight" [id=649, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.1.block.2.bias" [id=650, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/block/2/layer_norm/0" [id=651, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.7.1.block.3.weight" [id=652, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.1.block.3.bias" [id=653, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/block/3/linear/0" [id=654, type=linear, metatype=PTLinearMetatype]; +"features/7/1/block/4/gelu/0" [id=655, type=gelu, metatype=PTGELUMetatype]; +"features.7.1.block.5.weight" [id=656, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.1.block.5.bias" [id=657, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/block/5/linear/0" [id=658, type=linear, metatype=PTLinearMetatype]; +"features/7/1/block/6/permute/0" [id=659, type=permute, metatype=UnknownMetatype]; +"features.7.1.layer_scale" [id=660, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/mul/0" [id=661, type=mul, metatype=PTMulMetatype]; +"features/7/1/add_/0" [id=662, type="add_", metatype=PTAddMetatype]; +"features.7.2.block.0.weight" [id=663, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.2.block.0.bias" [id=664, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/2/block/0/conv2d/0" [id=665, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features/7/2/block/1/permute/0" [id=666, type=permute, metatype=UnknownMetatype]; +"features.7.2.block.2.weight" [id=667, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.2.block.2.bias" [id=668, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/2/block/2/layer_norm/0" [id=669, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.7.2.block.3.weight" [id=670, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.2.block.3.bias" [id=671, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/2/block/3/linear/0" [id=672, type=linear, metatype=PTLinearMetatype]; +"features/7/2/block/4/gelu/0" [id=673, type=gelu, metatype=PTGELUMetatype]; +"features.7.2.block.5.weight" [id=674, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.2.block.5.bias" [id=675, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/2/block/5/linear/0" [id=676, type=linear, metatype=PTLinearMetatype]; +"features/7/2/block/6/permute/0" [id=677, type=permute, metatype=UnknownMetatype]; +"features.7.2.layer_scale" [id=678, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/2/mul/0" [id=679, type=mul, metatype=PTMulMetatype]; +"features/7/2/add_/0" [id=680, type="add_", metatype=PTAddMetatype]; +"avgpool/adaptive_avg_pool2d/0" [id=681, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"classifier/0/permute/0" [id=682, type=permute, metatype=PTTransposeMetatype]; +"classifier.0.weight" [id=683, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.0.bias" [id=684, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/0/layer_norm/0" [id=685, type="layer_norm", metatype=PTLayerNormMetatype]; +"classifier/0/permute/1" [id=686, type=permute, metatype=PTTransposeMetatype]; +"classifier/1/flatten/0" [id=687, type=flatten, metatype=PTReshapeMetatype]; +"classifier.2.weight" [id=688, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.2.bias" [id=689, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/2/linear/0" [id=690, type=linear, metatype=PTLinearMetatype]; +output [id=691, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "features/0/0/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; +"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, shape="(96, 3, 4, 4)", out_port_id=0, in_port_id=1]; +"features.0.0.bias" -> "features/0/0/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features/0/0/conv2d/0" -> "features/0/1/permute/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/0/1/permute/0" -> "features/0/1/layer_norm/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; +"features.0.1.weight" -> "features/0/1/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.0.1.bias" -> "features/0/1/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features/0/1/layer_norm/0" -> "features/0/1/permute/1" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; +"features/0/1/permute/1" -> "features/1/0/block/0/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/0/1/permute/1" -> "features/1/0/add_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=1]; +"features.1.0.block.0.weight" -> "features/1/0/block/0/conv2d/0" [dtype=float, shape="(96, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.1.0.block.0.bias" -> "features/1/0/block/0/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features/1/0/block/0/conv2d/0" -> "features/1/0/block/1/permute/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/1/0/block/1/permute/0" -> "features/1/0/block/2/layer_norm/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; +"features.1.0.block.2.weight" -> "features/1/0/block/2/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.1.0.block.2.bias" -> "features/1/0/block/2/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features/1/0/block/2/layer_norm/0" -> "features/1/0/block/3/linear/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; +"features.1.0.block.3.weight" -> "features/1/0/block/3/linear/0" [dtype=float, shape="(384, 96)", out_port_id=0, in_port_id=1]; +"features.1.0.block.3.bias" -> "features/1/0/block/3/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/1/0/block/3/linear/0" -> "features/1/0/block/4/gelu/0" [dtype=float, shape="(1, 16, 16, 384)", out_port_id=0, in_port_id=0]; +"features/1/0/block/4/gelu/0" -> "features/1/0/block/5/linear/0" [dtype=float, shape="(1, 16, 16, 384)", out_port_id=0, in_port_id=0]; +"features.1.0.block.5.weight" -> "features/1/0/block/5/linear/0" [dtype=float, shape="(96, 384)", out_port_id=0, in_port_id=1]; +"features.1.0.block.5.bias" -> "features/1/0/block/5/linear/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features/1/0/block/5/linear/0" -> "features/1/0/block/6/permute/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; +"features/1/0/block/6/permute/0" -> "features/1/0/mul/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=1]; +"features.1.0.layer_scale" -> "features/1/0/mul/0" [dtype=float, shape="(96, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/0/mul/0" -> "features/1/0/add_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/1/0/add_/0" -> "features/1/1/block/0/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/1/0/add_/0" -> "features/1/1/add_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=1]; +"features.1.1.block.0.weight" -> "features/1/1/block/0/conv2d/0" [dtype=float, shape="(96, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.1.1.block.0.bias" -> "features/1/1/block/0/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features/1/1/block/0/conv2d/0" -> "features/1/1/block/1/permute/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/1/1/block/1/permute/0" -> "features/1/1/block/2/layer_norm/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; +"features.1.1.block.2.weight" -> "features/1/1/block/2/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.1.1.block.2.bias" -> "features/1/1/block/2/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features/1/1/block/2/layer_norm/0" -> "features/1/1/block/3/linear/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; +"features.1.1.block.3.weight" -> "features/1/1/block/3/linear/0" [dtype=float, shape="(384, 96)", out_port_id=0, in_port_id=1]; +"features.1.1.block.3.bias" -> "features/1/1/block/3/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/1/1/block/3/linear/0" -> "features/1/1/block/4/gelu/0" [dtype=float, shape="(1, 16, 16, 384)", out_port_id=0, in_port_id=0]; +"features/1/1/block/4/gelu/0" -> "features/1/1/block/5/linear/0" [dtype=float, shape="(1, 16, 16, 384)", out_port_id=0, in_port_id=0]; +"features.1.1.block.5.weight" -> "features/1/1/block/5/linear/0" [dtype=float, shape="(96, 384)", out_port_id=0, in_port_id=1]; +"features.1.1.block.5.bias" -> "features/1/1/block/5/linear/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features/1/1/block/5/linear/0" -> "features/1/1/block/6/permute/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; +"features/1/1/block/6/permute/0" -> "features/1/1/mul/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=1]; +"features.1.1.layer_scale" -> "features/1/1/mul/0" [dtype=float, shape="(96, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/1/mul/0" -> "features/1/1/add_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/1/1/add_/0" -> "features/1/2/block/0/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/1/1/add_/0" -> "features/1/2/add_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=1]; +"features.1.2.block.0.weight" -> "features/1/2/block/0/conv2d/0" [dtype=float, shape="(96, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.1.2.block.0.bias" -> "features/1/2/block/0/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features/1/2/block/0/conv2d/0" -> "features/1/2/block/1/permute/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/1/2/block/1/permute/0" -> "features/1/2/block/2/layer_norm/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; +"features.1.2.block.2.weight" -> "features/1/2/block/2/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.1.2.block.2.bias" -> "features/1/2/block/2/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features/1/2/block/2/layer_norm/0" -> "features/1/2/block/3/linear/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; +"features.1.2.block.3.weight" -> "features/1/2/block/3/linear/0" [dtype=float, shape="(384, 96)", out_port_id=0, in_port_id=1]; +"features.1.2.block.3.bias" -> "features/1/2/block/3/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/1/2/block/3/linear/0" -> "features/1/2/block/4/gelu/0" [dtype=float, shape="(1, 16, 16, 384)", out_port_id=0, in_port_id=0]; +"features/1/2/block/4/gelu/0" -> "features/1/2/block/5/linear/0" [dtype=float, shape="(1, 16, 16, 384)", out_port_id=0, in_port_id=0]; +"features.1.2.block.5.weight" -> "features/1/2/block/5/linear/0" [dtype=float, shape="(96, 384)", out_port_id=0, in_port_id=1]; +"features.1.2.block.5.bias" -> "features/1/2/block/5/linear/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features/1/2/block/5/linear/0" -> "features/1/2/block/6/permute/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; +"features/1/2/block/6/permute/0" -> "features/1/2/mul/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=1]; +"features.1.2.layer_scale" -> "features/1/2/mul/0" [dtype=float, shape="(96, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/2/mul/0" -> "features/1/2/add_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/1/2/add_/0" -> "features/2/0/permute/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/2/0/permute/0" -> "features/2/0/layer_norm/0" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; +"features.2.0.weight" -> "features/2/0/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.2.0.bias" -> "features/2/0/layer_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features/2/0/layer_norm/0" -> "features/2/0/permute/1" [dtype=float, shape="(1, 16, 16, 96)", out_port_id=0, in_port_id=0]; +"features/2/0/permute/1" -> "features/2/1/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.1.weight" -> "features/2/1/conv2d/0" [dtype=float, shape="(192, 96, 2, 2)", out_port_id=0, in_port_id=1]; +"features.2.1.bias" -> "features/2/1/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features/2/1/conv2d/0" -> "features/3/0/block/0/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/2/1/conv2d/0" -> "features/3/0/add_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=1]; +"features.3.0.block.0.weight" -> "features/3/0/block/0/conv2d/0" [dtype=float, shape="(192, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.3.0.block.0.bias" -> "features/3/0/block/0/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features/3/0/block/0/conv2d/0" -> "features/3/0/block/1/permute/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/0/block/1/permute/0" -> "features/3/0/block/2/layer_norm/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; +"features.3.0.block.2.weight" -> "features/3/0/block/2/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.3.0.block.2.bias" -> "features/3/0/block/2/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features/3/0/block/2/layer_norm/0" -> "features/3/0/block/3/linear/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; +"features.3.0.block.3.weight" -> "features/3/0/block/3/linear/0" [dtype=float, shape="(768, 192)", out_port_id=0, in_port_id=1]; +"features.3.0.block.3.bias" -> "features/3/0/block/3/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features/3/0/block/3/linear/0" -> "features/3/0/block/4/gelu/0" [dtype=float, shape="(1, 8, 8, 768)", out_port_id=0, in_port_id=0]; +"features/3/0/block/4/gelu/0" -> "features/3/0/block/5/linear/0" [dtype=float, shape="(1, 8, 8, 768)", out_port_id=0, in_port_id=0]; +"features.3.0.block.5.weight" -> "features/3/0/block/5/linear/0" [dtype=float, shape="(192, 768)", out_port_id=0, in_port_id=1]; +"features.3.0.block.5.bias" -> "features/3/0/block/5/linear/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features/3/0/block/5/linear/0" -> "features/3/0/block/6/permute/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; +"features/3/0/block/6/permute/0" -> "features/3/0/mul/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=1]; +"features.3.0.layer_scale" -> "features/3/0/mul/0" [dtype=float, shape="(192, 1, 1)", out_port_id=0, in_port_id=0]; +"features/3/0/mul/0" -> "features/3/0/add_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/0/add_/0" -> "features/3/1/block/0/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/0/add_/0" -> "features/3/1/add_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=1]; +"features.3.1.block.0.weight" -> "features/3/1/block/0/conv2d/0" [dtype=float, shape="(192, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.3.1.block.0.bias" -> "features/3/1/block/0/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features/3/1/block/0/conv2d/0" -> "features/3/1/block/1/permute/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/1/block/1/permute/0" -> "features/3/1/block/2/layer_norm/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; +"features.3.1.block.2.weight" -> "features/3/1/block/2/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.3.1.block.2.bias" -> "features/3/1/block/2/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features/3/1/block/2/layer_norm/0" -> "features/3/1/block/3/linear/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; +"features.3.1.block.3.weight" -> "features/3/1/block/3/linear/0" [dtype=float, shape="(768, 192)", out_port_id=0, in_port_id=1]; +"features.3.1.block.3.bias" -> "features/3/1/block/3/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features/3/1/block/3/linear/0" -> "features/3/1/block/4/gelu/0" [dtype=float, shape="(1, 8, 8, 768)", out_port_id=0, in_port_id=0]; +"features/3/1/block/4/gelu/0" -> "features/3/1/block/5/linear/0" [dtype=float, shape="(1, 8, 8, 768)", out_port_id=0, in_port_id=0]; +"features.3.1.block.5.weight" -> "features/3/1/block/5/linear/0" [dtype=float, shape="(192, 768)", out_port_id=0, in_port_id=1]; +"features.3.1.block.5.bias" -> "features/3/1/block/5/linear/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features/3/1/block/5/linear/0" -> "features/3/1/block/6/permute/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; +"features/3/1/block/6/permute/0" -> "features/3/1/mul/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=1]; +"features.3.1.layer_scale" -> "features/3/1/mul/0" [dtype=float, shape="(192, 1, 1)", out_port_id=0, in_port_id=0]; +"features/3/1/mul/0" -> "features/3/1/add_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/1/add_/0" -> "features/3/2/block/0/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/1/add_/0" -> "features/3/2/add_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=1]; +"features.3.2.block.0.weight" -> "features/3/2/block/0/conv2d/0" [dtype=float, shape="(192, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.3.2.block.0.bias" -> "features/3/2/block/0/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features/3/2/block/0/conv2d/0" -> "features/3/2/block/1/permute/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/2/block/1/permute/0" -> "features/3/2/block/2/layer_norm/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; +"features.3.2.block.2.weight" -> "features/3/2/block/2/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.3.2.block.2.bias" -> "features/3/2/block/2/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features/3/2/block/2/layer_norm/0" -> "features/3/2/block/3/linear/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; +"features.3.2.block.3.weight" -> "features/3/2/block/3/linear/0" [dtype=float, shape="(768, 192)", out_port_id=0, in_port_id=1]; +"features.3.2.block.3.bias" -> "features/3/2/block/3/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features/3/2/block/3/linear/0" -> "features/3/2/block/4/gelu/0" [dtype=float, shape="(1, 8, 8, 768)", out_port_id=0, in_port_id=0]; +"features/3/2/block/4/gelu/0" -> "features/3/2/block/5/linear/0" [dtype=float, shape="(1, 8, 8, 768)", out_port_id=0, in_port_id=0]; +"features.3.2.block.5.weight" -> "features/3/2/block/5/linear/0" [dtype=float, shape="(192, 768)", out_port_id=0, in_port_id=1]; +"features.3.2.block.5.bias" -> "features/3/2/block/5/linear/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features/3/2/block/5/linear/0" -> "features/3/2/block/6/permute/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; +"features/3/2/block/6/permute/0" -> "features/3/2/mul/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=1]; +"features.3.2.layer_scale" -> "features/3/2/mul/0" [dtype=float, shape="(192, 1, 1)", out_port_id=0, in_port_id=0]; +"features/3/2/mul/0" -> "features/3/2/add_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/2/add_/0" -> "features/4/0/permute/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/4/0/permute/0" -> "features/4/0/layer_norm/0" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; +"features.4.0.weight" -> "features/4/0/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.4.0.bias" -> "features/4/0/layer_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features/4/0/layer_norm/0" -> "features/4/0/permute/1" [dtype=float, shape="(1, 8, 8, 192)", out_port_id=0, in_port_id=0]; +"features/4/0/permute/1" -> "features/4/1/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features.4.1.weight" -> "features/4/1/conv2d/0" [dtype=float, shape="(384, 192, 2, 2)", out_port_id=0, in_port_id=1]; +"features.4.1.bias" -> "features/4/1/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/4/1/conv2d/0" -> "features/5/0/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/1/conv2d/0" -> "features/5/0/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.0.block.0.weight" -> "features/5/0/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.0.block.0.bias" -> "features/5/0/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/0/block/0/conv2d/0" -> "features/5/0/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/0/block/1/permute/0" -> "features/5/0/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.0.block.2.weight" -> "features/5/0/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.0.block.2.bias" -> "features/5/0/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/0/block/2/layer_norm/0" -> "features/5/0/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.0.block.3.weight" -> "features/5/0/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.0.block.3.bias" -> "features/5/0/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/0/block/3/linear/0" -> "features/5/0/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/0/block/4/gelu/0" -> "features/5/0/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.0.block.5.weight" -> "features/5/0/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.0.block.5.bias" -> "features/5/0/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/0/block/5/linear/0" -> "features/5/0/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/0/block/6/permute/0" -> "features/5/0/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.0.layer_scale" -> "features/5/0/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/0/mul/0" -> "features/5/0/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/0/add_/0" -> "features/5/1/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/0/add_/0" -> "features/5/1/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.1.block.0.weight" -> "features/5/1/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.1.block.0.bias" -> "features/5/1/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/1/block/0/conv2d/0" -> "features/5/1/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/1/block/1/permute/0" -> "features/5/1/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.1.block.2.weight" -> "features/5/1/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.1.block.2.bias" -> "features/5/1/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/1/block/2/layer_norm/0" -> "features/5/1/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.1.block.3.weight" -> "features/5/1/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.1.block.3.bias" -> "features/5/1/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/1/block/3/linear/0" -> "features/5/1/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/1/block/4/gelu/0" -> "features/5/1/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.1.block.5.weight" -> "features/5/1/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.1.block.5.bias" -> "features/5/1/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/1/block/5/linear/0" -> "features/5/1/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/1/block/6/permute/0" -> "features/5/1/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.1.layer_scale" -> "features/5/1/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/1/mul/0" -> "features/5/1/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/1/add_/0" -> "features/5/2/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/1/add_/0" -> "features/5/2/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.2.block.0.weight" -> "features/5/2/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.2.block.0.bias" -> "features/5/2/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/2/block/0/conv2d/0" -> "features/5/2/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/2/block/1/permute/0" -> "features/5/2/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.2.block.2.weight" -> "features/5/2/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.2.block.2.bias" -> "features/5/2/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/2/block/2/layer_norm/0" -> "features/5/2/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.2.block.3.weight" -> "features/5/2/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.2.block.3.bias" -> "features/5/2/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/2/block/3/linear/0" -> "features/5/2/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/2/block/4/gelu/0" -> "features/5/2/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.2.block.5.weight" -> "features/5/2/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.2.block.5.bias" -> "features/5/2/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/2/block/5/linear/0" -> "features/5/2/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/2/block/6/permute/0" -> "features/5/2/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.2.layer_scale" -> "features/5/2/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/2/mul/0" -> "features/5/2/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/2/add_/0" -> "features/5/3/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/2/add_/0" -> "features/5/3/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.3.block.0.weight" -> "features/5/3/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.3.block.0.bias" -> "features/5/3/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/3/block/0/conv2d/0" -> "features/5/3/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/3/block/1/permute/0" -> "features/5/3/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.3.block.2.weight" -> "features/5/3/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.3.block.2.bias" -> "features/5/3/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/3/block/2/layer_norm/0" -> "features/5/3/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.3.block.3.weight" -> "features/5/3/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.3.block.3.bias" -> "features/5/3/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/3/block/3/linear/0" -> "features/5/3/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/3/block/4/gelu/0" -> "features/5/3/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.3.block.5.weight" -> "features/5/3/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.3.block.5.bias" -> "features/5/3/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/3/block/5/linear/0" -> "features/5/3/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/3/block/6/permute/0" -> "features/5/3/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.3.layer_scale" -> "features/5/3/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/3/mul/0" -> "features/5/3/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/3/add_/0" -> "features/5/4/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/3/add_/0" -> "features/5/4/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.4.block.0.weight" -> "features/5/4/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.4.block.0.bias" -> "features/5/4/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/4/block/0/conv2d/0" -> "features/5/4/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/4/block/1/permute/0" -> "features/5/4/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.4.block.2.weight" -> "features/5/4/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.4.block.2.bias" -> "features/5/4/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/4/block/2/layer_norm/0" -> "features/5/4/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.4.block.3.weight" -> "features/5/4/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.4.block.3.bias" -> "features/5/4/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/4/block/3/linear/0" -> "features/5/4/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/4/block/4/gelu/0" -> "features/5/4/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.4.block.5.weight" -> "features/5/4/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.4.block.5.bias" -> "features/5/4/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/4/block/5/linear/0" -> "features/5/4/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/4/block/6/permute/0" -> "features/5/4/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.4.layer_scale" -> "features/5/4/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/4/mul/0" -> "features/5/4/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/4/add_/0" -> "features/5/5/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/4/add_/0" -> "features/5/5/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.5.block.0.weight" -> "features/5/5/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.5.block.0.bias" -> "features/5/5/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/5/block/0/conv2d/0" -> "features/5/5/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/5/block/1/permute/0" -> "features/5/5/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.5.block.2.weight" -> "features/5/5/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.5.block.2.bias" -> "features/5/5/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/5/block/2/layer_norm/0" -> "features/5/5/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.5.block.3.weight" -> "features/5/5/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.5.block.3.bias" -> "features/5/5/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/5/block/3/linear/0" -> "features/5/5/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/5/block/4/gelu/0" -> "features/5/5/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.5.block.5.weight" -> "features/5/5/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.5.block.5.bias" -> "features/5/5/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/5/block/5/linear/0" -> "features/5/5/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/5/block/6/permute/0" -> "features/5/5/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.5.layer_scale" -> "features/5/5/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/5/mul/0" -> "features/5/5/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/5/add_/0" -> "features/5/6/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/5/add_/0" -> "features/5/6/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.6.block.0.weight" -> "features/5/6/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.6.block.0.bias" -> "features/5/6/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/6/block/0/conv2d/0" -> "features/5/6/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/6/block/1/permute/0" -> "features/5/6/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.6.block.2.weight" -> "features/5/6/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.6.block.2.bias" -> "features/5/6/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/6/block/2/layer_norm/0" -> "features/5/6/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.6.block.3.weight" -> "features/5/6/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.6.block.3.bias" -> "features/5/6/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/6/block/3/linear/0" -> "features/5/6/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/6/block/4/gelu/0" -> "features/5/6/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.6.block.5.weight" -> "features/5/6/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.6.block.5.bias" -> "features/5/6/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/6/block/5/linear/0" -> "features/5/6/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/6/block/6/permute/0" -> "features/5/6/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.6.layer_scale" -> "features/5/6/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/6/mul/0" -> "features/5/6/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/6/add_/0" -> "features/5/7/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/6/add_/0" -> "features/5/7/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.7.block.0.weight" -> "features/5/7/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.7.block.0.bias" -> "features/5/7/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/7/block/0/conv2d/0" -> "features/5/7/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/7/block/1/permute/0" -> "features/5/7/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.7.block.2.weight" -> "features/5/7/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.7.block.2.bias" -> "features/5/7/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/7/block/2/layer_norm/0" -> "features/5/7/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.7.block.3.weight" -> "features/5/7/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.7.block.3.bias" -> "features/5/7/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/7/block/3/linear/0" -> "features/5/7/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/7/block/4/gelu/0" -> "features/5/7/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.7.block.5.weight" -> "features/5/7/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.7.block.5.bias" -> "features/5/7/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/7/block/5/linear/0" -> "features/5/7/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/7/block/6/permute/0" -> "features/5/7/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.7.layer_scale" -> "features/5/7/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/7/mul/0" -> "features/5/7/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/7/add_/0" -> "features/5/8/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/7/add_/0" -> "features/5/8/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.8.block.0.weight" -> "features/5/8/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.8.block.0.bias" -> "features/5/8/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/8/block/0/conv2d/0" -> "features/5/8/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/8/block/1/permute/0" -> "features/5/8/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.8.block.2.weight" -> "features/5/8/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.8.block.2.bias" -> "features/5/8/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/8/block/2/layer_norm/0" -> "features/5/8/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.8.block.3.weight" -> "features/5/8/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.8.block.3.bias" -> "features/5/8/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/8/block/3/linear/0" -> "features/5/8/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/8/block/4/gelu/0" -> "features/5/8/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.8.block.5.weight" -> "features/5/8/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.8.block.5.bias" -> "features/5/8/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/8/block/5/linear/0" -> "features/5/8/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/8/block/6/permute/0" -> "features/5/8/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.8.layer_scale" -> "features/5/8/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/8/mul/0" -> "features/5/8/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/8/add_/0" -> "features/5/9/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/8/add_/0" -> "features/5/9/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.9.block.0.weight" -> "features/5/9/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.9.block.0.bias" -> "features/5/9/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/9/block/0/conv2d/0" -> "features/5/9/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/9/block/1/permute/0" -> "features/5/9/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.9.block.2.weight" -> "features/5/9/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.9.block.2.bias" -> "features/5/9/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/9/block/2/layer_norm/0" -> "features/5/9/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.9.block.3.weight" -> "features/5/9/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.9.block.3.bias" -> "features/5/9/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/9/block/3/linear/0" -> "features/5/9/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/9/block/4/gelu/0" -> "features/5/9/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.9.block.5.weight" -> "features/5/9/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.9.block.5.bias" -> "features/5/9/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/9/block/5/linear/0" -> "features/5/9/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/9/block/6/permute/0" -> "features/5/9/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.9.layer_scale" -> "features/5/9/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/9/mul/0" -> "features/5/9/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/9/add_/0" -> "features/5/10/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/9/add_/0" -> "features/5/10/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.10.block.0.weight" -> "features/5/10/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.10.block.0.bias" -> "features/5/10/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/10/block/0/conv2d/0" -> "features/5/10/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/10/block/1/permute/0" -> "features/5/10/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.10.block.2.weight" -> "features/5/10/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.10.block.2.bias" -> "features/5/10/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/10/block/2/layer_norm/0" -> "features/5/10/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.10.block.3.weight" -> "features/5/10/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.10.block.3.bias" -> "features/5/10/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/10/block/3/linear/0" -> "features/5/10/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/10/block/4/gelu/0" -> "features/5/10/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.10.block.5.weight" -> "features/5/10/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.10.block.5.bias" -> "features/5/10/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/10/block/5/linear/0" -> "features/5/10/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/10/block/6/permute/0" -> "features/5/10/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.10.layer_scale" -> "features/5/10/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/10/mul/0" -> "features/5/10/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/10/add_/0" -> "features/5/11/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/10/add_/0" -> "features/5/11/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.11.block.0.weight" -> "features/5/11/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.11.block.0.bias" -> "features/5/11/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/11/block/0/conv2d/0" -> "features/5/11/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/11/block/1/permute/0" -> "features/5/11/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.11.block.2.weight" -> "features/5/11/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.11.block.2.bias" -> "features/5/11/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/11/block/2/layer_norm/0" -> "features/5/11/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.11.block.3.weight" -> "features/5/11/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.11.block.3.bias" -> "features/5/11/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/11/block/3/linear/0" -> "features/5/11/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/11/block/4/gelu/0" -> "features/5/11/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.11.block.5.weight" -> "features/5/11/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.11.block.5.bias" -> "features/5/11/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/11/block/5/linear/0" -> "features/5/11/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/11/block/6/permute/0" -> "features/5/11/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.11.layer_scale" -> "features/5/11/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/11/mul/0" -> "features/5/11/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/11/add_/0" -> "features/5/12/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/11/add_/0" -> "features/5/12/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.12.block.0.weight" -> "features/5/12/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.12.block.0.bias" -> "features/5/12/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/12/block/0/conv2d/0" -> "features/5/12/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/12/block/1/permute/0" -> "features/5/12/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.12.block.2.weight" -> "features/5/12/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.12.block.2.bias" -> "features/5/12/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/12/block/2/layer_norm/0" -> "features/5/12/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.12.block.3.weight" -> "features/5/12/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.12.block.3.bias" -> "features/5/12/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/12/block/3/linear/0" -> "features/5/12/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/12/block/4/gelu/0" -> "features/5/12/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.12.block.5.weight" -> "features/5/12/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.12.block.5.bias" -> "features/5/12/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/12/block/5/linear/0" -> "features/5/12/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/12/block/6/permute/0" -> "features/5/12/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.12.layer_scale" -> "features/5/12/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/12/mul/0" -> "features/5/12/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/12/add_/0" -> "features/5/13/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/12/add_/0" -> "features/5/13/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.13.block.0.weight" -> "features/5/13/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.13.block.0.bias" -> "features/5/13/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/13/block/0/conv2d/0" -> "features/5/13/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/13/block/1/permute/0" -> "features/5/13/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.13.block.2.weight" -> "features/5/13/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.13.block.2.bias" -> "features/5/13/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/13/block/2/layer_norm/0" -> "features/5/13/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.13.block.3.weight" -> "features/5/13/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.13.block.3.bias" -> "features/5/13/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/13/block/3/linear/0" -> "features/5/13/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/13/block/4/gelu/0" -> "features/5/13/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.13.block.5.weight" -> "features/5/13/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.13.block.5.bias" -> "features/5/13/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/13/block/5/linear/0" -> "features/5/13/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/13/block/6/permute/0" -> "features/5/13/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.13.layer_scale" -> "features/5/13/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/13/mul/0" -> "features/5/13/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/13/add_/0" -> "features/5/14/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/13/add_/0" -> "features/5/14/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.14.block.0.weight" -> "features/5/14/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.14.block.0.bias" -> "features/5/14/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/14/block/0/conv2d/0" -> "features/5/14/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/14/block/1/permute/0" -> "features/5/14/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.14.block.2.weight" -> "features/5/14/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.14.block.2.bias" -> "features/5/14/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/14/block/2/layer_norm/0" -> "features/5/14/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.14.block.3.weight" -> "features/5/14/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.14.block.3.bias" -> "features/5/14/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/14/block/3/linear/0" -> "features/5/14/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/14/block/4/gelu/0" -> "features/5/14/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.14.block.5.weight" -> "features/5/14/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.14.block.5.bias" -> "features/5/14/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/14/block/5/linear/0" -> "features/5/14/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/14/block/6/permute/0" -> "features/5/14/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.14.layer_scale" -> "features/5/14/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/14/mul/0" -> "features/5/14/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/14/add_/0" -> "features/5/15/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/14/add_/0" -> "features/5/15/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.15.block.0.weight" -> "features/5/15/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.15.block.0.bias" -> "features/5/15/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/15/block/0/conv2d/0" -> "features/5/15/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/15/block/1/permute/0" -> "features/5/15/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.15.block.2.weight" -> "features/5/15/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.15.block.2.bias" -> "features/5/15/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/15/block/2/layer_norm/0" -> "features/5/15/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.15.block.3.weight" -> "features/5/15/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.15.block.3.bias" -> "features/5/15/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/15/block/3/linear/0" -> "features/5/15/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/15/block/4/gelu/0" -> "features/5/15/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.15.block.5.weight" -> "features/5/15/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.15.block.5.bias" -> "features/5/15/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/15/block/5/linear/0" -> "features/5/15/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/15/block/6/permute/0" -> "features/5/15/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.15.layer_scale" -> "features/5/15/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/15/mul/0" -> "features/5/15/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/15/add_/0" -> "features/5/16/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/15/add_/0" -> "features/5/16/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.16.block.0.weight" -> "features/5/16/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.16.block.0.bias" -> "features/5/16/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/16/block/0/conv2d/0" -> "features/5/16/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/16/block/1/permute/0" -> "features/5/16/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.16.block.2.weight" -> "features/5/16/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.16.block.2.bias" -> "features/5/16/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/16/block/2/layer_norm/0" -> "features/5/16/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.16.block.3.weight" -> "features/5/16/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.16.block.3.bias" -> "features/5/16/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/16/block/3/linear/0" -> "features/5/16/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/16/block/4/gelu/0" -> "features/5/16/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.16.block.5.weight" -> "features/5/16/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.16.block.5.bias" -> "features/5/16/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/16/block/5/linear/0" -> "features/5/16/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/16/block/6/permute/0" -> "features/5/16/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.16.layer_scale" -> "features/5/16/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/16/mul/0" -> "features/5/16/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/16/add_/0" -> "features/5/17/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/16/add_/0" -> "features/5/17/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.17.block.0.weight" -> "features/5/17/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.17.block.0.bias" -> "features/5/17/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/17/block/0/conv2d/0" -> "features/5/17/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/17/block/1/permute/0" -> "features/5/17/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.17.block.2.weight" -> "features/5/17/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.17.block.2.bias" -> "features/5/17/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/17/block/2/layer_norm/0" -> "features/5/17/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.17.block.3.weight" -> "features/5/17/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.17.block.3.bias" -> "features/5/17/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/17/block/3/linear/0" -> "features/5/17/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/17/block/4/gelu/0" -> "features/5/17/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.17.block.5.weight" -> "features/5/17/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.17.block.5.bias" -> "features/5/17/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/17/block/5/linear/0" -> "features/5/17/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/17/block/6/permute/0" -> "features/5/17/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.17.layer_scale" -> "features/5/17/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/17/mul/0" -> "features/5/17/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/17/add_/0" -> "features/5/18/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/17/add_/0" -> "features/5/18/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.18.block.0.weight" -> "features/5/18/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.18.block.0.bias" -> "features/5/18/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/18/block/0/conv2d/0" -> "features/5/18/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/18/block/1/permute/0" -> "features/5/18/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.18.block.2.weight" -> "features/5/18/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.18.block.2.bias" -> "features/5/18/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/18/block/2/layer_norm/0" -> "features/5/18/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.18.block.3.weight" -> "features/5/18/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.18.block.3.bias" -> "features/5/18/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/18/block/3/linear/0" -> "features/5/18/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/18/block/4/gelu/0" -> "features/5/18/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.18.block.5.weight" -> "features/5/18/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.18.block.5.bias" -> "features/5/18/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/18/block/5/linear/0" -> "features/5/18/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/18/block/6/permute/0" -> "features/5/18/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.18.layer_scale" -> "features/5/18/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/18/mul/0" -> "features/5/18/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/18/add_/0" -> "features/5/19/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/18/add_/0" -> "features/5/19/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.19.block.0.weight" -> "features/5/19/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.19.block.0.bias" -> "features/5/19/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/19/block/0/conv2d/0" -> "features/5/19/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/19/block/1/permute/0" -> "features/5/19/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.19.block.2.weight" -> "features/5/19/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.19.block.2.bias" -> "features/5/19/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/19/block/2/layer_norm/0" -> "features/5/19/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.19.block.3.weight" -> "features/5/19/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.19.block.3.bias" -> "features/5/19/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/19/block/3/linear/0" -> "features/5/19/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/19/block/4/gelu/0" -> "features/5/19/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.19.block.5.weight" -> "features/5/19/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.19.block.5.bias" -> "features/5/19/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/19/block/5/linear/0" -> "features/5/19/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/19/block/6/permute/0" -> "features/5/19/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.19.layer_scale" -> "features/5/19/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/19/mul/0" -> "features/5/19/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/19/add_/0" -> "features/5/20/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/19/add_/0" -> "features/5/20/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.20.block.0.weight" -> "features/5/20/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.20.block.0.bias" -> "features/5/20/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/20/block/0/conv2d/0" -> "features/5/20/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/20/block/1/permute/0" -> "features/5/20/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.20.block.2.weight" -> "features/5/20/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.20.block.2.bias" -> "features/5/20/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/20/block/2/layer_norm/0" -> "features/5/20/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.20.block.3.weight" -> "features/5/20/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.20.block.3.bias" -> "features/5/20/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/20/block/3/linear/0" -> "features/5/20/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/20/block/4/gelu/0" -> "features/5/20/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.20.block.5.weight" -> "features/5/20/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.20.block.5.bias" -> "features/5/20/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/20/block/5/linear/0" -> "features/5/20/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/20/block/6/permute/0" -> "features/5/20/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.20.layer_scale" -> "features/5/20/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/20/mul/0" -> "features/5/20/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/20/add_/0" -> "features/5/21/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/20/add_/0" -> "features/5/21/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.21.block.0.weight" -> "features/5/21/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.21.block.0.bias" -> "features/5/21/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/21/block/0/conv2d/0" -> "features/5/21/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/21/block/1/permute/0" -> "features/5/21/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.21.block.2.weight" -> "features/5/21/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.21.block.2.bias" -> "features/5/21/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/21/block/2/layer_norm/0" -> "features/5/21/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.21.block.3.weight" -> "features/5/21/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.21.block.3.bias" -> "features/5/21/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/21/block/3/linear/0" -> "features/5/21/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/21/block/4/gelu/0" -> "features/5/21/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.21.block.5.weight" -> "features/5/21/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.21.block.5.bias" -> "features/5/21/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/21/block/5/linear/0" -> "features/5/21/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/21/block/6/permute/0" -> "features/5/21/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.21.layer_scale" -> "features/5/21/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/21/mul/0" -> "features/5/21/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/21/add_/0" -> "features/5/22/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/21/add_/0" -> "features/5/22/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.22.block.0.weight" -> "features/5/22/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.22.block.0.bias" -> "features/5/22/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/22/block/0/conv2d/0" -> "features/5/22/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/22/block/1/permute/0" -> "features/5/22/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.22.block.2.weight" -> "features/5/22/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.22.block.2.bias" -> "features/5/22/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/22/block/2/layer_norm/0" -> "features/5/22/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.22.block.3.weight" -> "features/5/22/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.22.block.3.bias" -> "features/5/22/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/22/block/3/linear/0" -> "features/5/22/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/22/block/4/gelu/0" -> "features/5/22/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.22.block.5.weight" -> "features/5/22/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.22.block.5.bias" -> "features/5/22/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/22/block/5/linear/0" -> "features/5/22/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/22/block/6/permute/0" -> "features/5/22/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.22.layer_scale" -> "features/5/22/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/22/mul/0" -> "features/5/22/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/22/add_/0" -> "features/5/23/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/22/add_/0" -> "features/5/23/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.23.block.0.weight" -> "features/5/23/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.23.block.0.bias" -> "features/5/23/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/23/block/0/conv2d/0" -> "features/5/23/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/23/block/1/permute/0" -> "features/5/23/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.23.block.2.weight" -> "features/5/23/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.23.block.2.bias" -> "features/5/23/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/23/block/2/layer_norm/0" -> "features/5/23/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.23.block.3.weight" -> "features/5/23/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.23.block.3.bias" -> "features/5/23/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/23/block/3/linear/0" -> "features/5/23/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/23/block/4/gelu/0" -> "features/5/23/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.23.block.5.weight" -> "features/5/23/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.23.block.5.bias" -> "features/5/23/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/23/block/5/linear/0" -> "features/5/23/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/23/block/6/permute/0" -> "features/5/23/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.23.layer_scale" -> "features/5/23/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/23/mul/0" -> "features/5/23/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/23/add_/0" -> "features/5/24/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/23/add_/0" -> "features/5/24/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.24.block.0.weight" -> "features/5/24/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.24.block.0.bias" -> "features/5/24/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/24/block/0/conv2d/0" -> "features/5/24/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/24/block/1/permute/0" -> "features/5/24/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.24.block.2.weight" -> "features/5/24/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.24.block.2.bias" -> "features/5/24/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/24/block/2/layer_norm/0" -> "features/5/24/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.24.block.3.weight" -> "features/5/24/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.24.block.3.bias" -> "features/5/24/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/24/block/3/linear/0" -> "features/5/24/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/24/block/4/gelu/0" -> "features/5/24/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.24.block.5.weight" -> "features/5/24/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.24.block.5.bias" -> "features/5/24/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/24/block/5/linear/0" -> "features/5/24/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/24/block/6/permute/0" -> "features/5/24/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.24.layer_scale" -> "features/5/24/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/24/mul/0" -> "features/5/24/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/24/add_/0" -> "features/5/25/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/24/add_/0" -> "features/5/25/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.25.block.0.weight" -> "features/5/25/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.25.block.0.bias" -> "features/5/25/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/25/block/0/conv2d/0" -> "features/5/25/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/25/block/1/permute/0" -> "features/5/25/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.25.block.2.weight" -> "features/5/25/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.25.block.2.bias" -> "features/5/25/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/25/block/2/layer_norm/0" -> "features/5/25/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.25.block.3.weight" -> "features/5/25/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.25.block.3.bias" -> "features/5/25/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/25/block/3/linear/0" -> "features/5/25/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/25/block/4/gelu/0" -> "features/5/25/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.25.block.5.weight" -> "features/5/25/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.25.block.5.bias" -> "features/5/25/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/25/block/5/linear/0" -> "features/5/25/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/25/block/6/permute/0" -> "features/5/25/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.25.layer_scale" -> "features/5/25/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/25/mul/0" -> "features/5/25/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/25/add_/0" -> "features/5/26/block/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/25/add_/0" -> "features/5/26/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.26.block.0.weight" -> "features/5/26/block/0/conv2d/0" [dtype=float, shape="(384, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.5.26.block.0.bias" -> "features/5/26/block/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/26/block/0/conv2d/0" -> "features/5/26/block/1/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/26/block/1/permute/0" -> "features/5/26/block/2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.26.block.2.weight" -> "features/5/26/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.5.26.block.2.bias" -> "features/5/26/block/2/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/5/26/block/2/layer_norm/0" -> "features/5/26/block/3/linear/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.5.26.block.3.weight" -> "features/5/26/block/3/linear/0" [dtype=float, shape="(1536, 384)", out_port_id=0, in_port_id=1]; +"features.5.26.block.3.bias" -> "features/5/26/block/3/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/26/block/3/linear/0" -> "features/5/26/block/4/gelu/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features/5/26/block/4/gelu/0" -> "features/5/26/block/5/linear/0" [dtype=float, shape="(1, 4, 4, 1536)", out_port_id=0, in_port_id=0]; +"features.5.26.block.5.weight" -> "features/5/26/block/5/linear/0" [dtype=float, shape="(384, 1536)", out_port_id=0, in_port_id=1]; +"features.5.26.block.5.bias" -> "features/5/26/block/5/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/5/26/block/5/linear/0" -> "features/5/26/block/6/permute/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/5/26/block/6/permute/0" -> "features/5/26/mul/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.26.layer_scale" -> "features/5/26/mul/0" [dtype=float, shape="(384, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/26/mul/0" -> "features/5/26/add_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/26/add_/0" -> "features/6/0/permute/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/6/0/permute/0" -> "features/6/0/layer_norm/0" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features.6.0.weight" -> "features/6/0/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.6.0.bias" -> "features/6/0/layer_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features/6/0/layer_norm/0" -> "features/6/0/permute/1" [dtype=float, shape="(1, 4, 4, 384)", out_port_id=0, in_port_id=0]; +"features/6/0/permute/1" -> "features/6/1/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.1.weight" -> "features/6/1/conv2d/0" [dtype=float, shape="(768, 384, 2, 2)", out_port_id=0, in_port_id=1]; +"features.6.1.bias" -> "features/6/1/conv2d/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features/6/1/conv2d/0" -> "features/7/0/block/0/conv2d/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/1/conv2d/0" -> "features/7/0/add_/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=1]; +"features.7.0.block.0.weight" -> "features/7/0/block/0/conv2d/0" [dtype=float, shape="(768, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.7.0.block.0.bias" -> "features/7/0/block/0/conv2d/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features/7/0/block/0/conv2d/0" -> "features/7/0/block/1/permute/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/0/block/1/permute/0" -> "features/7/0/block/2/layer_norm/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; +"features.7.0.block.2.weight" -> "features/7/0/block/2/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features.7.0.block.2.bias" -> "features/7/0/block/2/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; +"features/7/0/block/2/layer_norm/0" -> "features/7/0/block/3/linear/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; +"features.7.0.block.3.weight" -> "features/7/0/block/3/linear/0" [dtype=float, shape="(3072, 768)", out_port_id=0, in_port_id=1]; +"features.7.0.block.3.bias" -> "features/7/0/block/3/linear/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=2]; +"features/7/0/block/3/linear/0" -> "features/7/0/block/4/gelu/0" [dtype=float, shape="(1, 2, 2, 3072)", out_port_id=0, in_port_id=0]; +"features/7/0/block/4/gelu/0" -> "features/7/0/block/5/linear/0" [dtype=float, shape="(1, 2, 2, 3072)", out_port_id=0, in_port_id=0]; +"features.7.0.block.5.weight" -> "features/7/0/block/5/linear/0" [dtype=float, shape="(768, 3072)", out_port_id=0, in_port_id=1]; +"features.7.0.block.5.bias" -> "features/7/0/block/5/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features/7/0/block/5/linear/0" -> "features/7/0/block/6/permute/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; +"features/7/0/block/6/permute/0" -> "features/7/0/mul/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=1]; +"features.7.0.layer_scale" -> "features/7/0/mul/0" [dtype=float, shape="(768, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/0/mul/0" -> "features/7/0/add_/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/0/add_/0" -> "features/7/1/block/0/conv2d/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/0/add_/0" -> "features/7/1/add_/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=1]; +"features.7.1.block.0.weight" -> "features/7/1/block/0/conv2d/0" [dtype=float, shape="(768, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.7.1.block.0.bias" -> "features/7/1/block/0/conv2d/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features/7/1/block/0/conv2d/0" -> "features/7/1/block/1/permute/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/1/block/1/permute/0" -> "features/7/1/block/2/layer_norm/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; +"features.7.1.block.2.weight" -> "features/7/1/block/2/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features.7.1.block.2.bias" -> "features/7/1/block/2/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; +"features/7/1/block/2/layer_norm/0" -> "features/7/1/block/3/linear/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; +"features.7.1.block.3.weight" -> "features/7/1/block/3/linear/0" [dtype=float, shape="(3072, 768)", out_port_id=0, in_port_id=1]; +"features.7.1.block.3.bias" -> "features/7/1/block/3/linear/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=2]; +"features/7/1/block/3/linear/0" -> "features/7/1/block/4/gelu/0" [dtype=float, shape="(1, 2, 2, 3072)", out_port_id=0, in_port_id=0]; +"features/7/1/block/4/gelu/0" -> "features/7/1/block/5/linear/0" [dtype=float, shape="(1, 2, 2, 3072)", out_port_id=0, in_port_id=0]; +"features.7.1.block.5.weight" -> "features/7/1/block/5/linear/0" [dtype=float, shape="(768, 3072)", out_port_id=0, in_port_id=1]; +"features.7.1.block.5.bias" -> "features/7/1/block/5/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features/7/1/block/5/linear/0" -> "features/7/1/block/6/permute/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; +"features/7/1/block/6/permute/0" -> "features/7/1/mul/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=1]; +"features.7.1.layer_scale" -> "features/7/1/mul/0" [dtype=float, shape="(768, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/1/mul/0" -> "features/7/1/add_/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/1/add_/0" -> "features/7/2/block/0/conv2d/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/1/add_/0" -> "features/7/2/add_/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=1]; +"features.7.2.block.0.weight" -> "features/7/2/block/0/conv2d/0" [dtype=float, shape="(768, 1, 7, 7)", out_port_id=0, in_port_id=1]; +"features.7.2.block.0.bias" -> "features/7/2/block/0/conv2d/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features/7/2/block/0/conv2d/0" -> "features/7/2/block/1/permute/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/2/block/1/permute/0" -> "features/7/2/block/2/layer_norm/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; +"features.7.2.block.2.weight" -> "features/7/2/block/2/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features.7.2.block.2.bias" -> "features/7/2/block/2/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; +"features/7/2/block/2/layer_norm/0" -> "features/7/2/block/3/linear/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; +"features.7.2.block.3.weight" -> "features/7/2/block/3/linear/0" [dtype=float, shape="(3072, 768)", out_port_id=0, in_port_id=1]; +"features.7.2.block.3.bias" -> "features/7/2/block/3/linear/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=2]; +"features/7/2/block/3/linear/0" -> "features/7/2/block/4/gelu/0" [dtype=float, shape="(1, 2, 2, 3072)", out_port_id=0, in_port_id=0]; +"features/7/2/block/4/gelu/0" -> "features/7/2/block/5/linear/0" [dtype=float, shape="(1, 2, 2, 3072)", out_port_id=0, in_port_id=0]; +"features.7.2.block.5.weight" -> "features/7/2/block/5/linear/0" [dtype=float, shape="(768, 3072)", out_port_id=0, in_port_id=1]; +"features.7.2.block.5.bias" -> "features/7/2/block/5/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features/7/2/block/5/linear/0" -> "features/7/2/block/6/permute/0" [dtype=float, shape="(1, 2, 2, 768)", out_port_id=0, in_port_id=0]; +"features/7/2/block/6/permute/0" -> "features/7/2/mul/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=1]; +"features.7.2.layer_scale" -> "features/7/2/mul/0" [dtype=float, shape="(768, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/2/mul/0" -> "features/7/2/add_/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/2/add_/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; +"avgpool/adaptive_avg_pool2d/0" -> "classifier/0/permute/0" [dtype=float, shape="(1, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"classifier/0/permute/0" -> "classifier/0/layer_norm/0" [dtype=float, shape="(1, 1, 1, 768)", out_port_id=0, in_port_id=0]; +"classifier.0.weight" -> "classifier/0/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"classifier.0.bias" -> "classifier/0/layer_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; +"classifier/0/layer_norm/0" -> "classifier/0/permute/1" [dtype=float, shape="(1, 1, 1, 768)", out_port_id=0, in_port_id=0]; +"classifier/0/permute/1" -> "classifier/1/flatten/0" [dtype=float, shape="(1, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"classifier/1/flatten/0" -> "classifier/2/linear/0" [dtype=float, shape="(1, 768)", out_port_id=0, in_port_id=0]; +"classifier.2.weight" -> "classifier/2/linear/0" [dtype=float, shape="(1000, 768)", out_port_id=0, in_port_id=1]; +"classifier.2.bias" -> "classifier/2/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"classifier/2/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_densenet121.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_densenet121.dot index 7f1574a91a6..2b7f6437eed 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_densenet121.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_densenet121.dot @@ -1,2614 +1,2614 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"features.conv0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/conv0/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; -"features.norm0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.norm0.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.norm0.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.norm0.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/norm0/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/relu0/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; -"features/pool0/max_pool2d/0" [id=9, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features/denseblock1/denselayer1/cat/0" [id=10, metatype=PTCatMetatype, type=cat]; -"features.denseblock1.denselayer1.norm1.weight" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer1.norm1.bias" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer1.norm1.running_mean" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer1.norm1.running_var" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer1/norm1/batch_norm/0" [id=15, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock1/denselayer1/relu1/relu_/0" [id=16, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock1.denselayer1.conv1.weight" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer1/conv1/conv2d/0" [id=18, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock1.denselayer1.norm2.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer1.norm2.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer1.norm2.running_mean" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer1.norm2.running_var" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer1/norm2/batch_norm/0" [id=23, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock1/denselayer1/relu2/relu_/0" [id=24, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock1.denselayer1.conv2.weight" [id=25, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer1/conv2/conv2d/0" [id=26, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock1/denselayer2/cat/0" [id=27, metatype=PTCatMetatype, type=cat]; -"features.denseblock1.denselayer2.norm1.weight" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer2.norm1.bias" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer2.norm1.running_mean" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer2.norm1.running_var" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer2/norm1/batch_norm/0" [id=32, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock1/denselayer2/relu1/relu_/0" [id=33, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock1.denselayer2.conv1.weight" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer2/conv1/conv2d/0" [id=35, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock1.denselayer2.norm2.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer2.norm2.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer2.norm2.running_mean" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer2.norm2.running_var" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer2/norm2/batch_norm/0" [id=40, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock1/denselayer2/relu2/relu_/0" [id=41, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock1.denselayer2.conv2.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer2/conv2/conv2d/0" [id=43, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock1/denselayer3/cat/0" [id=44, metatype=PTCatMetatype, type=cat]; -"features.denseblock1.denselayer3.norm1.weight" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer3.norm1.bias" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer3.norm1.running_mean" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer3.norm1.running_var" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer3/norm1/batch_norm/0" [id=49, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock1/denselayer3/relu1/relu_/0" [id=50, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock1.denselayer3.conv1.weight" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer3/conv1/conv2d/0" [id=52, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock1.denselayer3.norm2.weight" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer3.norm2.bias" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer3.norm2.running_mean" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer3.norm2.running_var" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer3/norm2/batch_norm/0" [id=57, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock1/denselayer3/relu2/relu_/0" [id=58, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock1.denselayer3.conv2.weight" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer3/conv2/conv2d/0" [id=60, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock1/denselayer4/cat/0" [id=61, metatype=PTCatMetatype, type=cat]; -"features.denseblock1.denselayer4.norm1.weight" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer4.norm1.bias" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer4.norm1.running_mean" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer4.norm1.running_var" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer4/norm1/batch_norm/0" [id=66, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock1/denselayer4/relu1/relu_/0" [id=67, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock1.denselayer4.conv1.weight" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer4/conv1/conv2d/0" [id=69, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock1.denselayer4.norm2.weight" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer4.norm2.bias" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer4.norm2.running_mean" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer4.norm2.running_var" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer4/norm2/batch_norm/0" [id=74, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock1/denselayer4/relu2/relu_/0" [id=75, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock1.denselayer4.conv2.weight" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer4/conv2/conv2d/0" [id=77, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock1/denselayer5/cat/0" [id=78, metatype=PTCatMetatype, type=cat]; -"features.denseblock1.denselayer5.norm1.weight" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer5.norm1.bias" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer5.norm1.running_mean" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer5.norm1.running_var" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer5/norm1/batch_norm/0" [id=83, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock1/denselayer5/relu1/relu_/0" [id=84, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock1.denselayer5.conv1.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer5/conv1/conv2d/0" [id=86, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock1.denselayer5.norm2.weight" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer5.norm2.bias" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer5.norm2.running_mean" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer5.norm2.running_var" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer5/norm2/batch_norm/0" [id=91, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock1/denselayer5/relu2/relu_/0" [id=92, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock1.denselayer5.conv2.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer5/conv2/conv2d/0" [id=94, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock1/denselayer6/cat/0" [id=95, metatype=PTCatMetatype, type=cat]; -"features.denseblock1.denselayer6.norm1.weight" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer6.norm1.bias" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer6.norm1.running_mean" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer6.norm1.running_var" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer6/norm1/batch_norm/0" [id=100, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock1/denselayer6/relu1/relu_/0" [id=101, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock1.denselayer6.conv1.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer6/conv1/conv2d/0" [id=103, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock1.denselayer6.norm2.weight" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer6.norm2.bias" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer6.norm2.running_mean" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock1.denselayer6.norm2.running_var" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer6/norm2/batch_norm/0" [id=108, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock1/denselayer6/relu2/relu_/0" [id=109, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock1.denselayer6.conv2.weight" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock1/denselayer6/conv2/conv2d/0" [id=111, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock1/cat/0" [id=112, metatype=PTCatMetatype, type=cat]; -"features.transition1.norm.weight" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.transition1.norm.bias" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.transition1.norm.running_mean" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.transition1.norm.running_var" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/transition1/norm/batch_norm/0" [id=117, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/transition1/relu/relu_/0" [id=118, metatype=PTRELUMetatype, type=relu_]; -"features.transition1.conv.weight" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/transition1/conv/conv2d/0" [id=120, metatype=PTConv2dMetatype, type=conv2d]; -"features/transition1/pool/avg_pool2d/0" [id=121, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"features/denseblock2/denselayer1/cat/0" [id=122, metatype=PTCatMetatype, type=cat]; -"features.denseblock2.denselayer1.norm1.weight" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer1.norm1.bias" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer1.norm1.running_mean" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer1.norm1.running_var" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer1/norm1/batch_norm/0" [id=127, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer1/relu1/relu_/0" [id=128, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer1.conv1.weight" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer1/conv1/conv2d/0" [id=130, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock2.denselayer1.norm2.weight" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer1.norm2.bias" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer1.norm2.running_mean" [id=133, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer1.norm2.running_var" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer1/norm2/batch_norm/0" [id=135, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer1/relu2/relu_/0" [id=136, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer1.conv2.weight" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer1/conv2/conv2d/0" [id=138, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock2/denselayer2/cat/0" [id=139, metatype=PTCatMetatype, type=cat]; -"features.denseblock2.denselayer2.norm1.weight" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer2.norm1.bias" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer2.norm1.running_mean" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer2.norm1.running_var" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer2/norm1/batch_norm/0" [id=144, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer2/relu1/relu_/0" [id=145, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer2.conv1.weight" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer2/conv1/conv2d/0" [id=147, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock2.denselayer2.norm2.weight" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer2.norm2.bias" [id=149, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer2.norm2.running_mean" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer2.norm2.running_var" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer2/norm2/batch_norm/0" [id=152, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer2/relu2/relu_/0" [id=153, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer2.conv2.weight" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer2/conv2/conv2d/0" [id=155, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock2/denselayer3/cat/0" [id=156, metatype=PTCatMetatype, type=cat]; -"features.denseblock2.denselayer3.norm1.weight" [id=157, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer3.norm1.bias" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer3.norm1.running_mean" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer3.norm1.running_var" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer3/norm1/batch_norm/0" [id=161, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer3/relu1/relu_/0" [id=162, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer3.conv1.weight" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer3/conv1/conv2d/0" [id=164, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock2.denselayer3.norm2.weight" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer3.norm2.bias" [id=166, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer3.norm2.running_mean" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer3.norm2.running_var" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer3/norm2/batch_norm/0" [id=169, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer3/relu2/relu_/0" [id=170, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer3.conv2.weight" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer3/conv2/conv2d/0" [id=172, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock2/denselayer4/cat/0" [id=173, metatype=PTCatMetatype, type=cat]; -"features.denseblock2.denselayer4.norm1.weight" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer4.norm1.bias" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer4.norm1.running_mean" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer4.norm1.running_var" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer4/norm1/batch_norm/0" [id=178, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer4/relu1/relu_/0" [id=179, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer4.conv1.weight" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer4/conv1/conv2d/0" [id=181, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock2.denselayer4.norm2.weight" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer4.norm2.bias" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer4.norm2.running_mean" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer4.norm2.running_var" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer4/norm2/batch_norm/0" [id=186, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer4/relu2/relu_/0" [id=187, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer4.conv2.weight" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer4/conv2/conv2d/0" [id=189, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock2/denselayer5/cat/0" [id=190, metatype=PTCatMetatype, type=cat]; -"features.denseblock2.denselayer5.norm1.weight" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer5.norm1.bias" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer5.norm1.running_mean" [id=193, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer5.norm1.running_var" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer5/norm1/batch_norm/0" [id=195, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer5/relu1/relu_/0" [id=196, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer5.conv1.weight" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer5/conv1/conv2d/0" [id=198, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock2.denselayer5.norm2.weight" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer5.norm2.bias" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer5.norm2.running_mean" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer5.norm2.running_var" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer5/norm2/batch_norm/0" [id=203, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer5/relu2/relu_/0" [id=204, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer5.conv2.weight" [id=205, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer5/conv2/conv2d/0" [id=206, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock2/denselayer6/cat/0" [id=207, metatype=PTCatMetatype, type=cat]; -"features.denseblock2.denselayer6.norm1.weight" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer6.norm1.bias" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer6.norm1.running_mean" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer6.norm1.running_var" [id=211, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer6/norm1/batch_norm/0" [id=212, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer6/relu1/relu_/0" [id=213, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer6.conv1.weight" [id=214, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer6/conv1/conv2d/0" [id=215, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock2.denselayer6.norm2.weight" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer6.norm2.bias" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer6.norm2.running_mean" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer6.norm2.running_var" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer6/norm2/batch_norm/0" [id=220, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer6/relu2/relu_/0" [id=221, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer6.conv2.weight" [id=222, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer6/conv2/conv2d/0" [id=223, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock2/denselayer7/cat/0" [id=224, metatype=PTCatMetatype, type=cat]; -"features.denseblock2.denselayer7.norm1.weight" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer7.norm1.bias" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer7.norm1.running_mean" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer7.norm1.running_var" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer7/norm1/batch_norm/0" [id=229, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer7/relu1/relu_/0" [id=230, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer7.conv1.weight" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer7/conv1/conv2d/0" [id=232, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock2.denselayer7.norm2.weight" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer7.norm2.bias" [id=234, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer7.norm2.running_mean" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer7.norm2.running_var" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer7/norm2/batch_norm/0" [id=237, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer7/relu2/relu_/0" [id=238, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer7.conv2.weight" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer7/conv2/conv2d/0" [id=240, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock2/denselayer8/cat/0" [id=241, metatype=PTCatMetatype, type=cat]; -"features.denseblock2.denselayer8.norm1.weight" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer8.norm1.bias" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer8.norm1.running_mean" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer8.norm1.running_var" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer8/norm1/batch_norm/0" [id=246, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer8/relu1/relu_/0" [id=247, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer8.conv1.weight" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer8/conv1/conv2d/0" [id=249, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock2.denselayer8.norm2.weight" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer8.norm2.bias" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer8.norm2.running_mean" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer8.norm2.running_var" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer8/norm2/batch_norm/0" [id=254, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer8/relu2/relu_/0" [id=255, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer8.conv2.weight" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer8/conv2/conv2d/0" [id=257, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock2/denselayer9/cat/0" [id=258, metatype=PTCatMetatype, type=cat]; -"features.denseblock2.denselayer9.norm1.weight" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer9.norm1.bias" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer9.norm1.running_mean" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer9.norm1.running_var" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer9/norm1/batch_norm/0" [id=263, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer9/relu1/relu_/0" [id=264, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer9.conv1.weight" [id=265, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer9/conv1/conv2d/0" [id=266, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock2.denselayer9.norm2.weight" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer9.norm2.bias" [id=268, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer9.norm2.running_mean" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer9.norm2.running_var" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer9/norm2/batch_norm/0" [id=271, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer9/relu2/relu_/0" [id=272, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer9.conv2.weight" [id=273, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer9/conv2/conv2d/0" [id=274, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock2/denselayer10/cat/0" [id=275, metatype=PTCatMetatype, type=cat]; -"features.denseblock2.denselayer10.norm1.weight" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer10.norm1.bias" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer10.norm1.running_mean" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer10.norm1.running_var" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer10/norm1/batch_norm/0" [id=280, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer10/relu1/relu_/0" [id=281, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer10.conv1.weight" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer10/conv1/conv2d/0" [id=283, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock2.denselayer10.norm2.weight" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer10.norm2.bias" [id=285, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer10.norm2.running_mean" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer10.norm2.running_var" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer10/norm2/batch_norm/0" [id=288, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer10/relu2/relu_/0" [id=289, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer10.conv2.weight" [id=290, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer10/conv2/conv2d/0" [id=291, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock2/denselayer11/cat/0" [id=292, metatype=PTCatMetatype, type=cat]; -"features.denseblock2.denselayer11.norm1.weight" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer11.norm1.bias" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer11.norm1.running_mean" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer11.norm1.running_var" [id=296, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer11/norm1/batch_norm/0" [id=297, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer11/relu1/relu_/0" [id=298, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer11.conv1.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer11/conv1/conv2d/0" [id=300, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock2.denselayer11.norm2.weight" [id=301, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer11.norm2.bias" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer11.norm2.running_mean" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer11.norm2.running_var" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer11/norm2/batch_norm/0" [id=305, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer11/relu2/relu_/0" [id=306, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer11.conv2.weight" [id=307, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer11/conv2/conv2d/0" [id=308, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock2/denselayer12/cat/0" [id=309, metatype=PTCatMetatype, type=cat]; -"features.denseblock2.denselayer12.norm1.weight" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer12.norm1.bias" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer12.norm1.running_mean" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer12.norm1.running_var" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer12/norm1/batch_norm/0" [id=314, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer12/relu1/relu_/0" [id=315, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer12.conv1.weight" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer12/conv1/conv2d/0" [id=317, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock2.denselayer12.norm2.weight" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer12.norm2.bias" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer12.norm2.running_mean" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock2.denselayer12.norm2.running_var" [id=321, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer12/norm2/batch_norm/0" [id=322, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock2/denselayer12/relu2/relu_/0" [id=323, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock2.denselayer12.conv2.weight" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock2/denselayer12/conv2/conv2d/0" [id=325, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock2/cat/0" [id=326, metatype=PTCatMetatype, type=cat]; -"features.transition2.norm.weight" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.transition2.norm.bias" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.transition2.norm.running_mean" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.transition2.norm.running_var" [id=330, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/transition2/norm/batch_norm/0" [id=331, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/transition2/relu/relu_/0" [id=332, metatype=PTRELUMetatype, type=relu_]; -"features.transition2.conv.weight" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/transition2/conv/conv2d/0" [id=334, metatype=PTConv2dMetatype, type=conv2d]; -"features/transition2/pool/avg_pool2d/0" [id=335, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"features/denseblock3/denselayer1/cat/0" [id=336, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer1.norm1.weight" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer1.norm1.bias" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer1.norm1.running_mean" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer1.norm1.running_var" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer1/norm1/batch_norm/0" [id=341, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer1/relu1/relu_/0" [id=342, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer1.conv1.weight" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer1/conv1/conv2d/0" [id=344, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer1.norm2.weight" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer1.norm2.bias" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer1.norm2.running_mean" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer1.norm2.running_var" [id=348, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer1/norm2/batch_norm/0" [id=349, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer1/relu2/relu_/0" [id=350, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer1.conv2.weight" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer1/conv2/conv2d/0" [id=352, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer2/cat/0" [id=353, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer2.norm1.weight" [id=354, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer2.norm1.bias" [id=355, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer2.norm1.running_mean" [id=356, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer2.norm1.running_var" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer2/norm1/batch_norm/0" [id=358, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer2/relu1/relu_/0" [id=359, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer2.conv1.weight" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer2/conv1/conv2d/0" [id=361, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer2.norm2.weight" [id=362, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer2.norm2.bias" [id=363, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer2.norm2.running_mean" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer2.norm2.running_var" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer2/norm2/batch_norm/0" [id=366, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer2/relu2/relu_/0" [id=367, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer2.conv2.weight" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer2/conv2/conv2d/0" [id=369, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer3/cat/0" [id=370, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer3.norm1.weight" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer3.norm1.bias" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer3.norm1.running_mean" [id=373, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer3.norm1.running_var" [id=374, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer3/norm1/batch_norm/0" [id=375, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer3/relu1/relu_/0" [id=376, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer3.conv1.weight" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer3/conv1/conv2d/0" [id=378, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer3.norm2.weight" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer3.norm2.bias" [id=380, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer3.norm2.running_mean" [id=381, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer3.norm2.running_var" [id=382, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer3/norm2/batch_norm/0" [id=383, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer3/relu2/relu_/0" [id=384, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer3.conv2.weight" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer3/conv2/conv2d/0" [id=386, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer4/cat/0" [id=387, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer4.norm1.weight" [id=388, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer4.norm1.bias" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer4.norm1.running_mean" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer4.norm1.running_var" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer4/norm1/batch_norm/0" [id=392, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer4/relu1/relu_/0" [id=393, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer4.conv1.weight" [id=394, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer4/conv1/conv2d/0" [id=395, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer4.norm2.weight" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer4.norm2.bias" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer4.norm2.running_mean" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer4.norm2.running_var" [id=399, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer4/norm2/batch_norm/0" [id=400, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer4/relu2/relu_/0" [id=401, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer4.conv2.weight" [id=402, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer4/conv2/conv2d/0" [id=403, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer5/cat/0" [id=404, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer5.norm1.weight" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer5.norm1.bias" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer5.norm1.running_mean" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer5.norm1.running_var" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer5/norm1/batch_norm/0" [id=409, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer5/relu1/relu_/0" [id=410, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer5.conv1.weight" [id=411, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer5/conv1/conv2d/0" [id=412, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer5.norm2.weight" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer5.norm2.bias" [id=414, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer5.norm2.running_mean" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer5.norm2.running_var" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer5/norm2/batch_norm/0" [id=417, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer5/relu2/relu_/0" [id=418, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer5.conv2.weight" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer5/conv2/conv2d/0" [id=420, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer6/cat/0" [id=421, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer6.norm1.weight" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer6.norm1.bias" [id=423, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer6.norm1.running_mean" [id=424, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer6.norm1.running_var" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer6/norm1/batch_norm/0" [id=426, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer6/relu1/relu_/0" [id=427, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer6.conv1.weight" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer6/conv1/conv2d/0" [id=429, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer6.norm2.weight" [id=430, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer6.norm2.bias" [id=431, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer6.norm2.running_mean" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer6.norm2.running_var" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer6/norm2/batch_norm/0" [id=434, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer6/relu2/relu_/0" [id=435, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer6.conv2.weight" [id=436, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer6/conv2/conv2d/0" [id=437, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer7/cat/0" [id=438, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer7.norm1.weight" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer7.norm1.bias" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer7.norm1.running_mean" [id=441, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer7.norm1.running_var" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer7/norm1/batch_norm/0" [id=443, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer7/relu1/relu_/0" [id=444, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer7.conv1.weight" [id=445, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer7/conv1/conv2d/0" [id=446, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer7.norm2.weight" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer7.norm2.bias" [id=448, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer7.norm2.running_mean" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer7.norm2.running_var" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer7/norm2/batch_norm/0" [id=451, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer7/relu2/relu_/0" [id=452, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer7.conv2.weight" [id=453, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer7/conv2/conv2d/0" [id=454, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer8/cat/0" [id=455, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer8.norm1.weight" [id=456, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer8.norm1.bias" [id=457, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer8.norm1.running_mean" [id=458, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer8.norm1.running_var" [id=459, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer8/norm1/batch_norm/0" [id=460, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer8/relu1/relu_/0" [id=461, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer8.conv1.weight" [id=462, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer8/conv1/conv2d/0" [id=463, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer8.norm2.weight" [id=464, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer8.norm2.bias" [id=465, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer8.norm2.running_mean" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer8.norm2.running_var" [id=467, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer8/norm2/batch_norm/0" [id=468, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer8/relu2/relu_/0" [id=469, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer8.conv2.weight" [id=470, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer8/conv2/conv2d/0" [id=471, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer9/cat/0" [id=472, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer9.norm1.weight" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer9.norm1.bias" [id=474, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer9.norm1.running_mean" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer9.norm1.running_var" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer9/norm1/batch_norm/0" [id=477, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer9/relu1/relu_/0" [id=478, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer9.conv1.weight" [id=479, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer9/conv1/conv2d/0" [id=480, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer9.norm2.weight" [id=481, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer9.norm2.bias" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer9.norm2.running_mean" [id=483, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer9.norm2.running_var" [id=484, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer9/norm2/batch_norm/0" [id=485, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer9/relu2/relu_/0" [id=486, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer9.conv2.weight" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer9/conv2/conv2d/0" [id=488, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer10/cat/0" [id=489, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer10.norm1.weight" [id=490, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer10.norm1.bias" [id=491, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer10.norm1.running_mean" [id=492, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer10.norm1.running_var" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer10/norm1/batch_norm/0" [id=494, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer10/relu1/relu_/0" [id=495, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer10.conv1.weight" [id=496, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer10/conv1/conv2d/0" [id=497, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer10.norm2.weight" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer10.norm2.bias" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer10.norm2.running_mean" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer10.norm2.running_var" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer10/norm2/batch_norm/0" [id=502, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer10/relu2/relu_/0" [id=503, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer10.conv2.weight" [id=504, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer10/conv2/conv2d/0" [id=505, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer11/cat/0" [id=506, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer11.norm1.weight" [id=507, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer11.norm1.bias" [id=508, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer11.norm1.running_mean" [id=509, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer11.norm1.running_var" [id=510, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer11/norm1/batch_norm/0" [id=511, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer11/relu1/relu_/0" [id=512, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer11.conv1.weight" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer11/conv1/conv2d/0" [id=514, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer11.norm2.weight" [id=515, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer11.norm2.bias" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer11.norm2.running_mean" [id=517, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer11.norm2.running_var" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer11/norm2/batch_norm/0" [id=519, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer11/relu2/relu_/0" [id=520, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer11.conv2.weight" [id=521, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer11/conv2/conv2d/0" [id=522, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer12/cat/0" [id=523, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer12.norm1.weight" [id=524, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer12.norm1.bias" [id=525, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer12.norm1.running_mean" [id=526, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer12.norm1.running_var" [id=527, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer12/norm1/batch_norm/0" [id=528, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer12/relu1/relu_/0" [id=529, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer12.conv1.weight" [id=530, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer12/conv1/conv2d/0" [id=531, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer12.norm2.weight" [id=532, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer12.norm2.bias" [id=533, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer12.norm2.running_mean" [id=534, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer12.norm2.running_var" [id=535, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer12/norm2/batch_norm/0" [id=536, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer12/relu2/relu_/0" [id=537, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer12.conv2.weight" [id=538, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer12/conv2/conv2d/0" [id=539, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer13/cat/0" [id=540, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer13.norm1.weight" [id=541, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer13.norm1.bias" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer13.norm1.running_mean" [id=543, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer13.norm1.running_var" [id=544, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer13/norm1/batch_norm/0" [id=545, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer13/relu1/relu_/0" [id=546, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer13.conv1.weight" [id=547, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer13/conv1/conv2d/0" [id=548, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer13.norm2.weight" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer13.norm2.bias" [id=550, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer13.norm2.running_mean" [id=551, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer13.norm2.running_var" [id=552, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer13/norm2/batch_norm/0" [id=553, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer13/relu2/relu_/0" [id=554, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer13.conv2.weight" [id=555, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer13/conv2/conv2d/0" [id=556, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer14/cat/0" [id=557, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer14.norm1.weight" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer14.norm1.bias" [id=559, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer14.norm1.running_mean" [id=560, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer14.norm1.running_var" [id=561, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer14/norm1/batch_norm/0" [id=562, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer14/relu1/relu_/0" [id=563, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer14.conv1.weight" [id=564, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer14/conv1/conv2d/0" [id=565, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer14.norm2.weight" [id=566, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer14.norm2.bias" [id=567, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer14.norm2.running_mean" [id=568, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer14.norm2.running_var" [id=569, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer14/norm2/batch_norm/0" [id=570, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer14/relu2/relu_/0" [id=571, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer14.conv2.weight" [id=572, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer14/conv2/conv2d/0" [id=573, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer15/cat/0" [id=574, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer15.norm1.weight" [id=575, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer15.norm1.bias" [id=576, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer15.norm1.running_mean" [id=577, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer15.norm1.running_var" [id=578, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer15/norm1/batch_norm/0" [id=579, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer15/relu1/relu_/0" [id=580, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer15.conv1.weight" [id=581, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer15/conv1/conv2d/0" [id=582, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer15.norm2.weight" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer15.norm2.bias" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer15.norm2.running_mean" [id=585, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer15.norm2.running_var" [id=586, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer15/norm2/batch_norm/0" [id=587, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer15/relu2/relu_/0" [id=588, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer15.conv2.weight" [id=589, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer15/conv2/conv2d/0" [id=590, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer16/cat/0" [id=591, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer16.norm1.weight" [id=592, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer16.norm1.bias" [id=593, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer16.norm1.running_mean" [id=594, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer16.norm1.running_var" [id=595, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer16/norm1/batch_norm/0" [id=596, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer16/relu1/relu_/0" [id=597, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer16.conv1.weight" [id=598, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer16/conv1/conv2d/0" [id=599, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer16.norm2.weight" [id=600, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer16.norm2.bias" [id=601, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer16.norm2.running_mean" [id=602, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer16.norm2.running_var" [id=603, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer16/norm2/batch_norm/0" [id=604, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer16/relu2/relu_/0" [id=605, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer16.conv2.weight" [id=606, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer16/conv2/conv2d/0" [id=607, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer17/cat/0" [id=608, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer17.norm1.weight" [id=609, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer17.norm1.bias" [id=610, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer17.norm1.running_mean" [id=611, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer17.norm1.running_var" [id=612, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer17/norm1/batch_norm/0" [id=613, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer17/relu1/relu_/0" [id=614, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer17.conv1.weight" [id=615, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer17/conv1/conv2d/0" [id=616, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer17.norm2.weight" [id=617, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer17.norm2.bias" [id=618, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer17.norm2.running_mean" [id=619, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer17.norm2.running_var" [id=620, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer17/norm2/batch_norm/0" [id=621, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer17/relu2/relu_/0" [id=622, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer17.conv2.weight" [id=623, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer17/conv2/conv2d/0" [id=624, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer18/cat/0" [id=625, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer18.norm1.weight" [id=626, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer18.norm1.bias" [id=627, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer18.norm1.running_mean" [id=628, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer18.norm1.running_var" [id=629, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer18/norm1/batch_norm/0" [id=630, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer18/relu1/relu_/0" [id=631, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer18.conv1.weight" [id=632, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer18/conv1/conv2d/0" [id=633, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer18.norm2.weight" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer18.norm2.bias" [id=635, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer18.norm2.running_mean" [id=636, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer18.norm2.running_var" [id=637, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer18/norm2/batch_norm/0" [id=638, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer18/relu2/relu_/0" [id=639, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer18.conv2.weight" [id=640, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer18/conv2/conv2d/0" [id=641, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer19/cat/0" [id=642, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer19.norm1.weight" [id=643, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer19.norm1.bias" [id=644, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer19.norm1.running_mean" [id=645, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer19.norm1.running_var" [id=646, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer19/norm1/batch_norm/0" [id=647, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer19/relu1/relu_/0" [id=648, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer19.conv1.weight" [id=649, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer19/conv1/conv2d/0" [id=650, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer19.norm2.weight" [id=651, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer19.norm2.bias" [id=652, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer19.norm2.running_mean" [id=653, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer19.norm2.running_var" [id=654, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer19/norm2/batch_norm/0" [id=655, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer19/relu2/relu_/0" [id=656, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer19.conv2.weight" [id=657, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer19/conv2/conv2d/0" [id=658, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer20/cat/0" [id=659, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer20.norm1.weight" [id=660, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer20.norm1.bias" [id=661, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer20.norm1.running_mean" [id=662, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer20.norm1.running_var" [id=663, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer20/norm1/batch_norm/0" [id=664, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer20/relu1/relu_/0" [id=665, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer20.conv1.weight" [id=666, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer20/conv1/conv2d/0" [id=667, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer20.norm2.weight" [id=668, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer20.norm2.bias" [id=669, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer20.norm2.running_mean" [id=670, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer20.norm2.running_var" [id=671, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer20/norm2/batch_norm/0" [id=672, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer20/relu2/relu_/0" [id=673, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer20.conv2.weight" [id=674, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer20/conv2/conv2d/0" [id=675, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer21/cat/0" [id=676, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer21.norm1.weight" [id=677, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer21.norm1.bias" [id=678, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer21.norm1.running_mean" [id=679, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer21.norm1.running_var" [id=680, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer21/norm1/batch_norm/0" [id=681, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer21/relu1/relu_/0" [id=682, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer21.conv1.weight" [id=683, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer21/conv1/conv2d/0" [id=684, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer21.norm2.weight" [id=685, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer21.norm2.bias" [id=686, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer21.norm2.running_mean" [id=687, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer21.norm2.running_var" [id=688, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer21/norm2/batch_norm/0" [id=689, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer21/relu2/relu_/0" [id=690, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer21.conv2.weight" [id=691, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer21/conv2/conv2d/0" [id=692, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer22/cat/0" [id=693, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer22.norm1.weight" [id=694, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer22.norm1.bias" [id=695, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer22.norm1.running_mean" [id=696, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer22.norm1.running_var" [id=697, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer22/norm1/batch_norm/0" [id=698, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer22/relu1/relu_/0" [id=699, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer22.conv1.weight" [id=700, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer22/conv1/conv2d/0" [id=701, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer22.norm2.weight" [id=702, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer22.norm2.bias" [id=703, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer22.norm2.running_mean" [id=704, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer22.norm2.running_var" [id=705, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer22/norm2/batch_norm/0" [id=706, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer22/relu2/relu_/0" [id=707, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer22.conv2.weight" [id=708, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer22/conv2/conv2d/0" [id=709, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer23/cat/0" [id=710, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer23.norm1.weight" [id=711, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer23.norm1.bias" [id=712, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer23.norm1.running_mean" [id=713, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer23.norm1.running_var" [id=714, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer23/norm1/batch_norm/0" [id=715, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer23/relu1/relu_/0" [id=716, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer23.conv1.weight" [id=717, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer23/conv1/conv2d/0" [id=718, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer23.norm2.weight" [id=719, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer23.norm2.bias" [id=720, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer23.norm2.running_mean" [id=721, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer23.norm2.running_var" [id=722, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer23/norm2/batch_norm/0" [id=723, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer23/relu2/relu_/0" [id=724, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer23.conv2.weight" [id=725, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer23/conv2/conv2d/0" [id=726, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/denselayer24/cat/0" [id=727, metatype=PTCatMetatype, type=cat]; -"features.denseblock3.denselayer24.norm1.weight" [id=728, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer24.norm1.bias" [id=729, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer24.norm1.running_mean" [id=730, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer24.norm1.running_var" [id=731, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer24/norm1/batch_norm/0" [id=732, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer24/relu1/relu_/0" [id=733, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer24.conv1.weight" [id=734, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer24/conv1/conv2d/0" [id=735, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock3.denselayer24.norm2.weight" [id=736, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer24.norm2.bias" [id=737, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer24.norm2.running_mean" [id=738, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock3.denselayer24.norm2.running_var" [id=739, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer24/norm2/batch_norm/0" [id=740, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock3/denselayer24/relu2/relu_/0" [id=741, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock3.denselayer24.conv2.weight" [id=742, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock3/denselayer24/conv2/conv2d/0" [id=743, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock3/cat/0" [id=744, metatype=PTCatMetatype, type=cat]; -"features.transition3.norm.weight" [id=745, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.transition3.norm.bias" [id=746, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.transition3.norm.running_mean" [id=747, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.transition3.norm.running_var" [id=748, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/transition3/norm/batch_norm/0" [id=749, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/transition3/relu/relu_/0" [id=750, metatype=PTRELUMetatype, type=relu_]; -"features.transition3.conv.weight" [id=751, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/transition3/conv/conv2d/0" [id=752, metatype=PTConv2dMetatype, type=conv2d]; -"features/transition3/pool/avg_pool2d/0" [id=753, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"features/denseblock4/denselayer1/cat/0" [id=754, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer1.norm1.weight" [id=755, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer1.norm1.bias" [id=756, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer1.norm1.running_mean" [id=757, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer1.norm1.running_var" [id=758, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer1/norm1/batch_norm/0" [id=759, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer1/relu1/relu_/0" [id=760, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer1.conv1.weight" [id=761, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer1/conv1/conv2d/0" [id=762, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer1.norm2.weight" [id=763, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer1.norm2.bias" [id=764, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer1.norm2.running_mean" [id=765, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer1.norm2.running_var" [id=766, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer1/norm2/batch_norm/0" [id=767, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer1/relu2/relu_/0" [id=768, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer1.conv2.weight" [id=769, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer1/conv2/conv2d/0" [id=770, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer2/cat/0" [id=771, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer2.norm1.weight" [id=772, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer2.norm1.bias" [id=773, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer2.norm1.running_mean" [id=774, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer2.norm1.running_var" [id=775, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer2/norm1/batch_norm/0" [id=776, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer2/relu1/relu_/0" [id=777, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer2.conv1.weight" [id=778, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer2/conv1/conv2d/0" [id=779, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer2.norm2.weight" [id=780, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer2.norm2.bias" [id=781, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer2.norm2.running_mean" [id=782, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer2.norm2.running_var" [id=783, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer2/norm2/batch_norm/0" [id=784, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer2/relu2/relu_/0" [id=785, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer2.conv2.weight" [id=786, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer2/conv2/conv2d/0" [id=787, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer3/cat/0" [id=788, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer3.norm1.weight" [id=789, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer3.norm1.bias" [id=790, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer3.norm1.running_mean" [id=791, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer3.norm1.running_var" [id=792, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer3/norm1/batch_norm/0" [id=793, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer3/relu1/relu_/0" [id=794, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer3.conv1.weight" [id=795, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer3/conv1/conv2d/0" [id=796, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer3.norm2.weight" [id=797, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer3.norm2.bias" [id=798, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer3.norm2.running_mean" [id=799, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer3.norm2.running_var" [id=800, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer3/norm2/batch_norm/0" [id=801, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer3/relu2/relu_/0" [id=802, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer3.conv2.weight" [id=803, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer3/conv2/conv2d/0" [id=804, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer4/cat/0" [id=805, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer4.norm1.weight" [id=806, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer4.norm1.bias" [id=807, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer4.norm1.running_mean" [id=808, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer4.norm1.running_var" [id=809, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer4/norm1/batch_norm/0" [id=810, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer4/relu1/relu_/0" [id=811, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer4.conv1.weight" [id=812, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer4/conv1/conv2d/0" [id=813, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer4.norm2.weight" [id=814, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer4.norm2.bias" [id=815, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer4.norm2.running_mean" [id=816, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer4.norm2.running_var" [id=817, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer4/norm2/batch_norm/0" [id=818, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer4/relu2/relu_/0" [id=819, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer4.conv2.weight" [id=820, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer4/conv2/conv2d/0" [id=821, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer5/cat/0" [id=822, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer5.norm1.weight" [id=823, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer5.norm1.bias" [id=824, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer5.norm1.running_mean" [id=825, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer5.norm1.running_var" [id=826, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer5/norm1/batch_norm/0" [id=827, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer5/relu1/relu_/0" [id=828, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer5.conv1.weight" [id=829, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer5/conv1/conv2d/0" [id=830, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer5.norm2.weight" [id=831, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer5.norm2.bias" [id=832, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer5.norm2.running_mean" [id=833, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer5.norm2.running_var" [id=834, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer5/norm2/batch_norm/0" [id=835, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer5/relu2/relu_/0" [id=836, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer5.conv2.weight" [id=837, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer5/conv2/conv2d/0" [id=838, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer6/cat/0" [id=839, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer6.norm1.weight" [id=840, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer6.norm1.bias" [id=841, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer6.norm1.running_mean" [id=842, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer6.norm1.running_var" [id=843, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer6/norm1/batch_norm/0" [id=844, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer6/relu1/relu_/0" [id=845, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer6.conv1.weight" [id=846, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer6/conv1/conv2d/0" [id=847, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer6.norm2.weight" [id=848, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer6.norm2.bias" [id=849, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer6.norm2.running_mean" [id=850, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer6.norm2.running_var" [id=851, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer6/norm2/batch_norm/0" [id=852, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer6/relu2/relu_/0" [id=853, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer6.conv2.weight" [id=854, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer6/conv2/conv2d/0" [id=855, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer7/cat/0" [id=856, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer7.norm1.weight" [id=857, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer7.norm1.bias" [id=858, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer7.norm1.running_mean" [id=859, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer7.norm1.running_var" [id=860, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer7/norm1/batch_norm/0" [id=861, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer7/relu1/relu_/0" [id=862, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer7.conv1.weight" [id=863, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer7/conv1/conv2d/0" [id=864, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer7.norm2.weight" [id=865, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer7.norm2.bias" [id=866, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer7.norm2.running_mean" [id=867, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer7.norm2.running_var" [id=868, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer7/norm2/batch_norm/0" [id=869, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer7/relu2/relu_/0" [id=870, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer7.conv2.weight" [id=871, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer7/conv2/conv2d/0" [id=872, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer8/cat/0" [id=873, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer8.norm1.weight" [id=874, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer8.norm1.bias" [id=875, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer8.norm1.running_mean" [id=876, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer8.norm1.running_var" [id=877, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer8/norm1/batch_norm/0" [id=878, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer8/relu1/relu_/0" [id=879, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer8.conv1.weight" [id=880, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer8/conv1/conv2d/0" [id=881, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer8.norm2.weight" [id=882, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer8.norm2.bias" [id=883, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer8.norm2.running_mean" [id=884, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer8.norm2.running_var" [id=885, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer8/norm2/batch_norm/0" [id=886, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer8/relu2/relu_/0" [id=887, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer8.conv2.weight" [id=888, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer8/conv2/conv2d/0" [id=889, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer9/cat/0" [id=890, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer9.norm1.weight" [id=891, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer9.norm1.bias" [id=892, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer9.norm1.running_mean" [id=893, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer9.norm1.running_var" [id=894, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer9/norm1/batch_norm/0" [id=895, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer9/relu1/relu_/0" [id=896, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer9.conv1.weight" [id=897, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer9/conv1/conv2d/0" [id=898, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer9.norm2.weight" [id=899, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer9.norm2.bias" [id=900, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer9.norm2.running_mean" [id=901, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer9.norm2.running_var" [id=902, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer9/norm2/batch_norm/0" [id=903, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer9/relu2/relu_/0" [id=904, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer9.conv2.weight" [id=905, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer9/conv2/conv2d/0" [id=906, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer10/cat/0" [id=907, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer10.norm1.weight" [id=908, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer10.norm1.bias" [id=909, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer10.norm1.running_mean" [id=910, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer10.norm1.running_var" [id=911, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer10/norm1/batch_norm/0" [id=912, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer10/relu1/relu_/0" [id=913, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer10.conv1.weight" [id=914, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer10/conv1/conv2d/0" [id=915, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer10.norm2.weight" [id=916, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer10.norm2.bias" [id=917, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer10.norm2.running_mean" [id=918, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer10.norm2.running_var" [id=919, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer10/norm2/batch_norm/0" [id=920, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer10/relu2/relu_/0" [id=921, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer10.conv2.weight" [id=922, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer10/conv2/conv2d/0" [id=923, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer11/cat/0" [id=924, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer11.norm1.weight" [id=925, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer11.norm1.bias" [id=926, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer11.norm1.running_mean" [id=927, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer11.norm1.running_var" [id=928, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer11/norm1/batch_norm/0" [id=929, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer11/relu1/relu_/0" [id=930, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer11.conv1.weight" [id=931, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer11/conv1/conv2d/0" [id=932, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer11.norm2.weight" [id=933, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer11.norm2.bias" [id=934, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer11.norm2.running_mean" [id=935, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer11.norm2.running_var" [id=936, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer11/norm2/batch_norm/0" [id=937, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer11/relu2/relu_/0" [id=938, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer11.conv2.weight" [id=939, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer11/conv2/conv2d/0" [id=940, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer12/cat/0" [id=941, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer12.norm1.weight" [id=942, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer12.norm1.bias" [id=943, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer12.norm1.running_mean" [id=944, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer12.norm1.running_var" [id=945, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer12/norm1/batch_norm/0" [id=946, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer12/relu1/relu_/0" [id=947, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer12.conv1.weight" [id=948, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer12/conv1/conv2d/0" [id=949, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer12.norm2.weight" [id=950, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer12.norm2.bias" [id=951, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer12.norm2.running_mean" [id=952, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer12.norm2.running_var" [id=953, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer12/norm2/batch_norm/0" [id=954, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer12/relu2/relu_/0" [id=955, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer12.conv2.weight" [id=956, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer12/conv2/conv2d/0" [id=957, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer13/cat/0" [id=958, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer13.norm1.weight" [id=959, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer13.norm1.bias" [id=960, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer13.norm1.running_mean" [id=961, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer13.norm1.running_var" [id=962, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer13/norm1/batch_norm/0" [id=963, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer13/relu1/relu_/0" [id=964, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer13.conv1.weight" [id=965, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer13/conv1/conv2d/0" [id=966, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer13.norm2.weight" [id=967, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer13.norm2.bias" [id=968, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer13.norm2.running_mean" [id=969, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer13.norm2.running_var" [id=970, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer13/norm2/batch_norm/0" [id=971, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer13/relu2/relu_/0" [id=972, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer13.conv2.weight" [id=973, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer13/conv2/conv2d/0" [id=974, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer14/cat/0" [id=975, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer14.norm1.weight" [id=976, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer14.norm1.bias" [id=977, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer14.norm1.running_mean" [id=978, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer14.norm1.running_var" [id=979, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer14/norm1/batch_norm/0" [id=980, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer14/relu1/relu_/0" [id=981, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer14.conv1.weight" [id=982, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer14/conv1/conv2d/0" [id=983, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer14.norm2.weight" [id=984, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer14.norm2.bias" [id=985, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer14.norm2.running_mean" [id=986, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer14.norm2.running_var" [id=987, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer14/norm2/batch_norm/0" [id=988, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer14/relu2/relu_/0" [id=989, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer14.conv2.weight" [id=990, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer14/conv2/conv2d/0" [id=991, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer15/cat/0" [id=992, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer15.norm1.weight" [id=993, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer15.norm1.bias" [id=994, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer15.norm1.running_mean" [id=995, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer15.norm1.running_var" [id=996, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer15/norm1/batch_norm/0" [id=997, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer15/relu1/relu_/0" [id=998, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer15.conv1.weight" [id=999, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer15/conv1/conv2d/0" [id=1000, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer15.norm2.weight" [id=1001, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer15.norm2.bias" [id=1002, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer15.norm2.running_mean" [id=1003, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer15.norm2.running_var" [id=1004, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer15/norm2/batch_norm/0" [id=1005, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer15/relu2/relu_/0" [id=1006, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer15.conv2.weight" [id=1007, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer15/conv2/conv2d/0" [id=1008, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/denselayer16/cat/0" [id=1009, metatype=PTCatMetatype, type=cat]; -"features.denseblock4.denselayer16.norm1.weight" [id=1010, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer16.norm1.bias" [id=1011, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer16.norm1.running_mean" [id=1012, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer16.norm1.running_var" [id=1013, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer16/norm1/batch_norm/0" [id=1014, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer16/relu1/relu_/0" [id=1015, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer16.conv1.weight" [id=1016, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer16/conv1/conv2d/0" [id=1017, metatype=PTConv2dMetatype, type=conv2d]; -"features.denseblock4.denselayer16.norm2.weight" [id=1018, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer16.norm2.bias" [id=1019, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer16.norm2.running_mean" [id=1020, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.denseblock4.denselayer16.norm2.running_var" [id=1021, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer16/norm2/batch_norm/0" [id=1022, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/denseblock4/denselayer16/relu2/relu_/0" [id=1023, metatype=PTRELUMetatype, type=relu_]; -"features.denseblock4.denselayer16.conv2.weight" [id=1024, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/denseblock4/denselayer16/conv2/conv2d/0" [id=1025, metatype=PTConv2dMetatype, type=conv2d]; -"features/denseblock4/cat/0" [id=1026, metatype=PTCatMetatype, type=cat]; -"features.norm5.weight" [id=1027, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.norm5.bias" [id=1028, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.norm5.running_mean" [id=1029, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.norm5.running_var" [id=1030, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/norm5/batch_norm/0" [id=1031, metatype=PT2BatchNormMetatype, type=batch_norm]; -"/relu_/0" [id=1032, metatype=PTRELUMetatype, type=relu_]; -"/adaptive_avg_pool2d/0" [id=1033, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"/flatten/0" [id=1034, metatype=PTReshapeMetatype, type=flatten]; -"classifier.weight" [id=1035, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.bias" [id=1036, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/linear/0" [id=1037, metatype=PTLinearMetatype, type=linear]; -output [id=1038, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "features/conv0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; -"features.conv0.weight" -> "features/conv0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 7, 7)"]; -"features/conv0/conv2d/0" -> "features/norm0/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features.norm0.weight" -> "features/norm0/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"features.norm0.bias" -> "features/norm0/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features.norm0.running_mean" -> "features/norm0/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"features.norm0.running_var" -> "features/norm0/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"features/norm0/batch_norm/0" -> "features/relu0/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features/relu0/relu_/0" -> "features/pool0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"features/pool0/max_pool2d/0" -> "features/denseblock1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"features/denseblock1/denselayer1/cat/0" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"features.denseblock1.denselayer1.norm1.weight" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"features.denseblock1.denselayer1.norm1.bias" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features.denseblock1.denselayer1.norm1.running_mean" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"features.denseblock1.denselayer1.norm1.running_var" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"features/denseblock1/denselayer1/norm1/batch_norm/0" -> "features/denseblock1/denselayer1/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"features/denseblock1/denselayer1/relu1/relu_/0" -> "features/denseblock1/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"features.denseblock1.denselayer1.conv1.weight" -> "features/denseblock1/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 1, 1)"]; -"features/denseblock1/denselayer1/conv1/conv2d/0" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.denseblock1.denselayer1.norm2.weight" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer1.norm2.bias" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer1.norm2.running_mean" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer1.norm2.running_var" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock1/denselayer1/norm2/batch_norm/0" -> "features/denseblock1/denselayer1/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/denseblock1/denselayer1/relu2/relu_/0" -> "features/denseblock1/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.denseblock1.denselayer1.conv2.weight" -> "features/denseblock1/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer2/cat/0" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.denseblock1.denselayer2.norm1.weight" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.denseblock1.denselayer2.norm1.bias" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.denseblock1.denselayer2.norm1.running_mean" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.denseblock1.denselayer2.norm1.running_var" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/denseblock1/denselayer2/norm1/batch_norm/0" -> "features/denseblock1/denselayer2/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/denseblock1/denselayer2/relu1/relu_/0" -> "features/denseblock1/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.denseblock1.denselayer2.conv1.weight" -> "features/denseblock1/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 96, 1, 1)"]; -"features/denseblock1/denselayer2/conv1/conv2d/0" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.denseblock1.denselayer2.norm2.weight" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer2.norm2.bias" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer2.norm2.running_mean" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer2.norm2.running_var" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock1/denselayer2/norm2/batch_norm/0" -> "features/denseblock1/denselayer2/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/denseblock1/denselayer2/relu2/relu_/0" -> "features/denseblock1/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.denseblock1.denselayer2.conv2.weight" -> "features/denseblock1/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer3/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer3/cat/0" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.denseblock1.denselayer3.norm1.weight" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer3.norm1.bias" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer3.norm1.running_mean" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer3.norm1.running_var" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock1/denselayer3/norm1/batch_norm/0" -> "features/denseblock1/denselayer3/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/denseblock1/denselayer3/relu1/relu_/0" -> "features/denseblock1/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.denseblock1.denselayer3.conv1.weight" -> "features/denseblock1/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 1)"]; -"features/denseblock1/denselayer3/conv1/conv2d/0" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.denseblock1.denselayer3.norm2.weight" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer3.norm2.bias" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer3.norm2.running_mean" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer3.norm2.running_var" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock1/denselayer3/norm2/batch_norm/0" -> "features/denseblock1/denselayer3/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/denseblock1/denselayer3/relu2/relu_/0" -> "features/denseblock1/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.denseblock1.denselayer3.conv2.weight" -> "features/denseblock1/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer4/cat/0" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"features.denseblock1.denselayer4.norm1.weight" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"features.denseblock1.denselayer4.norm1.bias" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"features.denseblock1.denselayer4.norm1.running_mean" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"features.denseblock1.denselayer4.norm1.running_var" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"features/denseblock1/denselayer4/norm1/batch_norm/0" -> "features/denseblock1/denselayer4/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"features/denseblock1/denselayer4/relu1/relu_/0" -> "features/denseblock1/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"features.denseblock1.denselayer4.conv1.weight" -> "features/denseblock1/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 160, 1, 1)"]; -"features/denseblock1/denselayer4/conv1/conv2d/0" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.denseblock1.denselayer4.norm2.weight" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer4.norm2.bias" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer4.norm2.running_mean" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer4.norm2.running_var" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock1/denselayer4/norm2/batch_norm/0" -> "features/denseblock1/denselayer4/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/denseblock1/denselayer4/relu2/relu_/0" -> "features/denseblock1/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.denseblock1.denselayer4.conv2.weight" -> "features/denseblock1/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock1/denselayer4/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer4/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer4/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer5/cat/0" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; -"features.denseblock1.denselayer5.norm1.weight" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.denseblock1.denselayer5.norm1.bias" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.denseblock1.denselayer5.norm1.running_mean" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.denseblock1.denselayer5.norm1.running_var" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/denseblock1/denselayer5/norm1/batch_norm/0" -> "features/denseblock1/denselayer5/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; -"features/denseblock1/denselayer5/relu1/relu_/0" -> "features/denseblock1/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; -"features.denseblock1.denselayer5.conv1.weight" -> "features/denseblock1/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 192, 1, 1)"]; -"features/denseblock1/denselayer5/conv1/conv2d/0" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.denseblock1.denselayer5.norm2.weight" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer5.norm2.bias" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer5.norm2.running_mean" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer5.norm2.running_var" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock1/denselayer5/norm2/batch_norm/0" -> "features/denseblock1/denselayer5/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/denseblock1/denselayer5/relu2/relu_/0" -> "features/denseblock1/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.denseblock1.denselayer5.conv2.weight" -> "features/denseblock1/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock1/denselayer5/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer5/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/denselayer6/cat/0" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; -"features.denseblock1.denselayer6.norm1.weight" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(224,)"]; -"features.denseblock1.denselayer6.norm1.bias" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(224,)"]; -"features.denseblock1.denselayer6.norm1.running_mean" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(224,)"]; -"features.denseblock1.denselayer6.norm1.running_var" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(224,)"]; -"features/denseblock1/denselayer6/norm1/batch_norm/0" -> "features/denseblock1/denselayer6/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; -"features/denseblock1/denselayer6/relu1/relu_/0" -> "features/denseblock1/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; -"features.denseblock1.denselayer6.conv1.weight" -> "features/denseblock1/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 224, 1, 1)"]; -"features/denseblock1/denselayer6/conv1/conv2d/0" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.denseblock1.denselayer6.norm2.weight" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer6.norm2.bias" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer6.norm2.running_mean" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock1.denselayer6.norm2.running_var" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock1/denselayer6/norm2/batch_norm/0" -> "features/denseblock1/denselayer6/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/denseblock1/denselayer6/relu2/relu_/0" -> "features/denseblock1/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.denseblock1.denselayer6.conv2.weight" -> "features/denseblock1/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock1/denselayer6/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/denseblock1/cat/0" -> "features/transition1/norm/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"features.transition1.norm.weight" -> "features/transition1/norm/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"features.transition1.norm.bias" -> "features/transition1/norm/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features.transition1.norm.running_mean" -> "features/transition1/norm/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"features.transition1.norm.running_var" -> "features/transition1/norm/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"features/transition1/norm/batch_norm/0" -> "features/transition1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"features/transition1/relu/relu_/0" -> "features/transition1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"features.transition1.conv.weight" -> "features/transition1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; -"features/transition1/conv/conv2d/0" -> "features/transition1/pool/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/denseblock2/denselayer1/cat/0" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer1.norm1.weight" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer1.norm1.bias" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer1.norm1.running_mean" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer1.norm1.running_var" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock2/denselayer1/norm1/batch_norm/0" -> "features/denseblock2/denselayer1/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/denseblock2/denselayer1/relu1/relu_/0" -> "features/denseblock2/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer1.conv1.weight" -> "features/denseblock2/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 1)"]; -"features/denseblock2/denselayer1/conv1/conv2d/0" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer1.norm2.weight" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer1.norm2.bias" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer1.norm2.running_mean" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer1.norm2.running_var" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock2/denselayer1/norm2/batch_norm/0" -> "features/denseblock2/denselayer1/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/denseblock2/denselayer1/relu2/relu_/0" -> "features/denseblock2/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer1.conv2.weight" -> "features/denseblock2/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer2/cat/0" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 8, 8)"]; -"features.denseblock2.denselayer2.norm1.weight" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"features.denseblock2.denselayer2.norm1.bias" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"features.denseblock2.denselayer2.norm1.running_mean" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"features.denseblock2.denselayer2.norm1.running_var" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"features/denseblock2/denselayer2/norm1/batch_norm/0" -> "features/denseblock2/denselayer2/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 8, 8)"]; -"features/denseblock2/denselayer2/relu1/relu_/0" -> "features/denseblock2/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 8, 8)"]; -"features.denseblock2.denselayer2.conv1.weight" -> "features/denseblock2/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 160, 1, 1)"]; -"features/denseblock2/denselayer2/conv1/conv2d/0" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer2.norm2.weight" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer2.norm2.bias" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer2.norm2.running_mean" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer2.norm2.running_var" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock2/denselayer2/norm2/batch_norm/0" -> "features/denseblock2/denselayer2/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/denseblock2/denselayer2/relu2/relu_/0" -> "features/denseblock2/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer2.conv2.weight" -> "features/denseblock2/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer3/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer3/cat/0" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.denseblock2.denselayer3.norm1.weight" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.denseblock2.denselayer3.norm1.bias" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.denseblock2.denselayer3.norm1.running_mean" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.denseblock2.denselayer3.norm1.running_var" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/denseblock2/denselayer3/norm1/batch_norm/0" -> "features/denseblock2/denselayer3/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/denseblock2/denselayer3/relu1/relu_/0" -> "features/denseblock2/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.denseblock2.denselayer3.conv1.weight" -> "features/denseblock2/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 192, 1, 1)"]; -"features/denseblock2/denselayer3/conv1/conv2d/0" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer3.norm2.weight" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer3.norm2.bias" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer3.norm2.running_mean" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer3.norm2.running_var" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock2/denselayer3/norm2/batch_norm/0" -> "features/denseblock2/denselayer3/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/denseblock2/denselayer3/relu2/relu_/0" -> "features/denseblock2/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer3.conv2.weight" -> "features/denseblock2/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer4/cat/0" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 8, 8)"]; -"features.denseblock2.denselayer4.norm1.weight" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(224,)"]; -"features.denseblock2.denselayer4.norm1.bias" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(224,)"]; -"features.denseblock2.denselayer4.norm1.running_mean" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(224,)"]; -"features.denseblock2.denselayer4.norm1.running_var" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(224,)"]; -"features/denseblock2/denselayer4/norm1/batch_norm/0" -> "features/denseblock2/denselayer4/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 8, 8)"]; -"features/denseblock2/denselayer4/relu1/relu_/0" -> "features/denseblock2/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 8, 8)"]; -"features.denseblock2.denselayer4.conv1.weight" -> "features/denseblock2/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 224, 1, 1)"]; -"features/denseblock2/denselayer4/conv1/conv2d/0" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer4.norm2.weight" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer4.norm2.bias" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer4.norm2.running_mean" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer4.norm2.running_var" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock2/denselayer4/norm2/batch_norm/0" -> "features/denseblock2/denselayer4/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/denseblock2/denselayer4/relu2/relu_/0" -> "features/denseblock2/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer4.conv2.weight" -> "features/denseblock2/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer5/cat/0" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features.denseblock2.denselayer5.norm1.weight" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"features.denseblock2.denselayer5.norm1.bias" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features.denseblock2.denselayer5.norm1.running_mean" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"features.denseblock2.denselayer5.norm1.running_var" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"features/denseblock2/denselayer5/norm1/batch_norm/0" -> "features/denseblock2/denselayer5/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features/denseblock2/denselayer5/relu1/relu_/0" -> "features/denseblock2/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features.denseblock2.denselayer5.conv1.weight" -> "features/denseblock2/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; -"features/denseblock2/denselayer5/conv1/conv2d/0" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer5.norm2.weight" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer5.norm2.bias" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer5.norm2.running_mean" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer5.norm2.running_var" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock2/denselayer5/norm2/batch_norm/0" -> "features/denseblock2/denselayer5/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/denseblock2/denselayer5/relu2/relu_/0" -> "features/denseblock2/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer5.conv2.weight" -> "features/denseblock2/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer6/cat/0" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 8, 8)"]; -"features.denseblock2.denselayer6.norm1.weight" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; -"features.denseblock2.denselayer6.norm1.bias" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; -"features.denseblock2.denselayer6.norm1.running_mean" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; -"features.denseblock2.denselayer6.norm1.running_var" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; -"features/denseblock2/denselayer6/norm1/batch_norm/0" -> "features/denseblock2/denselayer6/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 8, 8)"]; -"features/denseblock2/denselayer6/relu1/relu_/0" -> "features/denseblock2/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 8, 8)"]; -"features.denseblock2.denselayer6.conv1.weight" -> "features/denseblock2/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 288, 1, 1)"]; -"features/denseblock2/denselayer6/conv1/conv2d/0" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer6.norm2.weight" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer6.norm2.bias" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer6.norm2.running_mean" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer6.norm2.running_var" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock2/denselayer6/norm2/batch_norm/0" -> "features/denseblock2/denselayer6/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/denseblock2/denselayer6/relu2/relu_/0" -> "features/denseblock2/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer6.conv2.weight" -> "features/denseblock2/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer7/cat/0" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"features.denseblock2.denselayer7.norm1.weight" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"features.denseblock2.denselayer7.norm1.bias" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"features.denseblock2.denselayer7.norm1.running_mean" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"features.denseblock2.denselayer7.norm1.running_var" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"features/denseblock2/denselayer7/norm1/batch_norm/0" -> "features/denseblock2/denselayer7/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"features/denseblock2/denselayer7/relu1/relu_/0" -> "features/denseblock2/denselayer7/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"features.denseblock2.denselayer7.conv1.weight" -> "features/denseblock2/denselayer7/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 320, 1, 1)"]; -"features/denseblock2/denselayer7/conv1/conv2d/0" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer7.norm2.weight" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer7.norm2.bias" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer7.norm2.running_mean" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer7.norm2.running_var" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock2/denselayer7/norm2/batch_norm/0" -> "features/denseblock2/denselayer7/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/denseblock2/denselayer7/relu2/relu_/0" -> "features/denseblock2/denselayer7/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer7.conv2.weight" -> "features/denseblock2/denselayer7/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer8/cat/0" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 8, 8)"]; -"features.denseblock2.denselayer8.norm1.weight" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(352,)"]; -"features.denseblock2.denselayer8.norm1.bias" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(352,)"]; -"features.denseblock2.denselayer8.norm1.running_mean" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(352,)"]; -"features.denseblock2.denselayer8.norm1.running_var" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(352,)"]; -"features/denseblock2/denselayer8/norm1/batch_norm/0" -> "features/denseblock2/denselayer8/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 8, 8)"]; -"features/denseblock2/denselayer8/relu1/relu_/0" -> "features/denseblock2/denselayer8/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 8, 8)"]; -"features.denseblock2.denselayer8.conv1.weight" -> "features/denseblock2/denselayer8/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 352, 1, 1)"]; -"features/denseblock2/denselayer8/conv1/conv2d/0" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer8.norm2.weight" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer8.norm2.bias" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer8.norm2.running_mean" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer8.norm2.running_var" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock2/denselayer8/norm2/batch_norm/0" -> "features/denseblock2/denselayer8/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/denseblock2/denselayer8/relu2/relu_/0" -> "features/denseblock2/denselayer8/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer8.conv2.weight" -> "features/denseblock2/denselayer8/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer9/cat/0" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"features.denseblock2.denselayer9.norm1.weight" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.denseblock2.denselayer9.norm1.bias" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.denseblock2.denselayer9.norm1.running_mean" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.denseblock2.denselayer9.norm1.running_var" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/denseblock2/denselayer9/norm1/batch_norm/0" -> "features/denseblock2/denselayer9/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"features/denseblock2/denselayer9/relu1/relu_/0" -> "features/denseblock2/denselayer9/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"features.denseblock2.denselayer9.conv1.weight" -> "features/denseblock2/denselayer9/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 384, 1, 1)"]; -"features/denseblock2/denselayer9/conv1/conv2d/0" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer9.norm2.weight" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer9.norm2.bias" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer9.norm2.running_mean" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer9.norm2.running_var" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock2/denselayer9/norm2/batch_norm/0" -> "features/denseblock2/denselayer9/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/denseblock2/denselayer9/relu2/relu_/0" -> "features/denseblock2/denselayer9/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer9.conv2.weight" -> "features/denseblock2/denselayer9/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer10/cat/0" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 8, 8)"]; -"features.denseblock2.denselayer10.norm1.weight" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(416,)"]; -"features.denseblock2.denselayer10.norm1.bias" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(416,)"]; -"features.denseblock2.denselayer10.norm1.running_mean" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(416,)"]; -"features.denseblock2.denselayer10.norm1.running_var" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(416,)"]; -"features/denseblock2/denselayer10/norm1/batch_norm/0" -> "features/denseblock2/denselayer10/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 8, 8)"]; -"features/denseblock2/denselayer10/relu1/relu_/0" -> "features/denseblock2/denselayer10/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 8, 8)"]; -"features.denseblock2.denselayer10.conv1.weight" -> "features/denseblock2/denselayer10/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 416, 1, 1)"]; -"features/denseblock2/denselayer10/conv1/conv2d/0" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer10.norm2.weight" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer10.norm2.bias" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer10.norm2.running_mean" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer10.norm2.running_var" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock2/denselayer10/norm2/batch_norm/0" -> "features/denseblock2/denselayer10/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/denseblock2/denselayer10/relu2/relu_/0" -> "features/denseblock2/denselayer10/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer10.conv2.weight" -> "features/denseblock2/denselayer10/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock2/denselayer10/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer10/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer10/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer11/cat/0" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; -"features.denseblock2.denselayer11.norm1.weight" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; -"features.denseblock2.denselayer11.norm1.bias" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; -"features.denseblock2.denselayer11.norm1.running_mean" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; -"features.denseblock2.denselayer11.norm1.running_var" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; -"features/denseblock2/denselayer11/norm1/batch_norm/0" -> "features/denseblock2/denselayer11/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; -"features/denseblock2/denselayer11/relu1/relu_/0" -> "features/denseblock2/denselayer11/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; -"features.denseblock2.denselayer11.conv1.weight" -> "features/denseblock2/denselayer11/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 448, 1, 1)"]; -"features/denseblock2/denselayer11/conv1/conv2d/0" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer11.norm2.weight" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer11.norm2.bias" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer11.norm2.running_mean" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer11.norm2.running_var" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock2/denselayer11/norm2/batch_norm/0" -> "features/denseblock2/denselayer11/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/denseblock2/denselayer11/relu2/relu_/0" -> "features/denseblock2/denselayer11/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer11.conv2.weight" -> "features/denseblock2/denselayer11/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock2/denselayer11/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer11/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/denselayer12/cat/0" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 8, 8)"]; -"features.denseblock2.denselayer12.norm1.weight" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; -"features.denseblock2.denselayer12.norm1.bias" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; -"features.denseblock2.denselayer12.norm1.running_mean" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; -"features.denseblock2.denselayer12.norm1.running_var" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; -"features/denseblock2/denselayer12/norm1/batch_norm/0" -> "features/denseblock2/denselayer12/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 8, 8)"]; -"features/denseblock2/denselayer12/relu1/relu_/0" -> "features/denseblock2/denselayer12/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 8, 8)"]; -"features.denseblock2.denselayer12.conv1.weight" -> "features/denseblock2/denselayer12/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 480, 1, 1)"]; -"features/denseblock2/denselayer12/conv1/conv2d/0" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer12.norm2.weight" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer12.norm2.bias" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer12.norm2.running_mean" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock2.denselayer12.norm2.running_var" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock2/denselayer12/norm2/batch_norm/0" -> "features/denseblock2/denselayer12/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features/denseblock2/denselayer12/relu2/relu_/0" -> "features/denseblock2/denselayer12/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.denseblock2.denselayer12.conv2.weight" -> "features/denseblock2/denselayer12/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock2/denselayer12/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/denseblock2/cat/0" -> "features/transition2/norm/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"features.transition2.norm.weight" -> "features/transition2/norm/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"features.transition2.norm.bias" -> "features/transition2/norm/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.transition2.norm.running_mean" -> "features/transition2/norm/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features.transition2.norm.running_var" -> "features/transition2/norm/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"features/transition2/norm/batch_norm/0" -> "features/transition2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"features/transition2/relu/relu_/0" -> "features/transition2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"features.transition2.conv.weight" -> "features/transition2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 512, 1, 1)"]; -"features/transition2/conv/conv2d/0" -> "features/transition2/pool/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/denseblock3/denselayer1/cat/0" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features.denseblock3.denselayer1.norm1.weight" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"features.denseblock3.denselayer1.norm1.bias" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features.denseblock3.denselayer1.norm1.running_mean" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"features.denseblock3.denselayer1.norm1.running_var" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"features/denseblock3/denselayer1/norm1/batch_norm/0" -> "features/denseblock3/denselayer1/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/denseblock3/denselayer1/relu1/relu_/0" -> "features/denseblock3/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features.denseblock3.denselayer1.conv1.weight" -> "features/denseblock3/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; -"features/denseblock3/denselayer1/conv1/conv2d/0" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer1.norm2.weight" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer1.norm2.bias" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer1.norm2.running_mean" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer1.norm2.running_var" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer1/norm2/batch_norm/0" -> "features/denseblock3/denselayer1/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer1/relu2/relu_/0" -> "features/denseblock3/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer1.conv2.weight" -> "features/denseblock3/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/cat/0" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 4, 4)"]; -"features.denseblock3.denselayer2.norm1.weight" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; -"features.denseblock3.denselayer2.norm1.bias" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; -"features.denseblock3.denselayer2.norm1.running_mean" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; -"features.denseblock3.denselayer2.norm1.running_var" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; -"features/denseblock3/denselayer2/norm1/batch_norm/0" -> "features/denseblock3/denselayer2/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 4, 4)"]; -"features/denseblock3/denselayer2/relu1/relu_/0" -> "features/denseblock3/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 4, 4)"]; -"features.denseblock3.denselayer2.conv1.weight" -> "features/denseblock3/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 288, 1, 1)"]; -"features/denseblock3/denselayer2/conv1/conv2d/0" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer2.norm2.weight" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer2.norm2.bias" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer2.norm2.running_mean" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer2.norm2.running_var" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer2/norm2/batch_norm/0" -> "features/denseblock3/denselayer2/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer2/relu2/relu_/0" -> "features/denseblock3/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer2.conv2.weight" -> "features/denseblock3/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer3/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/cat/0" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 4, 4)"]; -"features.denseblock3.denselayer3.norm1.weight" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"features.denseblock3.denselayer3.norm1.bias" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"features.denseblock3.denselayer3.norm1.running_mean" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"features.denseblock3.denselayer3.norm1.running_var" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"features/denseblock3/denselayer3/norm1/batch_norm/0" -> "features/denseblock3/denselayer3/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 4, 4)"]; -"features/denseblock3/denselayer3/relu1/relu_/0" -> "features/denseblock3/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 4, 4)"]; -"features.denseblock3.denselayer3.conv1.weight" -> "features/denseblock3/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 320, 1, 1)"]; -"features/denseblock3/denselayer3/conv1/conv2d/0" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer3.norm2.weight" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer3.norm2.bias" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer3.norm2.running_mean" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer3.norm2.running_var" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer3/norm2/batch_norm/0" -> "features/denseblock3/denselayer3/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer3/relu2/relu_/0" -> "features/denseblock3/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer3.conv2.weight" -> "features/denseblock3/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/cat/0" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 4, 4)"]; -"features.denseblock3.denselayer4.norm1.weight" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(352,)"]; -"features.denseblock3.denselayer4.norm1.bias" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(352,)"]; -"features.denseblock3.denselayer4.norm1.running_mean" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(352,)"]; -"features.denseblock3.denselayer4.norm1.running_var" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(352,)"]; -"features/denseblock3/denselayer4/norm1/batch_norm/0" -> "features/denseblock3/denselayer4/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 4, 4)"]; -"features/denseblock3/denselayer4/relu1/relu_/0" -> "features/denseblock3/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 4, 4)"]; -"features.denseblock3.denselayer4.conv1.weight" -> "features/denseblock3/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 352, 1, 1)"]; -"features/denseblock3/denselayer4/conv1/conv2d/0" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer4.norm2.weight" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer4.norm2.bias" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer4.norm2.running_mean" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer4.norm2.running_var" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer4/norm2/batch_norm/0" -> "features/denseblock3/denselayer4/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer4/relu2/relu_/0" -> "features/denseblock3/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer4.conv2.weight" -> "features/denseblock3/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/cat/0" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.denseblock3.denselayer5.norm1.weight" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.denseblock3.denselayer5.norm1.bias" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.denseblock3.denselayer5.norm1.running_mean" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.denseblock3.denselayer5.norm1.running_var" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/denseblock3/denselayer5/norm1/batch_norm/0" -> "features/denseblock3/denselayer5/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/denseblock3/denselayer5/relu1/relu_/0" -> "features/denseblock3/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.denseblock3.denselayer5.conv1.weight" -> "features/denseblock3/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 384, 1, 1)"]; -"features/denseblock3/denselayer5/conv1/conv2d/0" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer5.norm2.weight" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer5.norm2.bias" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer5.norm2.running_mean" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer5.norm2.running_var" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer5/norm2/batch_norm/0" -> "features/denseblock3/denselayer5/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer5/relu2/relu_/0" -> "features/denseblock3/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer5.conv2.weight" -> "features/denseblock3/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/cat/0" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 4, 4)"]; -"features.denseblock3.denselayer6.norm1.weight" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(416,)"]; -"features.denseblock3.denselayer6.norm1.bias" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(416,)"]; -"features.denseblock3.denselayer6.norm1.running_mean" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(416,)"]; -"features.denseblock3.denselayer6.norm1.running_var" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(416,)"]; -"features/denseblock3/denselayer6/norm1/batch_norm/0" -> "features/denseblock3/denselayer6/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 4, 4)"]; -"features/denseblock3/denselayer6/relu1/relu_/0" -> "features/denseblock3/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 4, 4)"]; -"features.denseblock3.denselayer6.conv1.weight" -> "features/denseblock3/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 416, 1, 1)"]; -"features/denseblock3/denselayer6/conv1/conv2d/0" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer6.norm2.weight" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer6.norm2.bias" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer6.norm2.running_mean" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer6.norm2.running_var" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer6/norm2/batch_norm/0" -> "features/denseblock3/denselayer6/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer6/relu2/relu_/0" -> "features/denseblock3/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer6.conv2.weight" -> "features/denseblock3/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/cat/0" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 4, 4)"]; -"features.denseblock3.denselayer7.norm1.weight" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; -"features.denseblock3.denselayer7.norm1.bias" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; -"features.denseblock3.denselayer7.norm1.running_mean" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; -"features.denseblock3.denselayer7.norm1.running_var" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; -"features/denseblock3/denselayer7/norm1/batch_norm/0" -> "features/denseblock3/denselayer7/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 4, 4)"]; -"features/denseblock3/denselayer7/relu1/relu_/0" -> "features/denseblock3/denselayer7/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 4, 4)"]; -"features.denseblock3.denselayer7.conv1.weight" -> "features/denseblock3/denselayer7/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 448, 1, 1)"]; -"features/denseblock3/denselayer7/conv1/conv2d/0" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer7.norm2.weight" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer7.norm2.bias" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer7.norm2.running_mean" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer7.norm2.running_var" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer7/norm2/batch_norm/0" -> "features/denseblock3/denselayer7/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer7/relu2/relu_/0" -> "features/denseblock3/denselayer7/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer7.conv2.weight" -> "features/denseblock3/denselayer7/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/cat/0" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features.denseblock3.denselayer8.norm1.weight" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; -"features.denseblock3.denselayer8.norm1.bias" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; -"features.denseblock3.denselayer8.norm1.running_mean" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; -"features.denseblock3.denselayer8.norm1.running_var" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; -"features/denseblock3/denselayer8/norm1/batch_norm/0" -> "features/denseblock3/denselayer8/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features/denseblock3/denselayer8/relu1/relu_/0" -> "features/denseblock3/denselayer8/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features.denseblock3.denselayer8.conv1.weight" -> "features/denseblock3/denselayer8/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 480, 1, 1)"]; -"features/denseblock3/denselayer8/conv1/conv2d/0" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer8.norm2.weight" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer8.norm2.bias" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer8.norm2.running_mean" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer8.norm2.running_var" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer8/norm2/batch_norm/0" -> "features/denseblock3/denselayer8/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer8/relu2/relu_/0" -> "features/denseblock3/denselayer8/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer8.conv2.weight" -> "features/denseblock3/denselayer8/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/cat/0" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features.denseblock3.denselayer9.norm1.weight" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"features.denseblock3.denselayer9.norm1.bias" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.denseblock3.denselayer9.norm1.running_mean" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features.denseblock3.denselayer9.norm1.running_var" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"features/denseblock3/denselayer9/norm1/batch_norm/0" -> "features/denseblock3/denselayer9/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features/denseblock3/denselayer9/relu1/relu_/0" -> "features/denseblock3/denselayer9/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features.denseblock3.denselayer9.conv1.weight" -> "features/denseblock3/denselayer9/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512, 1, 1)"]; -"features/denseblock3/denselayer9/conv1/conv2d/0" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer9.norm2.weight" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer9.norm2.bias" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer9.norm2.running_mean" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer9.norm2.running_var" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer9/norm2/batch_norm/0" -> "features/denseblock3/denselayer9/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer9/relu2/relu_/0" -> "features/denseblock3/denselayer9/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer9.conv2.weight" -> "features/denseblock3/denselayer9/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/cat/0" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 4, 4)"]; -"features.denseblock3.denselayer10.norm1.weight" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(544,)"]; -"features.denseblock3.denselayer10.norm1.bias" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(544,)"]; -"features.denseblock3.denselayer10.norm1.running_mean" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(544,)"]; -"features.denseblock3.denselayer10.norm1.running_var" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(544,)"]; -"features/denseblock3/denselayer10/norm1/batch_norm/0" -> "features/denseblock3/denselayer10/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 4, 4)"]; -"features/denseblock3/denselayer10/relu1/relu_/0" -> "features/denseblock3/denselayer10/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 4, 4)"]; -"features.denseblock3.denselayer10.conv1.weight" -> "features/denseblock3/denselayer10/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 544, 1, 1)"]; -"features/denseblock3/denselayer10/conv1/conv2d/0" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer10.norm2.weight" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer10.norm2.bias" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer10.norm2.running_mean" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer10.norm2.running_var" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer10/norm2/batch_norm/0" -> "features/denseblock3/denselayer10/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer10/relu2/relu_/0" -> "features/denseblock3/denselayer10/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer10.conv2.weight" -> "features/denseblock3/denselayer10/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer11/cat/0" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features.denseblock3.denselayer11.norm1.weight" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.denseblock3.denselayer11.norm1.bias" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.denseblock3.denselayer11.norm1.running_mean" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.denseblock3.denselayer11.norm1.running_var" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/denseblock3/denselayer11/norm1/batch_norm/0" -> "features/denseblock3/denselayer11/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features/denseblock3/denselayer11/relu1/relu_/0" -> "features/denseblock3/denselayer11/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features.denseblock3.denselayer11.conv1.weight" -> "features/denseblock3/denselayer11/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 576, 1, 1)"]; -"features/denseblock3/denselayer11/conv1/conv2d/0" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer11.norm2.weight" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer11.norm2.bias" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer11.norm2.running_mean" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer11.norm2.running_var" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer11/norm2/batch_norm/0" -> "features/denseblock3/denselayer11/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer11/relu2/relu_/0" -> "features/denseblock3/denselayer11/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer11.conv2.weight" -> "features/denseblock3/denselayer11/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer12/cat/0" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 4, 4)"]; -"features.denseblock3.denselayer12.norm1.weight" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(608,)"]; -"features.denseblock3.denselayer12.norm1.bias" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(608,)"]; -"features.denseblock3.denselayer12.norm1.running_mean" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(608,)"]; -"features.denseblock3.denselayer12.norm1.running_var" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(608,)"]; -"features/denseblock3/denselayer12/norm1/batch_norm/0" -> "features/denseblock3/denselayer12/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 4, 4)"]; -"features/denseblock3/denselayer12/relu1/relu_/0" -> "features/denseblock3/denselayer12/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 4, 4)"]; -"features.denseblock3.denselayer12.conv1.weight" -> "features/denseblock3/denselayer12/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 608, 1, 1)"]; -"features/denseblock3/denselayer12/conv1/conv2d/0" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer12.norm2.weight" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer12.norm2.bias" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer12.norm2.running_mean" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer12.norm2.running_var" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer12/norm2/batch_norm/0" -> "features/denseblock3/denselayer12/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer12/relu2/relu_/0" -> "features/denseblock3/denselayer12/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer12.conv2.weight" -> "features/denseblock3/denselayer12/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer13/cat/0" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 4, 4)"]; -"features.denseblock3.denselayer13.norm1.weight" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(640,)"]; -"features.denseblock3.denselayer13.norm1.bias" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(640,)"]; -"features.denseblock3.denselayer13.norm1.running_mean" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(640,)"]; -"features.denseblock3.denselayer13.norm1.running_var" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(640,)"]; -"features/denseblock3/denselayer13/norm1/batch_norm/0" -> "features/denseblock3/denselayer13/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 4, 4)"]; -"features/denseblock3/denselayer13/relu1/relu_/0" -> "features/denseblock3/denselayer13/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 4, 4)"]; -"features.denseblock3.denselayer13.conv1.weight" -> "features/denseblock3/denselayer13/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 640, 1, 1)"]; -"features/denseblock3/denselayer13/conv1/conv2d/0" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer13.norm2.weight" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer13.norm2.bias" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer13.norm2.running_mean" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer13.norm2.running_var" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer13/norm2/batch_norm/0" -> "features/denseblock3/denselayer13/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer13/relu2/relu_/0" -> "features/denseblock3/denselayer13/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer13.conv2.weight" -> "features/denseblock3/denselayer13/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer14/cat/0" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features.denseblock3.denselayer14.norm1.weight" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; -"features.denseblock3.denselayer14.norm1.bias" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; -"features.denseblock3.denselayer14.norm1.running_mean" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; -"features.denseblock3.denselayer14.norm1.running_var" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; -"features/denseblock3/denselayer14/norm1/batch_norm/0" -> "features/denseblock3/denselayer14/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features/denseblock3/denselayer14/relu1/relu_/0" -> "features/denseblock3/denselayer14/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features.denseblock3.denselayer14.conv1.weight" -> "features/denseblock3/denselayer14/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 672, 1, 1)"]; -"features/denseblock3/denselayer14/conv1/conv2d/0" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer14.norm2.weight" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer14.norm2.bias" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer14.norm2.running_mean" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer14.norm2.running_var" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer14/norm2/batch_norm/0" -> "features/denseblock3/denselayer14/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer14/relu2/relu_/0" -> "features/denseblock3/denselayer14/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer14.conv2.weight" -> "features/denseblock3/denselayer14/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer15/cat/0" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 4, 4)"]; -"features.denseblock3.denselayer15.norm1.weight" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(704,)"]; -"features.denseblock3.denselayer15.norm1.bias" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(704,)"]; -"features.denseblock3.denselayer15.norm1.running_mean" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(704,)"]; -"features.denseblock3.denselayer15.norm1.running_var" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(704,)"]; -"features/denseblock3/denselayer15/norm1/batch_norm/0" -> "features/denseblock3/denselayer15/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 4, 4)"]; -"features/denseblock3/denselayer15/relu1/relu_/0" -> "features/denseblock3/denselayer15/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 4, 4)"]; -"features.denseblock3.denselayer15.conv1.weight" -> "features/denseblock3/denselayer15/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 704, 1, 1)"]; -"features/denseblock3/denselayer15/conv1/conv2d/0" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer15.norm2.weight" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer15.norm2.bias" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer15.norm2.running_mean" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer15.norm2.running_var" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer15/norm2/batch_norm/0" -> "features/denseblock3/denselayer15/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer15/relu2/relu_/0" -> "features/denseblock3/denselayer15/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer15.conv2.weight" -> "features/denseblock3/denselayer15/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer16/cat/0" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 4, 4)"]; -"features.denseblock3.denselayer16.norm1.weight" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(736,)"]; -"features.denseblock3.denselayer16.norm1.bias" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(736,)"]; -"features.denseblock3.denselayer16.norm1.running_mean" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(736,)"]; -"features.denseblock3.denselayer16.norm1.running_var" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(736,)"]; -"features/denseblock3/denselayer16/norm1/batch_norm/0" -> "features/denseblock3/denselayer16/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 4, 4)"]; -"features/denseblock3/denselayer16/relu1/relu_/0" -> "features/denseblock3/denselayer16/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 4, 4)"]; -"features.denseblock3.denselayer16.conv1.weight" -> "features/denseblock3/denselayer16/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 736, 1, 1)"]; -"features/denseblock3/denselayer16/conv1/conv2d/0" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer16.norm2.weight" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer16.norm2.bias" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer16.norm2.running_mean" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer16.norm2.running_var" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer16/norm2/batch_norm/0" -> "features/denseblock3/denselayer16/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer16/relu2/relu_/0" -> "features/denseblock3/denselayer16/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer16.conv2.weight" -> "features/denseblock3/denselayer16/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer17/cat/0" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 4, 4)"]; -"features.denseblock3.denselayer17.norm1.weight" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768,)"]; -"features.denseblock3.denselayer17.norm1.bias" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features.denseblock3.denselayer17.norm1.running_mean" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; -"features.denseblock3.denselayer17.norm1.running_var" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(768,)"]; -"features/denseblock3/denselayer17/norm1/batch_norm/0" -> "features/denseblock3/denselayer17/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 4, 4)"]; -"features/denseblock3/denselayer17/relu1/relu_/0" -> "features/denseblock3/denselayer17/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 4, 4)"]; -"features.denseblock3.denselayer17.conv1.weight" -> "features/denseblock3/denselayer17/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; -"features/denseblock3/denselayer17/conv1/conv2d/0" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer17.norm2.weight" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer17.norm2.bias" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer17.norm2.running_mean" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer17.norm2.running_var" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer17/norm2/batch_norm/0" -> "features/denseblock3/denselayer17/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer17/relu2/relu_/0" -> "features/denseblock3/denselayer17/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer17.conv2.weight" -> "features/denseblock3/denselayer17/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=17, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer18/cat/0" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 4, 4)"]; -"features.denseblock3.denselayer18.norm1.weight" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(800,)"]; -"features.denseblock3.denselayer18.norm1.bias" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(800,)"]; -"features.denseblock3.denselayer18.norm1.running_mean" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(800,)"]; -"features.denseblock3.denselayer18.norm1.running_var" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(800,)"]; -"features/denseblock3/denselayer18/norm1/batch_norm/0" -> "features/denseblock3/denselayer18/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 4, 4)"]; -"features/denseblock3/denselayer18/relu1/relu_/0" -> "features/denseblock3/denselayer18/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 4, 4)"]; -"features.denseblock3.denselayer18.conv1.weight" -> "features/denseblock3/denselayer18/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 800, 1, 1)"]; -"features/denseblock3/denselayer18/conv1/conv2d/0" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer18.norm2.weight" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer18.norm2.bias" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer18.norm2.running_mean" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer18.norm2.running_var" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer18/norm2/batch_norm/0" -> "features/denseblock3/denselayer18/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer18/relu2/relu_/0" -> "features/denseblock3/denselayer18/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer18.conv2.weight" -> "features/denseblock3/denselayer18/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, in_port_id=18, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=18, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=18, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=18, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=18, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=18, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=18, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer19/cat/0" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 4, 4)"]; -"features.denseblock3.denselayer19.norm1.weight" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(832,)"]; -"features.denseblock3.denselayer19.norm1.bias" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(832,)"]; -"features.denseblock3.denselayer19.norm1.running_mean" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(832,)"]; -"features.denseblock3.denselayer19.norm1.running_var" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(832,)"]; -"features/denseblock3/denselayer19/norm1/batch_norm/0" -> "features/denseblock3/denselayer19/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 4, 4)"]; -"features/denseblock3/denselayer19/relu1/relu_/0" -> "features/denseblock3/denselayer19/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 4, 4)"]; -"features.denseblock3.denselayer19.conv1.weight" -> "features/denseblock3/denselayer19/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 832, 1, 1)"]; -"features/denseblock3/denselayer19/conv1/conv2d/0" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer19.norm2.weight" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer19.norm2.bias" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer19.norm2.running_mean" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer19.norm2.running_var" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer19/norm2/batch_norm/0" -> "features/denseblock3/denselayer19/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer19/relu2/relu_/0" -> "features/denseblock3/denselayer19/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer19.conv2.weight" -> "features/denseblock3/denselayer19/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, in_port_id=19, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=19, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=19, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=19, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=19, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=19, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer20/cat/0" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 4, 4)"]; -"features.denseblock3.denselayer20.norm1.weight" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(864,)"]; -"features.denseblock3.denselayer20.norm1.bias" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(864,)"]; -"features.denseblock3.denselayer20.norm1.running_mean" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(864,)"]; -"features.denseblock3.denselayer20.norm1.running_var" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(864,)"]; -"features/denseblock3/denselayer20/norm1/batch_norm/0" -> "features/denseblock3/denselayer20/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 4, 4)"]; -"features/denseblock3/denselayer20/relu1/relu_/0" -> "features/denseblock3/denselayer20/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 4, 4)"]; -"features.denseblock3.denselayer20.conv1.weight" -> "features/denseblock3/denselayer20/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 864, 1, 1)"]; -"features/denseblock3/denselayer20/conv1/conv2d/0" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer20.norm2.weight" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer20.norm2.bias" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer20.norm2.running_mean" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer20.norm2.running_var" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer20/norm2/batch_norm/0" -> "features/denseblock3/denselayer20/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer20/relu2/relu_/0" -> "features/denseblock3/denselayer20/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer20.conv2.weight" -> "features/denseblock3/denselayer20/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, in_port_id=20, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=20, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=20, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=20, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=20, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer21/cat/0" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 4, 4)"]; -"features.denseblock3.denselayer21.norm1.weight" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(896,)"]; -"features.denseblock3.denselayer21.norm1.bias" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(896,)"]; -"features.denseblock3.denselayer21.norm1.running_mean" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(896,)"]; -"features.denseblock3.denselayer21.norm1.running_var" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(896,)"]; -"features/denseblock3/denselayer21/norm1/batch_norm/0" -> "features/denseblock3/denselayer21/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 4, 4)"]; -"features/denseblock3/denselayer21/relu1/relu_/0" -> "features/denseblock3/denselayer21/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 4, 4)"]; -"features.denseblock3.denselayer21.conv1.weight" -> "features/denseblock3/denselayer21/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 896, 1, 1)"]; -"features/denseblock3/denselayer21/conv1/conv2d/0" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer21.norm2.weight" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer21.norm2.bias" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer21.norm2.running_mean" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer21.norm2.running_var" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer21/norm2/batch_norm/0" -> "features/denseblock3/denselayer21/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer21/relu2/relu_/0" -> "features/denseblock3/denselayer21/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer21.conv2.weight" -> "features/denseblock3/denselayer21/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, in_port_id=21, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=21, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=21, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=21, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer22/cat/0" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 4, 4)"]; -"features.denseblock3.denselayer22.norm1.weight" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(928,)"]; -"features.denseblock3.denselayer22.norm1.bias" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(928,)"]; -"features.denseblock3.denselayer22.norm1.running_mean" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(928,)"]; -"features.denseblock3.denselayer22.norm1.running_var" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(928,)"]; -"features/denseblock3/denselayer22/norm1/batch_norm/0" -> "features/denseblock3/denselayer22/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 4, 4)"]; -"features/denseblock3/denselayer22/relu1/relu_/0" -> "features/denseblock3/denselayer22/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 4, 4)"]; -"features.denseblock3.denselayer22.conv1.weight" -> "features/denseblock3/denselayer22/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 928, 1, 1)"]; -"features/denseblock3/denselayer22/conv1/conv2d/0" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer22.norm2.weight" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer22.norm2.bias" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer22.norm2.running_mean" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer22.norm2.running_var" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer22/norm2/batch_norm/0" -> "features/denseblock3/denselayer22/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer22/relu2/relu_/0" -> "features/denseblock3/denselayer22/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer22.conv2.weight" -> "features/denseblock3/denselayer22/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer22/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, in_port_id=22, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer22/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=22, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer22/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=22, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer23/cat/0" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 4, 4)"]; -"features.denseblock3.denselayer23.norm1.weight" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"features.denseblock3.denselayer23.norm1.bias" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"features.denseblock3.denselayer23.norm1.running_mean" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"features.denseblock3.denselayer23.norm1.running_var" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"features/denseblock3/denselayer23/norm1/batch_norm/0" -> "features/denseblock3/denselayer23/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 4, 4)"]; -"features/denseblock3/denselayer23/relu1/relu_/0" -> "features/denseblock3/denselayer23/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 4, 4)"]; -"features.denseblock3.denselayer23.conv1.weight" -> "features/denseblock3/denselayer23/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 960, 1, 1)"]; -"features/denseblock3/denselayer23/conv1/conv2d/0" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer23.norm2.weight" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer23.norm2.bias" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer23.norm2.running_mean" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer23.norm2.running_var" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer23/norm2/batch_norm/0" -> "features/denseblock3/denselayer23/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer23/relu2/relu_/0" -> "features/denseblock3/denselayer23/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer23.conv2.weight" -> "features/denseblock3/denselayer23/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer23/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, in_port_id=23, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer23/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=23, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/denselayer24/cat/0" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 4, 4)"]; -"features.denseblock3.denselayer24.norm1.weight" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(992,)"]; -"features.denseblock3.denselayer24.norm1.bias" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(992,)"]; -"features.denseblock3.denselayer24.norm1.running_mean" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(992,)"]; -"features.denseblock3.denselayer24.norm1.running_var" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(992,)"]; -"features/denseblock3/denselayer24/norm1/batch_norm/0" -> "features/denseblock3/denselayer24/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 4, 4)"]; -"features/denseblock3/denselayer24/relu1/relu_/0" -> "features/denseblock3/denselayer24/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 4, 4)"]; -"features.denseblock3.denselayer24.conv1.weight" -> "features/denseblock3/denselayer24/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 992, 1, 1)"]; -"features/denseblock3/denselayer24/conv1/conv2d/0" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer24.norm2.weight" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer24.norm2.bias" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer24.norm2.running_mean" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock3.denselayer24.norm2.running_var" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock3/denselayer24/norm2/batch_norm/0" -> "features/denseblock3/denselayer24/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features/denseblock3/denselayer24/relu2/relu_/0" -> "features/denseblock3/denselayer24/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"features.denseblock3.denselayer24.conv2.weight" -> "features/denseblock3/denselayer24/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock3/denselayer24/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, in_port_id=24, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/denseblock3/cat/0" -> "features/transition3/norm/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"features.transition3.norm.weight" -> "features/transition3/norm/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"features.transition3.norm.bias" -> "features/transition3/norm/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"features.transition3.norm.running_mean" -> "features/transition3/norm/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"features.transition3.norm.running_var" -> "features/transition3/norm/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"features/transition3/norm/batch_norm/0" -> "features/transition3/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"features/transition3/relu/relu_/0" -> "features/transition3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"features.transition3.conv.weight" -> "features/transition3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 1, 1)"]; -"features/transition3/conv/conv2d/0" -> "features/transition3/pool/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/denseblock4/denselayer1/cat/0" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features.denseblock4.denselayer1.norm1.weight" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"features.denseblock4.denselayer1.norm1.bias" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.denseblock4.denselayer1.norm1.running_mean" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features.denseblock4.denselayer1.norm1.running_var" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"features/denseblock4/denselayer1/norm1/batch_norm/0" -> "features/denseblock4/denselayer1/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/denseblock4/denselayer1/relu1/relu_/0" -> "features/denseblock4/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features.denseblock4.denselayer1.conv1.weight" -> "features/denseblock4/denselayer1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512, 1, 1)"]; -"features/denseblock4/denselayer1/conv1/conv2d/0" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer1.norm2.weight" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer1.norm2.bias" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer1.norm2.running_mean" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer1.norm2.running_var" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer1/norm2/batch_norm/0" -> "features/denseblock4/denselayer1/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer1/relu2/relu_/0" -> "features/denseblock4/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer1.conv2.weight" -> "features/denseblock4/denselayer1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/cat/0" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 2, 2)"]; -"features.denseblock4.denselayer2.norm1.weight" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(544,)"]; -"features.denseblock4.denselayer2.norm1.bias" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(544,)"]; -"features.denseblock4.denselayer2.norm1.running_mean" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(544,)"]; -"features.denseblock4.denselayer2.norm1.running_var" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(544,)"]; -"features/denseblock4/denselayer2/norm1/batch_norm/0" -> "features/denseblock4/denselayer2/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 2, 2)"]; -"features/denseblock4/denselayer2/relu1/relu_/0" -> "features/denseblock4/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 2, 2)"]; -"features.denseblock4.denselayer2.conv1.weight" -> "features/denseblock4/denselayer2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 544, 1, 1)"]; -"features/denseblock4/denselayer2/conv1/conv2d/0" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer2.norm2.weight" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer2.norm2.bias" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer2.norm2.running_mean" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer2.norm2.running_var" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer2/norm2/batch_norm/0" -> "features/denseblock4/denselayer2/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer2/relu2/relu_/0" -> "features/denseblock4/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer2.conv2.weight" -> "features/denseblock4/denselayer2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer3/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer3/cat/0" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.denseblock4.denselayer3.norm1.weight" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.denseblock4.denselayer3.norm1.bias" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.denseblock4.denselayer3.norm1.running_mean" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.denseblock4.denselayer3.norm1.running_var" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/denseblock4/denselayer3/norm1/batch_norm/0" -> "features/denseblock4/denselayer3/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/denseblock4/denselayer3/relu1/relu_/0" -> "features/denseblock4/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.denseblock4.denselayer3.conv1.weight" -> "features/denseblock4/denselayer3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 576, 1, 1)"]; -"features/denseblock4/denselayer3/conv1/conv2d/0" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer3.norm2.weight" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer3.norm2.bias" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer3.norm2.running_mean" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer3.norm2.running_var" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer3/norm2/batch_norm/0" -> "features/denseblock4/denselayer3/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer3/relu2/relu_/0" -> "features/denseblock4/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer3.conv2.weight" -> "features/denseblock4/denselayer3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer4/cat/0" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 2, 2)"]; -"features.denseblock4.denselayer4.norm1.weight" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(608,)"]; -"features.denseblock4.denselayer4.norm1.bias" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(608,)"]; -"features.denseblock4.denselayer4.norm1.running_mean" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(608,)"]; -"features.denseblock4.denselayer4.norm1.running_var" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(608,)"]; -"features/denseblock4/denselayer4/norm1/batch_norm/0" -> "features/denseblock4/denselayer4/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 2, 2)"]; -"features/denseblock4/denselayer4/relu1/relu_/0" -> "features/denseblock4/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 2, 2)"]; -"features.denseblock4.denselayer4.conv1.weight" -> "features/denseblock4/denselayer4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 608, 1, 1)"]; -"features/denseblock4/denselayer4/conv1/conv2d/0" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer4.norm2.weight" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer4.norm2.bias" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer4.norm2.running_mean" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer4.norm2.running_var" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer4/norm2/batch_norm/0" -> "features/denseblock4/denselayer4/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer4/relu2/relu_/0" -> "features/denseblock4/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer4.conv2.weight" -> "features/denseblock4/denselayer4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer5/cat/0" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 2, 2)"]; -"features.denseblock4.denselayer5.norm1.weight" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(640,)"]; -"features.denseblock4.denselayer5.norm1.bias" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(640,)"]; -"features.denseblock4.denselayer5.norm1.running_mean" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(640,)"]; -"features.denseblock4.denselayer5.norm1.running_var" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(640,)"]; -"features/denseblock4/denselayer5/norm1/batch_norm/0" -> "features/denseblock4/denselayer5/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 2, 2)"]; -"features/denseblock4/denselayer5/relu1/relu_/0" -> "features/denseblock4/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 2, 2)"]; -"features.denseblock4.denselayer5.conv1.weight" -> "features/denseblock4/denselayer5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 640, 1, 1)"]; -"features/denseblock4/denselayer5/conv1/conv2d/0" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer5.norm2.weight" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer5.norm2.bias" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer5.norm2.running_mean" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer5.norm2.running_var" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer5/norm2/batch_norm/0" -> "features/denseblock4/denselayer5/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer5/relu2/relu_/0" -> "features/denseblock4/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer5.conv2.weight" -> "features/denseblock4/denselayer5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=5, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer6/cat/0" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 2, 2)"]; -"features.denseblock4.denselayer6.norm1.weight" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; -"features.denseblock4.denselayer6.norm1.bias" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; -"features.denseblock4.denselayer6.norm1.running_mean" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; -"features.denseblock4.denselayer6.norm1.running_var" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; -"features/denseblock4/denselayer6/norm1/batch_norm/0" -> "features/denseblock4/denselayer6/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 2, 2)"]; -"features/denseblock4/denselayer6/relu1/relu_/0" -> "features/denseblock4/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 2, 2)"]; -"features.denseblock4.denselayer6.conv1.weight" -> "features/denseblock4/denselayer6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 672, 1, 1)"]; -"features/denseblock4/denselayer6/conv1/conv2d/0" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer6.norm2.weight" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer6.norm2.bias" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer6.norm2.running_mean" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer6.norm2.running_var" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer6/norm2/batch_norm/0" -> "features/denseblock4/denselayer6/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer6/relu2/relu_/0" -> "features/denseblock4/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer6.conv2.weight" -> "features/denseblock4/denselayer6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=6, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer7/cat/0" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 2, 2)"]; -"features.denseblock4.denselayer7.norm1.weight" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(704,)"]; -"features.denseblock4.denselayer7.norm1.bias" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(704,)"]; -"features.denseblock4.denselayer7.norm1.running_mean" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(704,)"]; -"features.denseblock4.denselayer7.norm1.running_var" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(704,)"]; -"features/denseblock4/denselayer7/norm1/batch_norm/0" -> "features/denseblock4/denselayer7/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 2, 2)"]; -"features/denseblock4/denselayer7/relu1/relu_/0" -> "features/denseblock4/denselayer7/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 2, 2)"]; -"features.denseblock4.denselayer7.conv1.weight" -> "features/denseblock4/denselayer7/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 704, 1, 1)"]; -"features/denseblock4/denselayer7/conv1/conv2d/0" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer7.norm2.weight" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer7.norm2.bias" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer7.norm2.running_mean" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer7.norm2.running_var" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer7/norm2/batch_norm/0" -> "features/denseblock4/denselayer7/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer7/relu2/relu_/0" -> "features/denseblock4/denselayer7/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer7.conv2.weight" -> "features/denseblock4/denselayer7/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=7, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer8/cat/0" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 2, 2)"]; -"features.denseblock4.denselayer8.norm1.weight" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(736,)"]; -"features.denseblock4.denselayer8.norm1.bias" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(736,)"]; -"features.denseblock4.denselayer8.norm1.running_mean" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(736,)"]; -"features.denseblock4.denselayer8.norm1.running_var" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(736,)"]; -"features/denseblock4/denselayer8/norm1/batch_norm/0" -> "features/denseblock4/denselayer8/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 2, 2)"]; -"features/denseblock4/denselayer8/relu1/relu_/0" -> "features/denseblock4/denselayer8/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 2, 2)"]; -"features.denseblock4.denselayer8.conv1.weight" -> "features/denseblock4/denselayer8/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 736, 1, 1)"]; -"features/denseblock4/denselayer8/conv1/conv2d/0" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer8.norm2.weight" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer8.norm2.bias" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer8.norm2.running_mean" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer8.norm2.running_var" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer8/norm2/batch_norm/0" -> "features/denseblock4/denselayer8/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer8/relu2/relu_/0" -> "features/denseblock4/denselayer8/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer8.conv2.weight" -> "features/denseblock4/denselayer8/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=8, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer9/cat/0" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features.denseblock4.denselayer9.norm1.weight" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768,)"]; -"features.denseblock4.denselayer9.norm1.bias" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features.denseblock4.denselayer9.norm1.running_mean" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; -"features.denseblock4.denselayer9.norm1.running_var" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(768,)"]; -"features/denseblock4/denselayer9/norm1/batch_norm/0" -> "features/denseblock4/denselayer9/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features/denseblock4/denselayer9/relu1/relu_/0" -> "features/denseblock4/denselayer9/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 2, 2)"]; -"features.denseblock4.denselayer9.conv1.weight" -> "features/denseblock4/denselayer9/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; -"features/denseblock4/denselayer9/conv1/conv2d/0" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer9.norm2.weight" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer9.norm2.bias" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer9.norm2.running_mean" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer9.norm2.running_var" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer9/norm2/batch_norm/0" -> "features/denseblock4/denselayer9/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer9/relu2/relu_/0" -> "features/denseblock4/denselayer9/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer9.conv2.weight" -> "features/denseblock4/denselayer9/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=9, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer10/cat/0" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 2, 2)"]; -"features.denseblock4.denselayer10.norm1.weight" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(800,)"]; -"features.denseblock4.denselayer10.norm1.bias" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(800,)"]; -"features.denseblock4.denselayer10.norm1.running_mean" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(800,)"]; -"features.denseblock4.denselayer10.norm1.running_var" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(800,)"]; -"features/denseblock4/denselayer10/norm1/batch_norm/0" -> "features/denseblock4/denselayer10/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 2, 2)"]; -"features/denseblock4/denselayer10/relu1/relu_/0" -> "features/denseblock4/denselayer10/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 2, 2)"]; -"features.denseblock4.denselayer10.conv1.weight" -> "features/denseblock4/denselayer10/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 800, 1, 1)"]; -"features/denseblock4/denselayer10/conv1/conv2d/0" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer10.norm2.weight" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer10.norm2.bias" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer10.norm2.running_mean" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer10.norm2.running_var" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer10/norm2/batch_norm/0" -> "features/denseblock4/denselayer10/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer10/relu2/relu_/0" -> "features/denseblock4/denselayer10/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer10.conv2.weight" -> "features/denseblock4/denselayer10/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=10, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer11/cat/0" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 2, 2)"]; -"features.denseblock4.denselayer11.norm1.weight" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(832,)"]; -"features.denseblock4.denselayer11.norm1.bias" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(832,)"]; -"features.denseblock4.denselayer11.norm1.running_mean" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(832,)"]; -"features.denseblock4.denselayer11.norm1.running_var" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(832,)"]; -"features/denseblock4/denselayer11/norm1/batch_norm/0" -> "features/denseblock4/denselayer11/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 2, 2)"]; -"features/denseblock4/denselayer11/relu1/relu_/0" -> "features/denseblock4/denselayer11/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 2, 2)"]; -"features.denseblock4.denselayer11.conv1.weight" -> "features/denseblock4/denselayer11/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 832, 1, 1)"]; -"features/denseblock4/denselayer11/conv1/conv2d/0" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer11.norm2.weight" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer11.norm2.bias" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer11.norm2.running_mean" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer11.norm2.running_var" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer11/norm2/batch_norm/0" -> "features/denseblock4/denselayer11/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer11/relu2/relu_/0" -> "features/denseblock4/denselayer11/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer11.conv2.weight" -> "features/denseblock4/denselayer11/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=11, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer12/cat/0" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 2, 2)"]; -"features.denseblock4.denselayer12.norm1.weight" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(864,)"]; -"features.denseblock4.denselayer12.norm1.bias" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(864,)"]; -"features.denseblock4.denselayer12.norm1.running_mean" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(864,)"]; -"features.denseblock4.denselayer12.norm1.running_var" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(864,)"]; -"features/denseblock4/denselayer12/norm1/batch_norm/0" -> "features/denseblock4/denselayer12/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 2, 2)"]; -"features/denseblock4/denselayer12/relu1/relu_/0" -> "features/denseblock4/denselayer12/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 2, 2)"]; -"features.denseblock4.denselayer12.conv1.weight" -> "features/denseblock4/denselayer12/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 864, 1, 1)"]; -"features/denseblock4/denselayer12/conv1/conv2d/0" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer12.norm2.weight" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer12.norm2.bias" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer12.norm2.running_mean" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer12.norm2.running_var" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer12/norm2/batch_norm/0" -> "features/denseblock4/denselayer12/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer12/relu2/relu_/0" -> "features/denseblock4/denselayer12/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer12.conv2.weight" -> "features/denseblock4/denselayer12/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=12, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer13/cat/0" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 2, 2)"]; -"features.denseblock4.denselayer13.norm1.weight" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(896,)"]; -"features.denseblock4.denselayer13.norm1.bias" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(896,)"]; -"features.denseblock4.denselayer13.norm1.running_mean" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(896,)"]; -"features.denseblock4.denselayer13.norm1.running_var" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(896,)"]; -"features/denseblock4/denselayer13/norm1/batch_norm/0" -> "features/denseblock4/denselayer13/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 2, 2)"]; -"features/denseblock4/denselayer13/relu1/relu_/0" -> "features/denseblock4/denselayer13/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 2, 2)"]; -"features.denseblock4.denselayer13.conv1.weight" -> "features/denseblock4/denselayer13/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 896, 1, 1)"]; -"features/denseblock4/denselayer13/conv1/conv2d/0" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer13.norm2.weight" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer13.norm2.bias" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer13.norm2.running_mean" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer13.norm2.running_var" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer13/norm2/batch_norm/0" -> "features/denseblock4/denselayer13/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer13/relu2/relu_/0" -> "features/denseblock4/denselayer13/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer13.conv2.weight" -> "features/denseblock4/denselayer13/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=13, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer14/cat/0" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 2, 2)"]; -"features.denseblock4.denselayer14.norm1.weight" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(928,)"]; -"features.denseblock4.denselayer14.norm1.bias" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(928,)"]; -"features.denseblock4.denselayer14.norm1.running_mean" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(928,)"]; -"features.denseblock4.denselayer14.norm1.running_var" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(928,)"]; -"features/denseblock4/denselayer14/norm1/batch_norm/0" -> "features/denseblock4/denselayer14/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 2, 2)"]; -"features/denseblock4/denselayer14/relu1/relu_/0" -> "features/denseblock4/denselayer14/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 2, 2)"]; -"features.denseblock4.denselayer14.conv1.weight" -> "features/denseblock4/denselayer14/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 928, 1, 1)"]; -"features/denseblock4/denselayer14/conv1/conv2d/0" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer14.norm2.weight" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer14.norm2.bias" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer14.norm2.running_mean" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer14.norm2.running_var" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer14/norm2/batch_norm/0" -> "features/denseblock4/denselayer14/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer14/relu2/relu_/0" -> "features/denseblock4/denselayer14/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer14.conv2.weight" -> "features/denseblock4/denselayer14/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer14/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer14/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer14/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=14, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer15/cat/0" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features.denseblock4.denselayer15.norm1.weight" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"features.denseblock4.denselayer15.norm1.bias" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"features.denseblock4.denselayer15.norm1.running_mean" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"features.denseblock4.denselayer15.norm1.running_var" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"features/denseblock4/denselayer15/norm1/batch_norm/0" -> "features/denseblock4/denselayer15/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features/denseblock4/denselayer15/relu1/relu_/0" -> "features/denseblock4/denselayer15/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features.denseblock4.denselayer15.conv1.weight" -> "features/denseblock4/denselayer15/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 960, 1, 1)"]; -"features/denseblock4/denselayer15/conv1/conv2d/0" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer15.norm2.weight" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer15.norm2.bias" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer15.norm2.running_mean" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer15.norm2.running_var" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer15/norm2/batch_norm/0" -> "features/denseblock4/denselayer15/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer15/relu2/relu_/0" -> "features/denseblock4/denselayer15/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer15.conv2.weight" -> "features/denseblock4/denselayer15/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer15/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer15/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=15, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/denselayer16/cat/0" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 2, 2)"]; -"features.denseblock4.denselayer16.norm1.weight" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(992,)"]; -"features.denseblock4.denselayer16.norm1.bias" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(992,)"]; -"features.denseblock4.denselayer16.norm1.running_mean" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(992,)"]; -"features.denseblock4.denselayer16.norm1.running_var" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(992,)"]; -"features/denseblock4/denselayer16/norm1/batch_norm/0" -> "features/denseblock4/denselayer16/relu1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 2, 2)"]; -"features/denseblock4/denselayer16/relu1/relu_/0" -> "features/denseblock4/denselayer16/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 2, 2)"]; -"features.denseblock4.denselayer16.conv1.weight" -> "features/denseblock4/denselayer16/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 992, 1, 1)"]; -"features/denseblock4/denselayer16/conv1/conv2d/0" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer16.norm2.weight" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer16.norm2.bias" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer16.norm2.running_mean" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.denseblock4.denselayer16.norm2.running_var" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/denseblock4/denselayer16/norm2/batch_norm/0" -> "features/denseblock4/denselayer16/relu2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features/denseblock4/denselayer16/relu2/relu_/0" -> "features/denseblock4/denselayer16/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 2, 2)"]; -"features.denseblock4.denselayer16.conv2.weight" -> "features/denseblock4/denselayer16/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"features/denseblock4/denselayer16/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, in_port_id=16, out_port_id=0, shape="(1, 32, 2, 2)"]; -"features/denseblock4/cat/0" -> "features/norm5/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"features.norm5.weight" -> "features/norm5/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"features.norm5.bias" -> "features/norm5/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"features.norm5.running_mean" -> "features/norm5/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"features.norm5.running_var" -> "features/norm5/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"features/norm5/batch_norm/0" -> "/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"/relu_/0" -> "/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; -"/flatten/0" -> "classifier/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"classifier.weight" -> "classifier/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1024)"]; -"classifier.bias" -> "classifier/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"classifier/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"features.conv0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/conv0/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; +"features.norm0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.norm0.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.norm0.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.norm0.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/norm0/batch_norm/0" [id=7, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/relu0/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; +"features/pool0/max_pool2d/0" [id=9, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features/denseblock1/denselayer1/cat/0" [id=10, type=cat, metatype=PTCatMetatype]; +"features.denseblock1.denselayer1.norm1.weight" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer1.norm1.bias" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer1.norm1.running_mean" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer1.norm1.running_var" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer1/norm1/batch_norm/0" [id=15, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock1/denselayer1/relu1/relu_/0" [id=16, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock1.denselayer1.conv1.weight" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer1/conv1/conv2d/0" [id=18, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock1.denselayer1.norm2.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer1.norm2.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer1.norm2.running_mean" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer1.norm2.running_var" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer1/norm2/batch_norm/0" [id=23, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock1/denselayer1/relu2/relu_/0" [id=24, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock1.denselayer1.conv2.weight" [id=25, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer1/conv2/conv2d/0" [id=26, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock1/denselayer2/cat/0" [id=27, type=cat, metatype=PTCatMetatype]; +"features.denseblock1.denselayer2.norm1.weight" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer2.norm1.bias" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer2.norm1.running_mean" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer2.norm1.running_var" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer2/norm1/batch_norm/0" [id=32, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock1/denselayer2/relu1/relu_/0" [id=33, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock1.denselayer2.conv1.weight" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer2/conv1/conv2d/0" [id=35, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock1.denselayer2.norm2.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer2.norm2.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer2.norm2.running_mean" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer2.norm2.running_var" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer2/norm2/batch_norm/0" [id=40, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock1/denselayer2/relu2/relu_/0" [id=41, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock1.denselayer2.conv2.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer2/conv2/conv2d/0" [id=43, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock1/denselayer3/cat/0" [id=44, type=cat, metatype=PTCatMetatype]; +"features.denseblock1.denselayer3.norm1.weight" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer3.norm1.bias" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer3.norm1.running_mean" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer3.norm1.running_var" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer3/norm1/batch_norm/0" [id=49, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock1/denselayer3/relu1/relu_/0" [id=50, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock1.denselayer3.conv1.weight" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer3/conv1/conv2d/0" [id=52, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock1.denselayer3.norm2.weight" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer3.norm2.bias" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer3.norm2.running_mean" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer3.norm2.running_var" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer3/norm2/batch_norm/0" [id=57, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock1/denselayer3/relu2/relu_/0" [id=58, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock1.denselayer3.conv2.weight" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer3/conv2/conv2d/0" [id=60, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock1/denselayer4/cat/0" [id=61, type=cat, metatype=PTCatMetatype]; +"features.denseblock1.denselayer4.norm1.weight" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer4.norm1.bias" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer4.norm1.running_mean" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer4.norm1.running_var" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer4/norm1/batch_norm/0" [id=66, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock1/denselayer4/relu1/relu_/0" [id=67, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock1.denselayer4.conv1.weight" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer4/conv1/conv2d/0" [id=69, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock1.denselayer4.norm2.weight" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer4.norm2.bias" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer4.norm2.running_mean" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer4.norm2.running_var" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer4/norm2/batch_norm/0" [id=74, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock1/denselayer4/relu2/relu_/0" [id=75, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock1.denselayer4.conv2.weight" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer4/conv2/conv2d/0" [id=77, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock1/denselayer5/cat/0" [id=78, type=cat, metatype=PTCatMetatype]; +"features.denseblock1.denselayer5.norm1.weight" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer5.norm1.bias" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer5.norm1.running_mean" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer5.norm1.running_var" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer5/norm1/batch_norm/0" [id=83, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock1/denselayer5/relu1/relu_/0" [id=84, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock1.denselayer5.conv1.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer5/conv1/conv2d/0" [id=86, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock1.denselayer5.norm2.weight" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer5.norm2.bias" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer5.norm2.running_mean" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer5.norm2.running_var" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer5/norm2/batch_norm/0" [id=91, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock1/denselayer5/relu2/relu_/0" [id=92, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock1.denselayer5.conv2.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer5/conv2/conv2d/0" [id=94, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock1/denselayer6/cat/0" [id=95, type=cat, metatype=PTCatMetatype]; +"features.denseblock1.denselayer6.norm1.weight" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer6.norm1.bias" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer6.norm1.running_mean" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer6.norm1.running_var" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer6/norm1/batch_norm/0" [id=100, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock1/denselayer6/relu1/relu_/0" [id=101, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock1.denselayer6.conv1.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer6/conv1/conv2d/0" [id=103, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock1.denselayer6.norm2.weight" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer6.norm2.bias" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer6.norm2.running_mean" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock1.denselayer6.norm2.running_var" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer6/norm2/batch_norm/0" [id=108, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock1/denselayer6/relu2/relu_/0" [id=109, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock1.denselayer6.conv2.weight" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock1/denselayer6/conv2/conv2d/0" [id=111, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock1/cat/0" [id=112, type=cat, metatype=PTCatMetatype]; +"features.transition1.norm.weight" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.transition1.norm.bias" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.transition1.norm.running_mean" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.transition1.norm.running_var" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/transition1/norm/batch_norm/0" [id=117, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/transition1/relu/relu_/0" [id=118, type="relu_", metatype=PTRELUMetatype]; +"features.transition1.conv.weight" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/transition1/conv/conv2d/0" [id=120, type=conv2d, metatype=PTConv2dMetatype]; +"features/transition1/pool/avg_pool2d/0" [id=121, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features/denseblock2/denselayer1/cat/0" [id=122, type=cat, metatype=PTCatMetatype]; +"features.denseblock2.denselayer1.norm1.weight" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer1.norm1.bias" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer1.norm1.running_mean" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer1.norm1.running_var" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer1/norm1/batch_norm/0" [id=127, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer1/relu1/relu_/0" [id=128, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer1.conv1.weight" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer1/conv1/conv2d/0" [id=130, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock2.denselayer1.norm2.weight" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer1.norm2.bias" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer1.norm2.running_mean" [id=133, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer1.norm2.running_var" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer1/norm2/batch_norm/0" [id=135, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer1/relu2/relu_/0" [id=136, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer1.conv2.weight" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer1/conv2/conv2d/0" [id=138, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock2/denselayer2/cat/0" [id=139, type=cat, metatype=PTCatMetatype]; +"features.denseblock2.denselayer2.norm1.weight" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer2.norm1.bias" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer2.norm1.running_mean" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer2.norm1.running_var" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer2/norm1/batch_norm/0" [id=144, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer2/relu1/relu_/0" [id=145, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer2.conv1.weight" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer2/conv1/conv2d/0" [id=147, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock2.denselayer2.norm2.weight" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer2.norm2.bias" [id=149, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer2.norm2.running_mean" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer2.norm2.running_var" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer2/norm2/batch_norm/0" [id=152, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer2/relu2/relu_/0" [id=153, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer2.conv2.weight" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer2/conv2/conv2d/0" [id=155, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock2/denselayer3/cat/0" [id=156, type=cat, metatype=PTCatMetatype]; +"features.denseblock2.denselayer3.norm1.weight" [id=157, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer3.norm1.bias" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer3.norm1.running_mean" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer3.norm1.running_var" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer3/norm1/batch_norm/0" [id=161, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer3/relu1/relu_/0" [id=162, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer3.conv1.weight" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer3/conv1/conv2d/0" [id=164, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock2.denselayer3.norm2.weight" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer3.norm2.bias" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer3.norm2.running_mean" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer3.norm2.running_var" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer3/norm2/batch_norm/0" [id=169, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer3/relu2/relu_/0" [id=170, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer3.conv2.weight" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer3/conv2/conv2d/0" [id=172, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock2/denselayer4/cat/0" [id=173, type=cat, metatype=PTCatMetatype]; +"features.denseblock2.denselayer4.norm1.weight" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer4.norm1.bias" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer4.norm1.running_mean" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer4.norm1.running_var" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer4/norm1/batch_norm/0" [id=178, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer4/relu1/relu_/0" [id=179, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer4.conv1.weight" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer4/conv1/conv2d/0" [id=181, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock2.denselayer4.norm2.weight" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer4.norm2.bias" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer4.norm2.running_mean" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer4.norm2.running_var" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer4/norm2/batch_norm/0" [id=186, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer4/relu2/relu_/0" [id=187, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer4.conv2.weight" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer4/conv2/conv2d/0" [id=189, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock2/denselayer5/cat/0" [id=190, type=cat, metatype=PTCatMetatype]; +"features.denseblock2.denselayer5.norm1.weight" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer5.norm1.bias" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer5.norm1.running_mean" [id=193, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer5.norm1.running_var" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer5/norm1/batch_norm/0" [id=195, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer5/relu1/relu_/0" [id=196, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer5.conv1.weight" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer5/conv1/conv2d/0" [id=198, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock2.denselayer5.norm2.weight" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer5.norm2.bias" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer5.norm2.running_mean" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer5.norm2.running_var" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer5/norm2/batch_norm/0" [id=203, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer5/relu2/relu_/0" [id=204, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer5.conv2.weight" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer5/conv2/conv2d/0" [id=206, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock2/denselayer6/cat/0" [id=207, type=cat, metatype=PTCatMetatype]; +"features.denseblock2.denselayer6.norm1.weight" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer6.norm1.bias" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer6.norm1.running_mean" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer6.norm1.running_var" [id=211, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer6/norm1/batch_norm/0" [id=212, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer6/relu1/relu_/0" [id=213, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer6.conv1.weight" [id=214, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer6/conv1/conv2d/0" [id=215, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock2.denselayer6.norm2.weight" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer6.norm2.bias" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer6.norm2.running_mean" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer6.norm2.running_var" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer6/norm2/batch_norm/0" [id=220, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer6/relu2/relu_/0" [id=221, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer6.conv2.weight" [id=222, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer6/conv2/conv2d/0" [id=223, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock2/denselayer7/cat/0" [id=224, type=cat, metatype=PTCatMetatype]; +"features.denseblock2.denselayer7.norm1.weight" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer7.norm1.bias" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer7.norm1.running_mean" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer7.norm1.running_var" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer7/norm1/batch_norm/0" [id=229, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer7/relu1/relu_/0" [id=230, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer7.conv1.weight" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer7/conv1/conv2d/0" [id=232, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock2.denselayer7.norm2.weight" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer7.norm2.bias" [id=234, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer7.norm2.running_mean" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer7.norm2.running_var" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer7/norm2/batch_norm/0" [id=237, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer7/relu2/relu_/0" [id=238, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer7.conv2.weight" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer7/conv2/conv2d/0" [id=240, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock2/denselayer8/cat/0" [id=241, type=cat, metatype=PTCatMetatype]; +"features.denseblock2.denselayer8.norm1.weight" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer8.norm1.bias" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer8.norm1.running_mean" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer8.norm1.running_var" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer8/norm1/batch_norm/0" [id=246, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer8/relu1/relu_/0" [id=247, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer8.conv1.weight" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer8/conv1/conv2d/0" [id=249, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock2.denselayer8.norm2.weight" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer8.norm2.bias" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer8.norm2.running_mean" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer8.norm2.running_var" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer8/norm2/batch_norm/0" [id=254, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer8/relu2/relu_/0" [id=255, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer8.conv2.weight" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer8/conv2/conv2d/0" [id=257, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock2/denselayer9/cat/0" [id=258, type=cat, metatype=PTCatMetatype]; +"features.denseblock2.denselayer9.norm1.weight" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer9.norm1.bias" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer9.norm1.running_mean" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer9.norm1.running_var" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer9/norm1/batch_norm/0" [id=263, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer9/relu1/relu_/0" [id=264, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer9.conv1.weight" [id=265, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer9/conv1/conv2d/0" [id=266, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock2.denselayer9.norm2.weight" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer9.norm2.bias" [id=268, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer9.norm2.running_mean" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer9.norm2.running_var" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer9/norm2/batch_norm/0" [id=271, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer9/relu2/relu_/0" [id=272, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer9.conv2.weight" [id=273, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer9/conv2/conv2d/0" [id=274, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock2/denselayer10/cat/0" [id=275, type=cat, metatype=PTCatMetatype]; +"features.denseblock2.denselayer10.norm1.weight" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer10.norm1.bias" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer10.norm1.running_mean" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer10.norm1.running_var" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer10/norm1/batch_norm/0" [id=280, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer10/relu1/relu_/0" [id=281, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer10.conv1.weight" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer10/conv1/conv2d/0" [id=283, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock2.denselayer10.norm2.weight" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer10.norm2.bias" [id=285, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer10.norm2.running_mean" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer10.norm2.running_var" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer10/norm2/batch_norm/0" [id=288, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer10/relu2/relu_/0" [id=289, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer10.conv2.weight" [id=290, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer10/conv2/conv2d/0" [id=291, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock2/denselayer11/cat/0" [id=292, type=cat, metatype=PTCatMetatype]; +"features.denseblock2.denselayer11.norm1.weight" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer11.norm1.bias" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer11.norm1.running_mean" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer11.norm1.running_var" [id=296, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer11/norm1/batch_norm/0" [id=297, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer11/relu1/relu_/0" [id=298, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer11.conv1.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer11/conv1/conv2d/0" [id=300, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock2.denselayer11.norm2.weight" [id=301, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer11.norm2.bias" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer11.norm2.running_mean" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer11.norm2.running_var" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer11/norm2/batch_norm/0" [id=305, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer11/relu2/relu_/0" [id=306, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer11.conv2.weight" [id=307, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer11/conv2/conv2d/0" [id=308, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock2/denselayer12/cat/0" [id=309, type=cat, metatype=PTCatMetatype]; +"features.denseblock2.denselayer12.norm1.weight" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer12.norm1.bias" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer12.norm1.running_mean" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer12.norm1.running_var" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer12/norm1/batch_norm/0" [id=314, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer12/relu1/relu_/0" [id=315, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer12.conv1.weight" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer12/conv1/conv2d/0" [id=317, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock2.denselayer12.norm2.weight" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer12.norm2.bias" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer12.norm2.running_mean" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock2.denselayer12.norm2.running_var" [id=321, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer12/norm2/batch_norm/0" [id=322, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock2/denselayer12/relu2/relu_/0" [id=323, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock2.denselayer12.conv2.weight" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock2/denselayer12/conv2/conv2d/0" [id=325, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock2/cat/0" [id=326, type=cat, metatype=PTCatMetatype]; +"features.transition2.norm.weight" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.transition2.norm.bias" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.transition2.norm.running_mean" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.transition2.norm.running_var" [id=330, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/transition2/norm/batch_norm/0" [id=331, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/transition2/relu/relu_/0" [id=332, type="relu_", metatype=PTRELUMetatype]; +"features.transition2.conv.weight" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/transition2/conv/conv2d/0" [id=334, type=conv2d, metatype=PTConv2dMetatype]; +"features/transition2/pool/avg_pool2d/0" [id=335, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features/denseblock3/denselayer1/cat/0" [id=336, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer1.norm1.weight" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer1.norm1.bias" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer1.norm1.running_mean" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer1.norm1.running_var" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer1/norm1/batch_norm/0" [id=341, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer1/relu1/relu_/0" [id=342, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer1.conv1.weight" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer1/conv1/conv2d/0" [id=344, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer1.norm2.weight" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer1.norm2.bias" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer1.norm2.running_mean" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer1.norm2.running_var" [id=348, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer1/norm2/batch_norm/0" [id=349, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer1/relu2/relu_/0" [id=350, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer1.conv2.weight" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer1/conv2/conv2d/0" [id=352, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer2/cat/0" [id=353, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer2.norm1.weight" [id=354, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer2.norm1.bias" [id=355, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer2.norm1.running_mean" [id=356, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer2.norm1.running_var" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer2/norm1/batch_norm/0" [id=358, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer2/relu1/relu_/0" [id=359, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer2.conv1.weight" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer2/conv1/conv2d/0" [id=361, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer2.norm2.weight" [id=362, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer2.norm2.bias" [id=363, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer2.norm2.running_mean" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer2.norm2.running_var" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer2/norm2/batch_norm/0" [id=366, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer2/relu2/relu_/0" [id=367, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer2.conv2.weight" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer2/conv2/conv2d/0" [id=369, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer3/cat/0" [id=370, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer3.norm1.weight" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer3.norm1.bias" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer3.norm1.running_mean" [id=373, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer3.norm1.running_var" [id=374, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer3/norm1/batch_norm/0" [id=375, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer3/relu1/relu_/0" [id=376, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer3.conv1.weight" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer3/conv1/conv2d/0" [id=378, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer3.norm2.weight" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer3.norm2.bias" [id=380, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer3.norm2.running_mean" [id=381, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer3.norm2.running_var" [id=382, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer3/norm2/batch_norm/0" [id=383, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer3/relu2/relu_/0" [id=384, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer3.conv2.weight" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer3/conv2/conv2d/0" [id=386, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer4/cat/0" [id=387, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer4.norm1.weight" [id=388, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer4.norm1.bias" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer4.norm1.running_mean" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer4.norm1.running_var" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer4/norm1/batch_norm/0" [id=392, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer4/relu1/relu_/0" [id=393, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer4.conv1.weight" [id=394, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer4/conv1/conv2d/0" [id=395, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer4.norm2.weight" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer4.norm2.bias" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer4.norm2.running_mean" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer4.norm2.running_var" [id=399, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer4/norm2/batch_norm/0" [id=400, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer4/relu2/relu_/0" [id=401, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer4.conv2.weight" [id=402, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer4/conv2/conv2d/0" [id=403, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer5/cat/0" [id=404, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer5.norm1.weight" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer5.norm1.bias" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer5.norm1.running_mean" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer5.norm1.running_var" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer5/norm1/batch_norm/0" [id=409, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer5/relu1/relu_/0" [id=410, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer5.conv1.weight" [id=411, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer5/conv1/conv2d/0" [id=412, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer5.norm2.weight" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer5.norm2.bias" [id=414, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer5.norm2.running_mean" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer5.norm2.running_var" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer5/norm2/batch_norm/0" [id=417, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer5/relu2/relu_/0" [id=418, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer5.conv2.weight" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer5/conv2/conv2d/0" [id=420, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer6/cat/0" [id=421, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer6.norm1.weight" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer6.norm1.bias" [id=423, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer6.norm1.running_mean" [id=424, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer6.norm1.running_var" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer6/norm1/batch_norm/0" [id=426, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer6/relu1/relu_/0" [id=427, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer6.conv1.weight" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer6/conv1/conv2d/0" [id=429, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer6.norm2.weight" [id=430, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer6.norm2.bias" [id=431, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer6.norm2.running_mean" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer6.norm2.running_var" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer6/norm2/batch_norm/0" [id=434, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer6/relu2/relu_/0" [id=435, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer6.conv2.weight" [id=436, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer6/conv2/conv2d/0" [id=437, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer7/cat/0" [id=438, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer7.norm1.weight" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer7.norm1.bias" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer7.norm1.running_mean" [id=441, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer7.norm1.running_var" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer7/norm1/batch_norm/0" [id=443, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer7/relu1/relu_/0" [id=444, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer7.conv1.weight" [id=445, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer7/conv1/conv2d/0" [id=446, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer7.norm2.weight" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer7.norm2.bias" [id=448, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer7.norm2.running_mean" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer7.norm2.running_var" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer7/norm2/batch_norm/0" [id=451, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer7/relu2/relu_/0" [id=452, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer7.conv2.weight" [id=453, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer7/conv2/conv2d/0" [id=454, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer8/cat/0" [id=455, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer8.norm1.weight" [id=456, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer8.norm1.bias" [id=457, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer8.norm1.running_mean" [id=458, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer8.norm1.running_var" [id=459, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer8/norm1/batch_norm/0" [id=460, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer8/relu1/relu_/0" [id=461, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer8.conv1.weight" [id=462, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer8/conv1/conv2d/0" [id=463, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer8.norm2.weight" [id=464, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer8.norm2.bias" [id=465, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer8.norm2.running_mean" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer8.norm2.running_var" [id=467, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer8/norm2/batch_norm/0" [id=468, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer8/relu2/relu_/0" [id=469, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer8.conv2.weight" [id=470, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer8/conv2/conv2d/0" [id=471, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer9/cat/0" [id=472, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer9.norm1.weight" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer9.norm1.bias" [id=474, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer9.norm1.running_mean" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer9.norm1.running_var" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer9/norm1/batch_norm/0" [id=477, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer9/relu1/relu_/0" [id=478, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer9.conv1.weight" [id=479, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer9/conv1/conv2d/0" [id=480, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer9.norm2.weight" [id=481, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer9.norm2.bias" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer9.norm2.running_mean" [id=483, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer9.norm2.running_var" [id=484, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer9/norm2/batch_norm/0" [id=485, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer9/relu2/relu_/0" [id=486, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer9.conv2.weight" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer9/conv2/conv2d/0" [id=488, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer10/cat/0" [id=489, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer10.norm1.weight" [id=490, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer10.norm1.bias" [id=491, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer10.norm1.running_mean" [id=492, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer10.norm1.running_var" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer10/norm1/batch_norm/0" [id=494, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer10/relu1/relu_/0" [id=495, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer10.conv1.weight" [id=496, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer10/conv1/conv2d/0" [id=497, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer10.norm2.weight" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer10.norm2.bias" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer10.norm2.running_mean" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer10.norm2.running_var" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer10/norm2/batch_norm/0" [id=502, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer10/relu2/relu_/0" [id=503, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer10.conv2.weight" [id=504, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer10/conv2/conv2d/0" [id=505, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer11/cat/0" [id=506, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer11.norm1.weight" [id=507, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer11.norm1.bias" [id=508, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer11.norm1.running_mean" [id=509, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer11.norm1.running_var" [id=510, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer11/norm1/batch_norm/0" [id=511, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer11/relu1/relu_/0" [id=512, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer11.conv1.weight" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer11/conv1/conv2d/0" [id=514, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer11.norm2.weight" [id=515, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer11.norm2.bias" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer11.norm2.running_mean" [id=517, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer11.norm2.running_var" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer11/norm2/batch_norm/0" [id=519, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer11/relu2/relu_/0" [id=520, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer11.conv2.weight" [id=521, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer11/conv2/conv2d/0" [id=522, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer12/cat/0" [id=523, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer12.norm1.weight" [id=524, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer12.norm1.bias" [id=525, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer12.norm1.running_mean" [id=526, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer12.norm1.running_var" [id=527, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer12/norm1/batch_norm/0" [id=528, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer12/relu1/relu_/0" [id=529, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer12.conv1.weight" [id=530, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer12/conv1/conv2d/0" [id=531, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer12.norm2.weight" [id=532, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer12.norm2.bias" [id=533, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer12.norm2.running_mean" [id=534, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer12.norm2.running_var" [id=535, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer12/norm2/batch_norm/0" [id=536, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer12/relu2/relu_/0" [id=537, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer12.conv2.weight" [id=538, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer12/conv2/conv2d/0" [id=539, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer13/cat/0" [id=540, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer13.norm1.weight" [id=541, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer13.norm1.bias" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer13.norm1.running_mean" [id=543, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer13.norm1.running_var" [id=544, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer13/norm1/batch_norm/0" [id=545, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer13/relu1/relu_/0" [id=546, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer13.conv1.weight" [id=547, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer13/conv1/conv2d/0" [id=548, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer13.norm2.weight" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer13.norm2.bias" [id=550, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer13.norm2.running_mean" [id=551, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer13.norm2.running_var" [id=552, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer13/norm2/batch_norm/0" [id=553, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer13/relu2/relu_/0" [id=554, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer13.conv2.weight" [id=555, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer13/conv2/conv2d/0" [id=556, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer14/cat/0" [id=557, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer14.norm1.weight" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer14.norm1.bias" [id=559, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer14.norm1.running_mean" [id=560, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer14.norm1.running_var" [id=561, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer14/norm1/batch_norm/0" [id=562, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer14/relu1/relu_/0" [id=563, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer14.conv1.weight" [id=564, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer14/conv1/conv2d/0" [id=565, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer14.norm2.weight" [id=566, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer14.norm2.bias" [id=567, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer14.norm2.running_mean" [id=568, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer14.norm2.running_var" [id=569, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer14/norm2/batch_norm/0" [id=570, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer14/relu2/relu_/0" [id=571, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer14.conv2.weight" [id=572, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer14/conv2/conv2d/0" [id=573, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer15/cat/0" [id=574, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer15.norm1.weight" [id=575, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer15.norm1.bias" [id=576, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer15.norm1.running_mean" [id=577, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer15.norm1.running_var" [id=578, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer15/norm1/batch_norm/0" [id=579, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer15/relu1/relu_/0" [id=580, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer15.conv1.weight" [id=581, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer15/conv1/conv2d/0" [id=582, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer15.norm2.weight" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer15.norm2.bias" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer15.norm2.running_mean" [id=585, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer15.norm2.running_var" [id=586, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer15/norm2/batch_norm/0" [id=587, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer15/relu2/relu_/0" [id=588, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer15.conv2.weight" [id=589, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer15/conv2/conv2d/0" [id=590, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer16/cat/0" [id=591, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer16.norm1.weight" [id=592, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer16.norm1.bias" [id=593, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer16.norm1.running_mean" [id=594, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer16.norm1.running_var" [id=595, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer16/norm1/batch_norm/0" [id=596, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer16/relu1/relu_/0" [id=597, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer16.conv1.weight" [id=598, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer16/conv1/conv2d/0" [id=599, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer16.norm2.weight" [id=600, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer16.norm2.bias" [id=601, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer16.norm2.running_mean" [id=602, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer16.norm2.running_var" [id=603, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer16/norm2/batch_norm/0" [id=604, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer16/relu2/relu_/0" [id=605, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer16.conv2.weight" [id=606, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer16/conv2/conv2d/0" [id=607, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer17/cat/0" [id=608, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer17.norm1.weight" [id=609, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer17.norm1.bias" [id=610, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer17.norm1.running_mean" [id=611, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer17.norm1.running_var" [id=612, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer17/norm1/batch_norm/0" [id=613, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer17/relu1/relu_/0" [id=614, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer17.conv1.weight" [id=615, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer17/conv1/conv2d/0" [id=616, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer17.norm2.weight" [id=617, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer17.norm2.bias" [id=618, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer17.norm2.running_mean" [id=619, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer17.norm2.running_var" [id=620, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer17/norm2/batch_norm/0" [id=621, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer17/relu2/relu_/0" [id=622, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer17.conv2.weight" [id=623, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer17/conv2/conv2d/0" [id=624, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer18/cat/0" [id=625, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer18.norm1.weight" [id=626, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer18.norm1.bias" [id=627, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer18.norm1.running_mean" [id=628, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer18.norm1.running_var" [id=629, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer18/norm1/batch_norm/0" [id=630, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer18/relu1/relu_/0" [id=631, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer18.conv1.weight" [id=632, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer18/conv1/conv2d/0" [id=633, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer18.norm2.weight" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer18.norm2.bias" [id=635, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer18.norm2.running_mean" [id=636, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer18.norm2.running_var" [id=637, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer18/norm2/batch_norm/0" [id=638, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer18/relu2/relu_/0" [id=639, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer18.conv2.weight" [id=640, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer18/conv2/conv2d/0" [id=641, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer19/cat/0" [id=642, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer19.norm1.weight" [id=643, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer19.norm1.bias" [id=644, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer19.norm1.running_mean" [id=645, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer19.norm1.running_var" [id=646, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer19/norm1/batch_norm/0" [id=647, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer19/relu1/relu_/0" [id=648, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer19.conv1.weight" [id=649, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer19/conv1/conv2d/0" [id=650, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer19.norm2.weight" [id=651, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer19.norm2.bias" [id=652, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer19.norm2.running_mean" [id=653, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer19.norm2.running_var" [id=654, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer19/norm2/batch_norm/0" [id=655, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer19/relu2/relu_/0" [id=656, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer19.conv2.weight" [id=657, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer19/conv2/conv2d/0" [id=658, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer20/cat/0" [id=659, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer20.norm1.weight" [id=660, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer20.norm1.bias" [id=661, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer20.norm1.running_mean" [id=662, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer20.norm1.running_var" [id=663, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer20/norm1/batch_norm/0" [id=664, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer20/relu1/relu_/0" [id=665, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer20.conv1.weight" [id=666, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer20/conv1/conv2d/0" [id=667, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer20.norm2.weight" [id=668, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer20.norm2.bias" [id=669, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer20.norm2.running_mean" [id=670, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer20.norm2.running_var" [id=671, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer20/norm2/batch_norm/0" [id=672, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer20/relu2/relu_/0" [id=673, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer20.conv2.weight" [id=674, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer20/conv2/conv2d/0" [id=675, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer21/cat/0" [id=676, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer21.norm1.weight" [id=677, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer21.norm1.bias" [id=678, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer21.norm1.running_mean" [id=679, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer21.norm1.running_var" [id=680, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer21/norm1/batch_norm/0" [id=681, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer21/relu1/relu_/0" [id=682, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer21.conv1.weight" [id=683, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer21/conv1/conv2d/0" [id=684, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer21.norm2.weight" [id=685, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer21.norm2.bias" [id=686, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer21.norm2.running_mean" [id=687, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer21.norm2.running_var" [id=688, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer21/norm2/batch_norm/0" [id=689, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer21/relu2/relu_/0" [id=690, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer21.conv2.weight" [id=691, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer21/conv2/conv2d/0" [id=692, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer22/cat/0" [id=693, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer22.norm1.weight" [id=694, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer22.norm1.bias" [id=695, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer22.norm1.running_mean" [id=696, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer22.norm1.running_var" [id=697, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer22/norm1/batch_norm/0" [id=698, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer22/relu1/relu_/0" [id=699, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer22.conv1.weight" [id=700, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer22/conv1/conv2d/0" [id=701, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer22.norm2.weight" [id=702, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer22.norm2.bias" [id=703, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer22.norm2.running_mean" [id=704, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer22.norm2.running_var" [id=705, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer22/norm2/batch_norm/0" [id=706, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer22/relu2/relu_/0" [id=707, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer22.conv2.weight" [id=708, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer22/conv2/conv2d/0" [id=709, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer23/cat/0" [id=710, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer23.norm1.weight" [id=711, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer23.norm1.bias" [id=712, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer23.norm1.running_mean" [id=713, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer23.norm1.running_var" [id=714, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer23/norm1/batch_norm/0" [id=715, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer23/relu1/relu_/0" [id=716, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer23.conv1.weight" [id=717, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer23/conv1/conv2d/0" [id=718, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer23.norm2.weight" [id=719, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer23.norm2.bias" [id=720, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer23.norm2.running_mean" [id=721, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer23.norm2.running_var" [id=722, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer23/norm2/batch_norm/0" [id=723, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer23/relu2/relu_/0" [id=724, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer23.conv2.weight" [id=725, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer23/conv2/conv2d/0" [id=726, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/denselayer24/cat/0" [id=727, type=cat, metatype=PTCatMetatype]; +"features.denseblock3.denselayer24.norm1.weight" [id=728, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer24.norm1.bias" [id=729, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer24.norm1.running_mean" [id=730, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer24.norm1.running_var" [id=731, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer24/norm1/batch_norm/0" [id=732, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer24/relu1/relu_/0" [id=733, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer24.conv1.weight" [id=734, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer24/conv1/conv2d/0" [id=735, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock3.denselayer24.norm2.weight" [id=736, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer24.norm2.bias" [id=737, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer24.norm2.running_mean" [id=738, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock3.denselayer24.norm2.running_var" [id=739, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer24/norm2/batch_norm/0" [id=740, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock3/denselayer24/relu2/relu_/0" [id=741, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock3.denselayer24.conv2.weight" [id=742, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock3/denselayer24/conv2/conv2d/0" [id=743, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock3/cat/0" [id=744, type=cat, metatype=PTCatMetatype]; +"features.transition3.norm.weight" [id=745, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.transition3.norm.bias" [id=746, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.transition3.norm.running_mean" [id=747, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.transition3.norm.running_var" [id=748, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/transition3/norm/batch_norm/0" [id=749, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/transition3/relu/relu_/0" [id=750, type="relu_", metatype=PTRELUMetatype]; +"features.transition3.conv.weight" [id=751, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/transition3/conv/conv2d/0" [id=752, type=conv2d, metatype=PTConv2dMetatype]; +"features/transition3/pool/avg_pool2d/0" [id=753, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features/denseblock4/denselayer1/cat/0" [id=754, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer1.norm1.weight" [id=755, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer1.norm1.bias" [id=756, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer1.norm1.running_mean" [id=757, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer1.norm1.running_var" [id=758, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer1/norm1/batch_norm/0" [id=759, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer1/relu1/relu_/0" [id=760, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer1.conv1.weight" [id=761, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer1/conv1/conv2d/0" [id=762, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer1.norm2.weight" [id=763, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer1.norm2.bias" [id=764, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer1.norm2.running_mean" [id=765, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer1.norm2.running_var" [id=766, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer1/norm2/batch_norm/0" [id=767, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer1/relu2/relu_/0" [id=768, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer1.conv2.weight" [id=769, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer1/conv2/conv2d/0" [id=770, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer2/cat/0" [id=771, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer2.norm1.weight" [id=772, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer2.norm1.bias" [id=773, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer2.norm1.running_mean" [id=774, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer2.norm1.running_var" [id=775, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer2/norm1/batch_norm/0" [id=776, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer2/relu1/relu_/0" [id=777, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer2.conv1.weight" [id=778, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer2/conv1/conv2d/0" [id=779, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer2.norm2.weight" [id=780, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer2.norm2.bias" [id=781, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer2.norm2.running_mean" [id=782, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer2.norm2.running_var" [id=783, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer2/norm2/batch_norm/0" [id=784, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer2/relu2/relu_/0" [id=785, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer2.conv2.weight" [id=786, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer2/conv2/conv2d/0" [id=787, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer3/cat/0" [id=788, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer3.norm1.weight" [id=789, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer3.norm1.bias" [id=790, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer3.norm1.running_mean" [id=791, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer3.norm1.running_var" [id=792, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer3/norm1/batch_norm/0" [id=793, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer3/relu1/relu_/0" [id=794, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer3.conv1.weight" [id=795, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer3/conv1/conv2d/0" [id=796, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer3.norm2.weight" [id=797, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer3.norm2.bias" [id=798, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer3.norm2.running_mean" [id=799, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer3.norm2.running_var" [id=800, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer3/norm2/batch_norm/0" [id=801, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer3/relu2/relu_/0" [id=802, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer3.conv2.weight" [id=803, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer3/conv2/conv2d/0" [id=804, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer4/cat/0" [id=805, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer4.norm1.weight" [id=806, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer4.norm1.bias" [id=807, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer4.norm1.running_mean" [id=808, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer4.norm1.running_var" [id=809, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer4/norm1/batch_norm/0" [id=810, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer4/relu1/relu_/0" [id=811, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer4.conv1.weight" [id=812, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer4/conv1/conv2d/0" [id=813, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer4.norm2.weight" [id=814, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer4.norm2.bias" [id=815, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer4.norm2.running_mean" [id=816, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer4.norm2.running_var" [id=817, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer4/norm2/batch_norm/0" [id=818, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer4/relu2/relu_/0" [id=819, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer4.conv2.weight" [id=820, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer4/conv2/conv2d/0" [id=821, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer5/cat/0" [id=822, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer5.norm1.weight" [id=823, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer5.norm1.bias" [id=824, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer5.norm1.running_mean" [id=825, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer5.norm1.running_var" [id=826, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer5/norm1/batch_norm/0" [id=827, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer5/relu1/relu_/0" [id=828, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer5.conv1.weight" [id=829, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer5/conv1/conv2d/0" [id=830, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer5.norm2.weight" [id=831, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer5.norm2.bias" [id=832, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer5.norm2.running_mean" [id=833, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer5.norm2.running_var" [id=834, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer5/norm2/batch_norm/0" [id=835, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer5/relu2/relu_/0" [id=836, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer5.conv2.weight" [id=837, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer5/conv2/conv2d/0" [id=838, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer6/cat/0" [id=839, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer6.norm1.weight" [id=840, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer6.norm1.bias" [id=841, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer6.norm1.running_mean" [id=842, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer6.norm1.running_var" [id=843, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer6/norm1/batch_norm/0" [id=844, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer6/relu1/relu_/0" [id=845, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer6.conv1.weight" [id=846, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer6/conv1/conv2d/0" [id=847, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer6.norm2.weight" [id=848, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer6.norm2.bias" [id=849, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer6.norm2.running_mean" [id=850, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer6.norm2.running_var" [id=851, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer6/norm2/batch_norm/0" [id=852, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer6/relu2/relu_/0" [id=853, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer6.conv2.weight" [id=854, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer6/conv2/conv2d/0" [id=855, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer7/cat/0" [id=856, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer7.norm1.weight" [id=857, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer7.norm1.bias" [id=858, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer7.norm1.running_mean" [id=859, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer7.norm1.running_var" [id=860, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer7/norm1/batch_norm/0" [id=861, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer7/relu1/relu_/0" [id=862, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer7.conv1.weight" [id=863, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer7/conv1/conv2d/0" [id=864, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer7.norm2.weight" [id=865, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer7.norm2.bias" [id=866, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer7.norm2.running_mean" [id=867, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer7.norm2.running_var" [id=868, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer7/norm2/batch_norm/0" [id=869, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer7/relu2/relu_/0" [id=870, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer7.conv2.weight" [id=871, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer7/conv2/conv2d/0" [id=872, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer8/cat/0" [id=873, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer8.norm1.weight" [id=874, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer8.norm1.bias" [id=875, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer8.norm1.running_mean" [id=876, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer8.norm1.running_var" [id=877, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer8/norm1/batch_norm/0" [id=878, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer8/relu1/relu_/0" [id=879, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer8.conv1.weight" [id=880, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer8/conv1/conv2d/0" [id=881, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer8.norm2.weight" [id=882, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer8.norm2.bias" [id=883, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer8.norm2.running_mean" [id=884, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer8.norm2.running_var" [id=885, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer8/norm2/batch_norm/0" [id=886, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer8/relu2/relu_/0" [id=887, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer8.conv2.weight" [id=888, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer8/conv2/conv2d/0" [id=889, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer9/cat/0" [id=890, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer9.norm1.weight" [id=891, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer9.norm1.bias" [id=892, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer9.norm1.running_mean" [id=893, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer9.norm1.running_var" [id=894, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer9/norm1/batch_norm/0" [id=895, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer9/relu1/relu_/0" [id=896, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer9.conv1.weight" [id=897, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer9/conv1/conv2d/0" [id=898, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer9.norm2.weight" [id=899, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer9.norm2.bias" [id=900, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer9.norm2.running_mean" [id=901, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer9.norm2.running_var" [id=902, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer9/norm2/batch_norm/0" [id=903, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer9/relu2/relu_/0" [id=904, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer9.conv2.weight" [id=905, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer9/conv2/conv2d/0" [id=906, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer10/cat/0" [id=907, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer10.norm1.weight" [id=908, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer10.norm1.bias" [id=909, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer10.norm1.running_mean" [id=910, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer10.norm1.running_var" [id=911, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer10/norm1/batch_norm/0" [id=912, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer10/relu1/relu_/0" [id=913, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer10.conv1.weight" [id=914, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer10/conv1/conv2d/0" [id=915, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer10.norm2.weight" [id=916, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer10.norm2.bias" [id=917, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer10.norm2.running_mean" [id=918, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer10.norm2.running_var" [id=919, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer10/norm2/batch_norm/0" [id=920, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer10/relu2/relu_/0" [id=921, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer10.conv2.weight" [id=922, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer10/conv2/conv2d/0" [id=923, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer11/cat/0" [id=924, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer11.norm1.weight" [id=925, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer11.norm1.bias" [id=926, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer11.norm1.running_mean" [id=927, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer11.norm1.running_var" [id=928, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer11/norm1/batch_norm/0" [id=929, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer11/relu1/relu_/0" [id=930, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer11.conv1.weight" [id=931, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer11/conv1/conv2d/0" [id=932, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer11.norm2.weight" [id=933, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer11.norm2.bias" [id=934, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer11.norm2.running_mean" [id=935, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer11.norm2.running_var" [id=936, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer11/norm2/batch_norm/0" [id=937, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer11/relu2/relu_/0" [id=938, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer11.conv2.weight" [id=939, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer11/conv2/conv2d/0" [id=940, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer12/cat/0" [id=941, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer12.norm1.weight" [id=942, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer12.norm1.bias" [id=943, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer12.norm1.running_mean" [id=944, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer12.norm1.running_var" [id=945, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer12/norm1/batch_norm/0" [id=946, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer12/relu1/relu_/0" [id=947, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer12.conv1.weight" [id=948, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer12/conv1/conv2d/0" [id=949, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer12.norm2.weight" [id=950, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer12.norm2.bias" [id=951, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer12.norm2.running_mean" [id=952, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer12.norm2.running_var" [id=953, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer12/norm2/batch_norm/0" [id=954, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer12/relu2/relu_/0" [id=955, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer12.conv2.weight" [id=956, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer12/conv2/conv2d/0" [id=957, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer13/cat/0" [id=958, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer13.norm1.weight" [id=959, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer13.norm1.bias" [id=960, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer13.norm1.running_mean" [id=961, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer13.norm1.running_var" [id=962, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer13/norm1/batch_norm/0" [id=963, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer13/relu1/relu_/0" [id=964, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer13.conv1.weight" [id=965, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer13/conv1/conv2d/0" [id=966, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer13.norm2.weight" [id=967, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer13.norm2.bias" [id=968, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer13.norm2.running_mean" [id=969, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer13.norm2.running_var" [id=970, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer13/norm2/batch_norm/0" [id=971, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer13/relu2/relu_/0" [id=972, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer13.conv2.weight" [id=973, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer13/conv2/conv2d/0" [id=974, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer14/cat/0" [id=975, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer14.norm1.weight" [id=976, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer14.norm1.bias" [id=977, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer14.norm1.running_mean" [id=978, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer14.norm1.running_var" [id=979, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer14/norm1/batch_norm/0" [id=980, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer14/relu1/relu_/0" [id=981, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer14.conv1.weight" [id=982, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer14/conv1/conv2d/0" [id=983, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer14.norm2.weight" [id=984, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer14.norm2.bias" [id=985, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer14.norm2.running_mean" [id=986, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer14.norm2.running_var" [id=987, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer14/norm2/batch_norm/0" [id=988, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer14/relu2/relu_/0" [id=989, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer14.conv2.weight" [id=990, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer14/conv2/conv2d/0" [id=991, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer15/cat/0" [id=992, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer15.norm1.weight" [id=993, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer15.norm1.bias" [id=994, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer15.norm1.running_mean" [id=995, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer15.norm1.running_var" [id=996, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer15/norm1/batch_norm/0" [id=997, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer15/relu1/relu_/0" [id=998, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer15.conv1.weight" [id=999, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer15/conv1/conv2d/0" [id=1000, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer15.norm2.weight" [id=1001, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer15.norm2.bias" [id=1002, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer15.norm2.running_mean" [id=1003, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer15.norm2.running_var" [id=1004, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer15/norm2/batch_norm/0" [id=1005, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer15/relu2/relu_/0" [id=1006, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer15.conv2.weight" [id=1007, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer15/conv2/conv2d/0" [id=1008, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/denselayer16/cat/0" [id=1009, type=cat, metatype=PTCatMetatype]; +"features.denseblock4.denselayer16.norm1.weight" [id=1010, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer16.norm1.bias" [id=1011, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer16.norm1.running_mean" [id=1012, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer16.norm1.running_var" [id=1013, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer16/norm1/batch_norm/0" [id=1014, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer16/relu1/relu_/0" [id=1015, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer16.conv1.weight" [id=1016, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer16/conv1/conv2d/0" [id=1017, type=conv2d, metatype=PTConv2dMetatype]; +"features.denseblock4.denselayer16.norm2.weight" [id=1018, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer16.norm2.bias" [id=1019, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer16.norm2.running_mean" [id=1020, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.denseblock4.denselayer16.norm2.running_var" [id=1021, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer16/norm2/batch_norm/0" [id=1022, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/denseblock4/denselayer16/relu2/relu_/0" [id=1023, type="relu_", metatype=PTRELUMetatype]; +"features.denseblock4.denselayer16.conv2.weight" [id=1024, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/denseblock4/denselayer16/conv2/conv2d/0" [id=1025, type=conv2d, metatype=PTConv2dMetatype]; +"features/denseblock4/cat/0" [id=1026, type=cat, metatype=PTCatMetatype]; +"features.norm5.weight" [id=1027, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.norm5.bias" [id=1028, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.norm5.running_mean" [id=1029, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.norm5.running_var" [id=1030, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/norm5/batch_norm/0" [id=1031, type="batch_norm", metatype=PT2BatchNormMetatype]; +"/relu_/0" [id=1032, type="relu_", metatype=PTRELUMetatype]; +"/adaptive_avg_pool2d/0" [id=1033, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"/flatten/0" [id=1034, type=flatten, metatype=PTReshapeMetatype]; +"classifier.weight" [id=1035, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.bias" [id=1036, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/linear/0" [id=1037, type=linear, metatype=PTLinearMetatype]; +output [id=1038, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "features/conv0/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; +"features.conv0.weight" -> "features/conv0/conv2d/0" [dtype=float, shape="(64, 3, 7, 7)", out_port_id=0, in_port_id=1]; +"features/conv0/conv2d/0" -> "features/norm0/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features.norm0.weight" -> "features/norm0/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"features.norm0.bias" -> "features/norm0/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features.norm0.running_mean" -> "features/norm0/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"features.norm0.running_var" -> "features/norm0/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"features/norm0/batch_norm/0" -> "features/relu0/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features/relu0/relu_/0" -> "features/pool0/max_pool2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer1/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer2/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer3/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"features/pool0/max_pool2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"features/pool0/max_pool2d/0" -> "features/denseblock1/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"features/denseblock1/denselayer1/cat/0" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer1.norm1.weight" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"features.denseblock1.denselayer1.norm1.bias" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features.denseblock1.denselayer1.norm1.running_mean" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"features.denseblock1.denselayer1.norm1.running_var" -> "features/denseblock1/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer1/norm1/batch_norm/0" -> "features/denseblock1/denselayer1/relu1/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"features/denseblock1/denselayer1/relu1/relu_/0" -> "features/denseblock1/denselayer1/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer1.conv1.weight" -> "features/denseblock1/denselayer1/conv1/conv2d/0" [dtype=float, shape="(128, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer1/conv1/conv2d/0" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer1.norm2.weight" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock1.denselayer1.norm2.bias" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock1.denselayer1.norm2.running_mean" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock1.denselayer1.norm2.running_var" -> "features/denseblock1/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer1/norm2/batch_norm/0" -> "features/denseblock1/denselayer1/relu2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/denseblock1/denselayer1/relu2/relu_/0" -> "features/denseblock1/denselayer1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer1.conv2.weight" -> "features/denseblock1/denselayer1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer2/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer3/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer1/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer2/cat/0" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer2.norm1.weight" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.denseblock1.denselayer2.norm1.bias" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.denseblock1.denselayer2.norm1.running_mean" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.denseblock1.denselayer2.norm1.running_var" -> "features/denseblock1/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer2/norm1/batch_norm/0" -> "features/denseblock1/denselayer2/relu1/relu_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/denseblock1/denselayer2/relu1/relu_/0" -> "features/denseblock1/denselayer2/conv1/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer2.conv1.weight" -> "features/denseblock1/denselayer2/conv1/conv2d/0" [dtype=float, shape="(128, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer2/conv1/conv2d/0" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer2.norm2.weight" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock1.denselayer2.norm2.bias" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock1.denselayer2.norm2.running_mean" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock1.denselayer2.norm2.running_var" -> "features/denseblock1/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer2/norm2/batch_norm/0" -> "features/denseblock1/denselayer2/relu2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/denseblock1/denselayer2/relu2/relu_/0" -> "features/denseblock1/denselayer2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer2.conv2.weight" -> "features/denseblock1/denselayer2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer3/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=2]; +"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=2]; +"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=2]; +"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=2]; +"features/denseblock1/denselayer2/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=2]; +"features/denseblock1/denselayer3/cat/0" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer3.norm1.weight" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock1.denselayer3.norm1.bias" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock1.denselayer3.norm1.running_mean" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock1.denselayer3.norm1.running_var" -> "features/denseblock1/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer3/norm1/batch_norm/0" -> "features/denseblock1/denselayer3/relu1/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/denseblock1/denselayer3/relu1/relu_/0" -> "features/denseblock1/denselayer3/conv1/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer3.conv1.weight" -> "features/denseblock1/denselayer3/conv1/conv2d/0" [dtype=float, shape="(128, 128, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer3/conv1/conv2d/0" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer3.norm2.weight" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock1.denselayer3.norm2.bias" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock1.denselayer3.norm2.running_mean" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock1.denselayer3.norm2.running_var" -> "features/denseblock1/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer3/norm2/batch_norm/0" -> "features/denseblock1/denselayer3/relu2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/denseblock1/denselayer3/relu2/relu_/0" -> "features/denseblock1/denselayer3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer3.conv2.weight" -> "features/denseblock1/denselayer3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/denselayer4/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=3]; +"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=3]; +"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=3]; +"features/denseblock1/denselayer3/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=3]; +"features/denseblock1/denselayer4/cat/0" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer4.norm1.weight" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"features.denseblock1.denselayer4.norm1.bias" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"features.denseblock1.denselayer4.norm1.running_mean" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"features.denseblock1.denselayer4.norm1.running_var" -> "features/denseblock1/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer4/norm1/batch_norm/0" -> "features/denseblock1/denselayer4/relu1/relu_/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"features/denseblock1/denselayer4/relu1/relu_/0" -> "features/denseblock1/denselayer4/conv1/conv2d/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer4.conv1.weight" -> "features/denseblock1/denselayer4/conv1/conv2d/0" [dtype=float, shape="(128, 160, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer4/conv1/conv2d/0" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer4.norm2.weight" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock1.denselayer4.norm2.bias" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock1.denselayer4.norm2.running_mean" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock1.denselayer4.norm2.running_var" -> "features/denseblock1/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer4/norm2/batch_norm/0" -> "features/denseblock1/denselayer4/relu2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/denseblock1/denselayer4/relu2/relu_/0" -> "features/denseblock1/denselayer4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer4.conv2.weight" -> "features/denseblock1/denselayer4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer4/conv2/conv2d/0" -> "features/denseblock1/denselayer5/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer4/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer4/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer5/cat/0" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer5.norm1.weight" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.denseblock1.denselayer5.norm1.bias" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.denseblock1.denselayer5.norm1.running_mean" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.denseblock1.denselayer5.norm1.running_var" -> "features/denseblock1/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer5/norm1/batch_norm/0" -> "features/denseblock1/denselayer5/relu1/relu_/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; +"features/denseblock1/denselayer5/relu1/relu_/0" -> "features/denseblock1/denselayer5/conv1/conv2d/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer5.conv1.weight" -> "features/denseblock1/denselayer5/conv1/conv2d/0" [dtype=float, shape="(128, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer5/conv1/conv2d/0" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer5.norm2.weight" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock1.denselayer5.norm2.bias" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock1.denselayer5.norm2.running_mean" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock1.denselayer5.norm2.running_var" -> "features/denseblock1/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer5/norm2/batch_norm/0" -> "features/denseblock1/denselayer5/relu2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/denseblock1/denselayer5/relu2/relu_/0" -> "features/denseblock1/denselayer5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer5.conv2.weight" -> "features/denseblock1/denselayer5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer5/conv2/conv2d/0" -> "features/denseblock1/denselayer6/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=5]; +"features/denseblock1/denselayer5/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=5]; +"features/denseblock1/denselayer6/cat/0" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer6.norm1.weight" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=1]; +"features.denseblock1.denselayer6.norm1.bias" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=2]; +"features.denseblock1.denselayer6.norm1.running_mean" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=3]; +"features.denseblock1.denselayer6.norm1.running_var" -> "features/denseblock1/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer6/norm1/batch_norm/0" -> "features/denseblock1/denselayer6/relu1/relu_/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; +"features/denseblock1/denselayer6/relu1/relu_/0" -> "features/denseblock1/denselayer6/conv1/conv2d/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer6.conv1.weight" -> "features/denseblock1/denselayer6/conv1/conv2d/0" [dtype=float, shape="(128, 224, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer6/conv1/conv2d/0" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer6.norm2.weight" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock1.denselayer6.norm2.bias" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock1.denselayer6.norm2.running_mean" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock1.denselayer6.norm2.running_var" -> "features/denseblock1/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock1/denselayer6/norm2/batch_norm/0" -> "features/denseblock1/denselayer6/relu2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/denseblock1/denselayer6/relu2/relu_/0" -> "features/denseblock1/denselayer6/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.denseblock1.denselayer6.conv2.weight" -> "features/denseblock1/denselayer6/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock1/denselayer6/conv2/conv2d/0" -> "features/denseblock1/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=6]; +"features/denseblock1/cat/0" -> "features/transition1/norm/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"features.transition1.norm.weight" -> "features/transition1/norm/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"features.transition1.norm.bias" -> "features/transition1/norm/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features.transition1.norm.running_mean" -> "features/transition1/norm/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"features.transition1.norm.running_var" -> "features/transition1/norm/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"features/transition1/norm/batch_norm/0" -> "features/transition1/relu/relu_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"features/transition1/relu/relu_/0" -> "features/transition1/conv/conv2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"features.transition1.conv.weight" -> "features/transition1/conv/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"features/transition1/conv/conv2d/0" -> "features/transition1/pool/avg_pool2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer1/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer2/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer3/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/transition1/pool/avg_pool2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer1/cat/0" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer1.norm1.weight" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer1.norm1.bias" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer1.norm1.running_mean" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer1.norm1.running_var" -> "features/denseblock2/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer1/norm1/batch_norm/0" -> "features/denseblock2/denselayer1/relu1/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer1/relu1/relu_/0" -> "features/denseblock2/denselayer1/conv1/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer1.conv1.weight" -> "features/denseblock2/denselayer1/conv1/conv2d/0" [dtype=float, shape="(128, 128, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer1/conv1/conv2d/0" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer1.norm2.weight" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer1.norm2.bias" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer1.norm2.running_mean" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer1.norm2.running_var" -> "features/denseblock2/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer1/norm2/batch_norm/0" -> "features/denseblock2/denselayer1/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer1/relu2/relu_/0" -> "features/denseblock2/denselayer1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer1.conv2.weight" -> "features/denseblock2/denselayer1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer3/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer1/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer2/cat/0" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(1, 160, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer2.norm1.weight" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer2.norm1.bias" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer2.norm1.running_mean" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer2.norm1.running_var" -> "features/denseblock2/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer2/norm1/batch_norm/0" -> "features/denseblock2/denselayer2/relu1/relu_/0" [dtype=float, shape="(1, 160, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer2/relu1/relu_/0" -> "features/denseblock2/denselayer2/conv1/conv2d/0" [dtype=float, shape="(1, 160, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer2.conv1.weight" -> "features/denseblock2/denselayer2/conv1/conv2d/0" [dtype=float, shape="(128, 160, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer2/conv1/conv2d/0" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer2.norm2.weight" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer2.norm2.bias" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer2.norm2.running_mean" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer2.norm2.running_var" -> "features/denseblock2/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer2/norm2/batch_norm/0" -> "features/denseblock2/denselayer2/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer2/relu2/relu_/0" -> "features/denseblock2/denselayer2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer2.conv2.weight" -> "features/denseblock2/denselayer2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer3/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; +"features/denseblock2/denselayer2/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=2]; +"features/denseblock2/denselayer3/cat/0" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer3.norm1.weight" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer3.norm1.bias" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer3.norm1.running_mean" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer3.norm1.running_var" -> "features/denseblock2/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer3/norm1/batch_norm/0" -> "features/denseblock2/denselayer3/relu1/relu_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer3/relu1/relu_/0" -> "features/denseblock2/denselayer3/conv1/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer3.conv1.weight" -> "features/denseblock2/denselayer3/conv1/conv2d/0" [dtype=float, shape="(128, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer3/conv1/conv2d/0" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer3.norm2.weight" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer3.norm2.bias" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer3.norm2.running_mean" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer3.norm2.running_var" -> "features/denseblock2/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer3/norm2/batch_norm/0" -> "features/denseblock2/denselayer3/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer3/relu2/relu_/0" -> "features/denseblock2/denselayer3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer3.conv2.weight" -> "features/denseblock2/denselayer3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer4/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; +"features/denseblock2/denselayer3/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=3]; +"features/denseblock2/denselayer4/cat/0" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(1, 224, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer4.norm1.weight" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer4.norm1.bias" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer4.norm1.running_mean" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer4.norm1.running_var" -> "features/denseblock2/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer4/norm1/batch_norm/0" -> "features/denseblock2/denselayer4/relu1/relu_/0" [dtype=float, shape="(1, 224, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer4/relu1/relu_/0" -> "features/denseblock2/denselayer4/conv1/conv2d/0" [dtype=float, shape="(1, 224, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer4.conv1.weight" -> "features/denseblock2/denselayer4/conv1/conv2d/0" [dtype=float, shape="(128, 224, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer4/conv1/conv2d/0" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer4.norm2.weight" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer4.norm2.bias" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer4.norm2.running_mean" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer4.norm2.running_var" -> "features/denseblock2/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer4/norm2/batch_norm/0" -> "features/denseblock2/denselayer4/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer4/relu2/relu_/0" -> "features/denseblock2/denselayer4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer4.conv2.weight" -> "features/denseblock2/denselayer4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer5/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer4/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer5/cat/0" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer5.norm1.weight" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer5.norm1.bias" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer5.norm1.running_mean" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer5.norm1.running_var" -> "features/denseblock2/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer5/norm1/batch_norm/0" -> "features/denseblock2/denselayer5/relu1/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer5/relu1/relu_/0" -> "features/denseblock2/denselayer5/conv1/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer5.conv1.weight" -> "features/denseblock2/denselayer5/conv1/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer5/conv1/conv2d/0" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer5.norm2.weight" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer5.norm2.bias" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer5.norm2.running_mean" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer5.norm2.running_var" -> "features/denseblock2/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer5/norm2/batch_norm/0" -> "features/denseblock2/denselayer5/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer5/relu2/relu_/0" -> "features/denseblock2/denselayer5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer5.conv2.weight" -> "features/denseblock2/denselayer5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer6/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; +"features/denseblock2/denselayer5/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=5]; +"features/denseblock2/denselayer6/cat/0" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer6.norm1.weight" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer6.norm1.bias" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer6.norm1.running_mean" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer6.norm1.running_var" -> "features/denseblock2/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer6/norm1/batch_norm/0" -> "features/denseblock2/denselayer6/relu1/relu_/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer6/relu1/relu_/0" -> "features/denseblock2/denselayer6/conv1/conv2d/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer6.conv1.weight" -> "features/denseblock2/denselayer6/conv1/conv2d/0" [dtype=float, shape="(128, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer6/conv1/conv2d/0" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer6.norm2.weight" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer6.norm2.bias" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer6.norm2.running_mean" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer6.norm2.running_var" -> "features/denseblock2/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer6/norm2/batch_norm/0" -> "features/denseblock2/denselayer6/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer6/relu2/relu_/0" -> "features/denseblock2/denselayer6/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer6.conv2.weight" -> "features/denseblock2/denselayer6/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer7/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=6]; +"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=6]; +"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=6]; +"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=6]; +"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=6]; +"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=6]; +"features/denseblock2/denselayer6/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=6]; +"features/denseblock2/denselayer7/cat/0" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer7.norm1.weight" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer7.norm1.bias" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer7.norm1.running_mean" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer7.norm1.running_var" -> "features/denseblock2/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer7/norm1/batch_norm/0" -> "features/denseblock2/denselayer7/relu1/relu_/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer7/relu1/relu_/0" -> "features/denseblock2/denselayer7/conv1/conv2d/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer7.conv1.weight" -> "features/denseblock2/denselayer7/conv1/conv2d/0" [dtype=float, shape="(128, 320, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer7/conv1/conv2d/0" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer7.norm2.weight" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer7.norm2.bias" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer7.norm2.running_mean" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer7.norm2.running_var" -> "features/denseblock2/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer7/norm2/batch_norm/0" -> "features/denseblock2/denselayer7/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer7/relu2/relu_/0" -> "features/denseblock2/denselayer7/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer7.conv2.weight" -> "features/denseblock2/denselayer7/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=7]; +"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=7]; +"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=7]; +"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=7]; +"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=7]; +"features/denseblock2/denselayer7/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=7]; +"features/denseblock2/denselayer8/cat/0" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer8.norm1.weight" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer8.norm1.bias" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer8.norm1.running_mean" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer8.norm1.running_var" -> "features/denseblock2/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer8/norm1/batch_norm/0" -> "features/denseblock2/denselayer8/relu1/relu_/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer8/relu1/relu_/0" -> "features/denseblock2/denselayer8/conv1/conv2d/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer8.conv1.weight" -> "features/denseblock2/denselayer8/conv1/conv2d/0" [dtype=float, shape="(128, 352, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer8/conv1/conv2d/0" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer8.norm2.weight" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer8.norm2.bias" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer8.norm2.running_mean" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer8.norm2.running_var" -> "features/denseblock2/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer8/norm2/batch_norm/0" -> "features/denseblock2/denselayer8/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer8/relu2/relu_/0" -> "features/denseblock2/denselayer8/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer8.conv2.weight" -> "features/denseblock2/denselayer8/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=8]; +"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=8]; +"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=8]; +"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=8]; +"features/denseblock2/denselayer8/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=8]; +"features/denseblock2/denselayer9/cat/0" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer9.norm1.weight" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer9.norm1.bias" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer9.norm1.running_mean" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer9.norm1.running_var" -> "features/denseblock2/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer9/norm1/batch_norm/0" -> "features/denseblock2/denselayer9/relu1/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer9/relu1/relu_/0" -> "features/denseblock2/denselayer9/conv1/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer9.conv1.weight" -> "features/denseblock2/denselayer9/conv1/conv2d/0" [dtype=float, shape="(128, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer9/conv1/conv2d/0" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer9.norm2.weight" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer9.norm2.bias" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer9.norm2.running_mean" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer9.norm2.running_var" -> "features/denseblock2/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer9/norm2/batch_norm/0" -> "features/denseblock2/denselayer9/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer9/relu2/relu_/0" -> "features/denseblock2/denselayer9/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer9.conv2.weight" -> "features/denseblock2/denselayer9/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/denselayer10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=9]; +"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=9]; +"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=9]; +"features/denseblock2/denselayer9/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=9]; +"features/denseblock2/denselayer10/cat/0" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer10.norm1.weight" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer10.norm1.bias" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer10.norm1.running_mean" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer10.norm1.running_var" -> "features/denseblock2/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer10/norm1/batch_norm/0" -> "features/denseblock2/denselayer10/relu1/relu_/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer10/relu1/relu_/0" -> "features/denseblock2/denselayer10/conv1/conv2d/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer10.conv1.weight" -> "features/denseblock2/denselayer10/conv1/conv2d/0" [dtype=float, shape="(128, 416, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer10/conv1/conv2d/0" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer10.norm2.weight" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer10.norm2.bias" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer10.norm2.running_mean" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer10.norm2.running_var" -> "features/denseblock2/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer10/norm2/batch_norm/0" -> "features/denseblock2/denselayer10/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer10/relu2/relu_/0" -> "features/denseblock2/denselayer10/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer10.conv2.weight" -> "features/denseblock2/denselayer10/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer10/conv2/conv2d/0" -> "features/denseblock2/denselayer11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=10]; +"features/denseblock2/denselayer10/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=10]; +"features/denseblock2/denselayer10/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=10]; +"features/denseblock2/denselayer11/cat/0" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer11.norm1.weight" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer11.norm1.bias" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer11.norm1.running_mean" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer11.norm1.running_var" -> "features/denseblock2/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer11/norm1/batch_norm/0" -> "features/denseblock2/denselayer11/relu1/relu_/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer11/relu1/relu_/0" -> "features/denseblock2/denselayer11/conv1/conv2d/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer11.conv1.weight" -> "features/denseblock2/denselayer11/conv1/conv2d/0" [dtype=float, shape="(128, 448, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer11/conv1/conv2d/0" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer11.norm2.weight" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer11.norm2.bias" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer11.norm2.running_mean" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer11.norm2.running_var" -> "features/denseblock2/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer11/norm2/batch_norm/0" -> "features/denseblock2/denselayer11/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer11/relu2/relu_/0" -> "features/denseblock2/denselayer11/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer11.conv2.weight" -> "features/denseblock2/denselayer11/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer11/conv2/conv2d/0" -> "features/denseblock2/denselayer12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=11]; +"features/denseblock2/denselayer11/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=11]; +"features/denseblock2/denselayer12/cat/0" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer12.norm1.weight" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer12.norm1.bias" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer12.norm1.running_mean" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer12.norm1.running_var" -> "features/denseblock2/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer12/norm1/batch_norm/0" -> "features/denseblock2/denselayer12/relu1/relu_/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer12/relu1/relu_/0" -> "features/denseblock2/denselayer12/conv1/conv2d/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer12.conv1.weight" -> "features/denseblock2/denselayer12/conv1/conv2d/0" [dtype=float, shape="(128, 480, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer12/conv1/conv2d/0" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer12.norm2.weight" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock2.denselayer12.norm2.bias" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock2.denselayer12.norm2.running_mean" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock2.denselayer12.norm2.running_var" -> "features/denseblock2/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock2/denselayer12/norm2/batch_norm/0" -> "features/denseblock2/denselayer12/relu2/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features/denseblock2/denselayer12/relu2/relu_/0" -> "features/denseblock2/denselayer12/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.denseblock2.denselayer12.conv2.weight" -> "features/denseblock2/denselayer12/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock2/denselayer12/conv2/conv2d/0" -> "features/denseblock2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=12]; +"features/denseblock2/cat/0" -> "features/transition2/norm/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"features.transition2.norm.weight" -> "features/transition2/norm/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"features.transition2.norm.bias" -> "features/transition2/norm/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.transition2.norm.running_mean" -> "features/transition2/norm/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features.transition2.norm.running_var" -> "features/transition2/norm/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"features/transition2/norm/batch_norm/0" -> "features/transition2/relu/relu_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"features/transition2/relu/relu_/0" -> "features/transition2/conv/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"features.transition2.conv.weight" -> "features/transition2/conv/conv2d/0" [dtype=float, shape="(256, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"features/transition2/conv/conv2d/0" -> "features/transition2/pool/avg_pool2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer1/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer2/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer3/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition2/pool/avg_pool2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer1/cat/0" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer1.norm1.weight" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer1.norm1.bias" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer1.norm1.running_mean" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer1.norm1.running_var" -> "features/denseblock3/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer1/norm1/batch_norm/0" -> "features/denseblock3/denselayer1/relu1/relu_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer1/relu1/relu_/0" -> "features/denseblock3/denselayer1/conv1/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer1.conv1.weight" -> "features/denseblock3/denselayer1/conv1/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv1/conv2d/0" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer1.norm2.weight" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer1.norm2.bias" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer1.norm2.running_mean" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer1.norm2.running_var" -> "features/denseblock3/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer1/norm2/batch_norm/0" -> "features/denseblock3/denselayer1/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer1/relu2/relu_/0" -> "features/denseblock3/denselayer1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer1.conv2.weight" -> "features/denseblock3/denselayer1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer2/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer1/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer2/cat/0" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(1, 288, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer2.norm1.weight" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer2.norm1.bias" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer2.norm1.running_mean" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer2.norm1.running_var" -> "features/denseblock3/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer2/norm1/batch_norm/0" -> "features/denseblock3/denselayer2/relu1/relu_/0" [dtype=float, shape="(1, 288, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer2/relu1/relu_/0" -> "features/denseblock3/denselayer2/conv1/conv2d/0" [dtype=float, shape="(1, 288, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer2.conv1.weight" -> "features/denseblock3/denselayer2/conv1/conv2d/0" [dtype=float, shape="(128, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer2/conv1/conv2d/0" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer2.norm2.weight" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer2.norm2.bias" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer2.norm2.running_mean" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer2.norm2.running_var" -> "features/denseblock3/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer2/norm2/batch_norm/0" -> "features/denseblock3/denselayer2/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer2/relu2/relu_/0" -> "features/denseblock3/denselayer2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer2.conv2.weight" -> "features/denseblock3/denselayer2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer2/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=2]; +"features/denseblock3/denselayer3/cat/0" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(1, 320, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer3.norm1.weight" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer3.norm1.bias" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer3.norm1.running_mean" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer3.norm1.running_var" -> "features/denseblock3/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer3/norm1/batch_norm/0" -> "features/denseblock3/denselayer3/relu1/relu_/0" [dtype=float, shape="(1, 320, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer3/relu1/relu_/0" -> "features/denseblock3/denselayer3/conv1/conv2d/0" [dtype=float, shape="(1, 320, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer3.conv1.weight" -> "features/denseblock3/denselayer3/conv1/conv2d/0" [dtype=float, shape="(128, 320, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer3/conv1/conv2d/0" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer3.norm2.weight" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer3.norm2.bias" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer3.norm2.running_mean" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer3.norm2.running_var" -> "features/denseblock3/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer3/norm2/batch_norm/0" -> "features/denseblock3/denselayer3/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer3/relu2/relu_/0" -> "features/denseblock3/denselayer3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer3.conv2.weight" -> "features/denseblock3/denselayer3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer4/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer3/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=3]; +"features/denseblock3/denselayer4/cat/0" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(1, 352, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer4.norm1.weight" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer4.norm1.bias" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer4.norm1.running_mean" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer4.norm1.running_var" -> "features/denseblock3/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/norm1/batch_norm/0" -> "features/denseblock3/denselayer4/relu1/relu_/0" [dtype=float, shape="(1, 352, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer4/relu1/relu_/0" -> "features/denseblock3/denselayer4/conv1/conv2d/0" [dtype=float, shape="(1, 352, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer4.conv1.weight" -> "features/denseblock3/denselayer4/conv1/conv2d/0" [dtype=float, shape="(128, 352, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer4/conv1/conv2d/0" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer4.norm2.weight" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer4.norm2.bias" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer4.norm2.running_mean" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer4.norm2.running_var" -> "features/denseblock3/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/norm2/batch_norm/0" -> "features/denseblock3/denselayer4/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer4/relu2/relu_/0" -> "features/denseblock3/denselayer4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer4.conv2.weight" -> "features/denseblock3/denselayer4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer5/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer4/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer5/cat/0" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer5.norm1.weight" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer5.norm1.bias" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer5.norm1.running_mean" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer5.norm1.running_var" -> "features/denseblock3/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer5/norm1/batch_norm/0" -> "features/denseblock3/denselayer5/relu1/relu_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer5/relu1/relu_/0" -> "features/denseblock3/denselayer5/conv1/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer5.conv1.weight" -> "features/denseblock3/denselayer5/conv1/conv2d/0" [dtype=float, shape="(128, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer5/conv1/conv2d/0" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer5.norm2.weight" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer5.norm2.bias" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer5.norm2.running_mean" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer5.norm2.running_var" -> "features/denseblock3/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer5/norm2/batch_norm/0" -> "features/denseblock3/denselayer5/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer5/relu2/relu_/0" -> "features/denseblock3/denselayer5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer5.conv2.weight" -> "features/denseblock3/denselayer5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer6/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer5/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=5]; +"features/denseblock3/denselayer6/cat/0" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(1, 416, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer6.norm1.weight" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer6.norm1.bias" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer6.norm1.running_mean" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer6.norm1.running_var" -> "features/denseblock3/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer6/norm1/batch_norm/0" -> "features/denseblock3/denselayer6/relu1/relu_/0" [dtype=float, shape="(1, 416, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer6/relu1/relu_/0" -> "features/denseblock3/denselayer6/conv1/conv2d/0" [dtype=float, shape="(1, 416, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer6.conv1.weight" -> "features/denseblock3/denselayer6/conv1/conv2d/0" [dtype=float, shape="(128, 416, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer6/conv1/conv2d/0" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer6.norm2.weight" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer6.norm2.bias" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer6.norm2.running_mean" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer6.norm2.running_var" -> "features/denseblock3/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer6/norm2/batch_norm/0" -> "features/denseblock3/denselayer6/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer6/relu2/relu_/0" -> "features/denseblock3/denselayer6/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer6.conv2.weight" -> "features/denseblock3/denselayer6/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer7/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer6/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=6]; +"features/denseblock3/denselayer7/cat/0" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(1, 448, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer7.norm1.weight" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer7.norm1.bias" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer7.norm1.running_mean" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer7.norm1.running_var" -> "features/denseblock3/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer7/norm1/batch_norm/0" -> "features/denseblock3/denselayer7/relu1/relu_/0" [dtype=float, shape="(1, 448, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer7/relu1/relu_/0" -> "features/denseblock3/denselayer7/conv1/conv2d/0" [dtype=float, shape="(1, 448, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer7.conv1.weight" -> "features/denseblock3/denselayer7/conv1/conv2d/0" [dtype=float, shape="(128, 448, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer7/conv1/conv2d/0" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer7.norm2.weight" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer7.norm2.bias" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer7.norm2.running_mean" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer7.norm2.running_var" -> "features/denseblock3/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer7/norm2/batch_norm/0" -> "features/denseblock3/denselayer7/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer7/relu2/relu_/0" -> "features/denseblock3/denselayer7/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer7.conv2.weight" -> "features/denseblock3/denselayer7/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer7/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=7]; +"features/denseblock3/denselayer8/cat/0" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer8.norm1.weight" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer8.norm1.bias" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer8.norm1.running_mean" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer8.norm1.running_var" -> "features/denseblock3/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer8/norm1/batch_norm/0" -> "features/denseblock3/denselayer8/relu1/relu_/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer8/relu1/relu_/0" -> "features/denseblock3/denselayer8/conv1/conv2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer8.conv1.weight" -> "features/denseblock3/denselayer8/conv1/conv2d/0" [dtype=float, shape="(128, 480, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer8/conv1/conv2d/0" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer8.norm2.weight" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer8.norm2.bias" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer8.norm2.running_mean" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer8.norm2.running_var" -> "features/denseblock3/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer8/norm2/batch_norm/0" -> "features/denseblock3/denselayer8/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer8/relu2/relu_/0" -> "features/denseblock3/denselayer8/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer8.conv2.weight" -> "features/denseblock3/denselayer8/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer8/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=8]; +"features/denseblock3/denselayer9/cat/0" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer9.norm1.weight" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer9.norm1.bias" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer9.norm1.running_mean" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer9.norm1.running_var" -> "features/denseblock3/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer9/norm1/batch_norm/0" -> "features/denseblock3/denselayer9/relu1/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer9/relu1/relu_/0" -> "features/denseblock3/denselayer9/conv1/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer9.conv1.weight" -> "features/denseblock3/denselayer9/conv1/conv2d/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer9/conv1/conv2d/0" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer9.norm2.weight" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer9.norm2.bias" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer9.norm2.running_mean" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer9.norm2.running_var" -> "features/denseblock3/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer9/norm2/batch_norm/0" -> "features/denseblock3/denselayer9/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer9/relu2/relu_/0" -> "features/denseblock3/denselayer9/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer9.conv2.weight" -> "features/denseblock3/denselayer9/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer9/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=9]; +"features/denseblock3/denselayer10/cat/0" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer10.norm1.weight" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer10.norm1.bias" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer10.norm1.running_mean" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer10.norm1.running_var" -> "features/denseblock3/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer10/norm1/batch_norm/0" -> "features/denseblock3/denselayer10/relu1/relu_/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer10/relu1/relu_/0" -> "features/denseblock3/denselayer10/conv1/conv2d/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer10.conv1.weight" -> "features/denseblock3/denselayer10/conv1/conv2d/0" [dtype=float, shape="(128, 544, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer10/conv1/conv2d/0" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer10.norm2.weight" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer10.norm2.bias" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer10.norm2.running_mean" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer10.norm2.running_var" -> "features/denseblock3/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer10/norm2/batch_norm/0" -> "features/denseblock3/denselayer10/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer10/relu2/relu_/0" -> "features/denseblock3/denselayer10/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer10.conv2.weight" -> "features/denseblock3/denselayer10/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer10/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=10]; +"features/denseblock3/denselayer11/cat/0" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer11.norm1.weight" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer11.norm1.bias" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer11.norm1.running_mean" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer11.norm1.running_var" -> "features/denseblock3/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer11/norm1/batch_norm/0" -> "features/denseblock3/denselayer11/relu1/relu_/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer11/relu1/relu_/0" -> "features/denseblock3/denselayer11/conv1/conv2d/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer11.conv1.weight" -> "features/denseblock3/denselayer11/conv1/conv2d/0" [dtype=float, shape="(128, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer11/conv1/conv2d/0" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer11.norm2.weight" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer11.norm2.bias" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer11.norm2.running_mean" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer11.norm2.running_var" -> "features/denseblock3/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer11/norm2/batch_norm/0" -> "features/denseblock3/denselayer11/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer11/relu2/relu_/0" -> "features/denseblock3/denselayer11/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer11.conv2.weight" -> "features/denseblock3/denselayer11/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; +"features/denseblock3/denselayer11/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=11]; +"features/denseblock3/denselayer12/cat/0" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer12.norm1.weight" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer12.norm1.bias" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer12.norm1.running_mean" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer12.norm1.running_var" -> "features/denseblock3/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer12/norm1/batch_norm/0" -> "features/denseblock3/denselayer12/relu1/relu_/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer12/relu1/relu_/0" -> "features/denseblock3/denselayer12/conv1/conv2d/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer12.conv1.weight" -> "features/denseblock3/denselayer12/conv1/conv2d/0" [dtype=float, shape="(128, 608, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer12/conv1/conv2d/0" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer12.norm2.weight" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer12.norm2.bias" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer12.norm2.running_mean" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer12.norm2.running_var" -> "features/denseblock3/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer12/norm2/batch_norm/0" -> "features/denseblock3/denselayer12/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer12/relu2/relu_/0" -> "features/denseblock3/denselayer12/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer12.conv2.weight" -> "features/denseblock3/denselayer12/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; +"features/denseblock3/denselayer12/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=12]; +"features/denseblock3/denselayer13/cat/0" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer13.norm1.weight" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer13.norm1.bias" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer13.norm1.running_mean" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer13.norm1.running_var" -> "features/denseblock3/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer13/norm1/batch_norm/0" -> "features/denseblock3/denselayer13/relu1/relu_/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer13/relu1/relu_/0" -> "features/denseblock3/denselayer13/conv1/conv2d/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer13.conv1.weight" -> "features/denseblock3/denselayer13/conv1/conv2d/0" [dtype=float, shape="(128, 640, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer13/conv1/conv2d/0" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer13.norm2.weight" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer13.norm2.bias" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer13.norm2.running_mean" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer13.norm2.running_var" -> "features/denseblock3/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer13/norm2/batch_norm/0" -> "features/denseblock3/denselayer13/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer13/relu2/relu_/0" -> "features/denseblock3/denselayer13/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer13.conv2.weight" -> "features/denseblock3/denselayer13/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; +"features/denseblock3/denselayer13/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=13]; +"features/denseblock3/denselayer14/cat/0" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer14.norm1.weight" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer14.norm1.bias" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer14.norm1.running_mean" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer14.norm1.running_var" -> "features/denseblock3/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer14/norm1/batch_norm/0" -> "features/denseblock3/denselayer14/relu1/relu_/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer14/relu1/relu_/0" -> "features/denseblock3/denselayer14/conv1/conv2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer14.conv1.weight" -> "features/denseblock3/denselayer14/conv1/conv2d/0" [dtype=float, shape="(128, 672, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer14/conv1/conv2d/0" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer14.norm2.weight" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer14.norm2.bias" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer14.norm2.running_mean" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer14.norm2.running_var" -> "features/denseblock3/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer14/norm2/batch_norm/0" -> "features/denseblock3/denselayer14/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer14/relu2/relu_/0" -> "features/denseblock3/denselayer14/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer14.conv2.weight" -> "features/denseblock3/denselayer14/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; +"features/denseblock3/denselayer14/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=14]; +"features/denseblock3/denselayer15/cat/0" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer15.norm1.weight" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer15.norm1.bias" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer15.norm1.running_mean" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer15.norm1.running_var" -> "features/denseblock3/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer15/norm1/batch_norm/0" -> "features/denseblock3/denselayer15/relu1/relu_/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer15/relu1/relu_/0" -> "features/denseblock3/denselayer15/conv1/conv2d/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer15.conv1.weight" -> "features/denseblock3/denselayer15/conv1/conv2d/0" [dtype=float, shape="(128, 704, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer15/conv1/conv2d/0" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer15.norm2.weight" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer15.norm2.bias" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer15.norm2.running_mean" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer15.norm2.running_var" -> "features/denseblock3/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer15/norm2/batch_norm/0" -> "features/denseblock3/denselayer15/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer15/relu2/relu_/0" -> "features/denseblock3/denselayer15/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer15.conv2.weight" -> "features/denseblock3/denselayer15/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer16/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; +"features/denseblock3/denselayer15/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=15]; +"features/denseblock3/denselayer16/cat/0" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer16.norm1.weight" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer16.norm1.bias" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer16.norm1.running_mean" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer16.norm1.running_var" -> "features/denseblock3/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer16/norm1/batch_norm/0" -> "features/denseblock3/denselayer16/relu1/relu_/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer16/relu1/relu_/0" -> "features/denseblock3/denselayer16/conv1/conv2d/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer16.conv1.weight" -> "features/denseblock3/denselayer16/conv1/conv2d/0" [dtype=float, shape="(128, 736, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer16/conv1/conv2d/0" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer16.norm2.weight" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer16.norm2.bias" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer16.norm2.running_mean" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer16.norm2.running_var" -> "features/denseblock3/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer16/norm2/batch_norm/0" -> "features/denseblock3/denselayer16/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer16/relu2/relu_/0" -> "features/denseblock3/denselayer16/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer16.conv2.weight" -> "features/denseblock3/denselayer16/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer17/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; +"features/denseblock3/denselayer16/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=16]; +"features/denseblock3/denselayer17/cat/0" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer17.norm1.weight" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer17.norm1.bias" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer17.norm1.running_mean" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer17.norm1.running_var" -> "features/denseblock3/denselayer17/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer17/norm1/batch_norm/0" -> "features/denseblock3/denselayer17/relu1/relu_/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer17/relu1/relu_/0" -> "features/denseblock3/denselayer17/conv1/conv2d/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer17.conv1.weight" -> "features/denseblock3/denselayer17/conv1/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer17/conv1/conv2d/0" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer17.norm2.weight" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer17.norm2.bias" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer17.norm2.running_mean" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer17.norm2.running_var" -> "features/denseblock3/denselayer17/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer17/norm2/batch_norm/0" -> "features/denseblock3/denselayer17/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer17/relu2/relu_/0" -> "features/denseblock3/denselayer17/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer17.conv2.weight" -> "features/denseblock3/denselayer17/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer18/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; +"features/denseblock3/denselayer17/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=17]; +"features/denseblock3/denselayer18/cat/0" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer18.norm1.weight" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer18.norm1.bias" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer18.norm1.running_mean" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer18.norm1.running_var" -> "features/denseblock3/denselayer18/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer18/norm1/batch_norm/0" -> "features/denseblock3/denselayer18/relu1/relu_/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer18/relu1/relu_/0" -> "features/denseblock3/denselayer18/conv1/conv2d/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer18.conv1.weight" -> "features/denseblock3/denselayer18/conv1/conv2d/0" [dtype=float, shape="(128, 800, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer18/conv1/conv2d/0" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer18.norm2.weight" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer18.norm2.bias" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer18.norm2.running_mean" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer18.norm2.running_var" -> "features/denseblock3/denselayer18/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer18/norm2/batch_norm/0" -> "features/denseblock3/denselayer18/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer18/relu2/relu_/0" -> "features/denseblock3/denselayer18/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer18.conv2.weight" -> "features/denseblock3/denselayer18/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer19/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=18]; +"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=18]; +"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=18]; +"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=18]; +"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=18]; +"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=18]; +"features/denseblock3/denselayer18/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=18]; +"features/denseblock3/denselayer19/cat/0" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer19.norm1.weight" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer19.norm1.bias" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer19.norm1.running_mean" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer19.norm1.running_var" -> "features/denseblock3/denselayer19/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer19/norm1/batch_norm/0" -> "features/denseblock3/denselayer19/relu1/relu_/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer19/relu1/relu_/0" -> "features/denseblock3/denselayer19/conv1/conv2d/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer19.conv1.weight" -> "features/denseblock3/denselayer19/conv1/conv2d/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer19/conv1/conv2d/0" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer19.norm2.weight" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer19.norm2.bias" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer19.norm2.running_mean" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer19.norm2.running_var" -> "features/denseblock3/denselayer19/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer19/norm2/batch_norm/0" -> "features/denseblock3/denselayer19/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer19/relu2/relu_/0" -> "features/denseblock3/denselayer19/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer19.conv2.weight" -> "features/denseblock3/denselayer19/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer20/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=19]; +"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=19]; +"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=19]; +"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=19]; +"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=19]; +"features/denseblock3/denselayer19/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=19]; +"features/denseblock3/denselayer20/cat/0" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer20.norm1.weight" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer20.norm1.bias" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer20.norm1.running_mean" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer20.norm1.running_var" -> "features/denseblock3/denselayer20/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer20/norm1/batch_norm/0" -> "features/denseblock3/denselayer20/relu1/relu_/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer20/relu1/relu_/0" -> "features/denseblock3/denselayer20/conv1/conv2d/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer20.conv1.weight" -> "features/denseblock3/denselayer20/conv1/conv2d/0" [dtype=float, shape="(128, 864, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer20/conv1/conv2d/0" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer20.norm2.weight" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer20.norm2.bias" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer20.norm2.running_mean" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer20.norm2.running_var" -> "features/denseblock3/denselayer20/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer20/norm2/batch_norm/0" -> "features/denseblock3/denselayer20/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer20/relu2/relu_/0" -> "features/denseblock3/denselayer20/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer20.conv2.weight" -> "features/denseblock3/denselayer20/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer21/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=20]; +"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=20]; +"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=20]; +"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=20]; +"features/denseblock3/denselayer20/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=20]; +"features/denseblock3/denselayer21/cat/0" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer21.norm1.weight" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer21.norm1.bias" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer21.norm1.running_mean" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer21.norm1.running_var" -> "features/denseblock3/denselayer21/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer21/norm1/batch_norm/0" -> "features/denseblock3/denselayer21/relu1/relu_/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer21/relu1/relu_/0" -> "features/denseblock3/denselayer21/conv1/conv2d/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer21.conv1.weight" -> "features/denseblock3/denselayer21/conv1/conv2d/0" [dtype=float, shape="(128, 896, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer21/conv1/conv2d/0" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer21.norm2.weight" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer21.norm2.bias" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer21.norm2.running_mean" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer21.norm2.running_var" -> "features/denseblock3/denselayer21/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer21/norm2/batch_norm/0" -> "features/denseblock3/denselayer21/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer21/relu2/relu_/0" -> "features/denseblock3/denselayer21/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer21.conv2.weight" -> "features/denseblock3/denselayer21/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/denselayer22/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=21]; +"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=21]; +"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=21]; +"features/denseblock3/denselayer21/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=21]; +"features/denseblock3/denselayer22/cat/0" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer22.norm1.weight" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer22.norm1.bias" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer22.norm1.running_mean" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer22.norm1.running_var" -> "features/denseblock3/denselayer22/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer22/norm1/batch_norm/0" -> "features/denseblock3/denselayer22/relu1/relu_/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer22/relu1/relu_/0" -> "features/denseblock3/denselayer22/conv1/conv2d/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer22.conv1.weight" -> "features/denseblock3/denselayer22/conv1/conv2d/0" [dtype=float, shape="(128, 928, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer22/conv1/conv2d/0" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer22.norm2.weight" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer22.norm2.bias" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer22.norm2.running_mean" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer22.norm2.running_var" -> "features/denseblock3/denselayer22/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer22/norm2/batch_norm/0" -> "features/denseblock3/denselayer22/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer22/relu2/relu_/0" -> "features/denseblock3/denselayer22/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer22.conv2.weight" -> "features/denseblock3/denselayer22/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer22/conv2/conv2d/0" -> "features/denseblock3/denselayer23/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=22]; +"features/denseblock3/denselayer22/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=22]; +"features/denseblock3/denselayer22/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=22]; +"features/denseblock3/denselayer23/cat/0" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer23.norm1.weight" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer23.norm1.bias" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer23.norm1.running_mean" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer23.norm1.running_var" -> "features/denseblock3/denselayer23/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer23/norm1/batch_norm/0" -> "features/denseblock3/denselayer23/relu1/relu_/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer23/relu1/relu_/0" -> "features/denseblock3/denselayer23/conv1/conv2d/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer23.conv1.weight" -> "features/denseblock3/denselayer23/conv1/conv2d/0" [dtype=float, shape="(128, 960, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer23/conv1/conv2d/0" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer23.norm2.weight" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer23.norm2.bias" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer23.norm2.running_mean" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer23.norm2.running_var" -> "features/denseblock3/denselayer23/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer23/norm2/batch_norm/0" -> "features/denseblock3/denselayer23/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer23/relu2/relu_/0" -> "features/denseblock3/denselayer23/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer23.conv2.weight" -> "features/denseblock3/denselayer23/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer23/conv2/conv2d/0" -> "features/denseblock3/denselayer24/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=23]; +"features/denseblock3/denselayer23/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=23]; +"features/denseblock3/denselayer24/cat/0" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer24.norm1.weight" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer24.norm1.bias" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer24.norm1.running_mean" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer24.norm1.running_var" -> "features/denseblock3/denselayer24/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer24/norm1/batch_norm/0" -> "features/denseblock3/denselayer24/relu1/relu_/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer24/relu1/relu_/0" -> "features/denseblock3/denselayer24/conv1/conv2d/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer24.conv1.weight" -> "features/denseblock3/denselayer24/conv1/conv2d/0" [dtype=float, shape="(128, 992, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer24/conv1/conv2d/0" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer24.norm2.weight" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock3.denselayer24.norm2.bias" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock3.denselayer24.norm2.running_mean" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock3.denselayer24.norm2.running_var" -> "features/denseblock3/denselayer24/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock3/denselayer24/norm2/batch_norm/0" -> "features/denseblock3/denselayer24/relu2/relu_/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features/denseblock3/denselayer24/relu2/relu_/0" -> "features/denseblock3/denselayer24/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"features.denseblock3.denselayer24.conv2.weight" -> "features/denseblock3/denselayer24/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock3/denselayer24/conv2/conv2d/0" -> "features/denseblock3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=24]; +"features/denseblock3/cat/0" -> "features/transition3/norm/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"features.transition3.norm.weight" -> "features/transition3/norm/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"features.transition3.norm.bias" -> "features/transition3/norm/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"features.transition3.norm.running_mean" -> "features/transition3/norm/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"features.transition3.norm.running_var" -> "features/transition3/norm/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"features/transition3/norm/batch_norm/0" -> "features/transition3/relu/relu_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition3/relu/relu_/0" -> "features/transition3/conv/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"features.transition3.conv.weight" -> "features/transition3/conv/conv2d/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=1]; +"features/transition3/conv/conv2d/0" -> "features/transition3/pool/avg_pool2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer1/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer2/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer3/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/transition3/pool/avg_pool2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer1/cat/0" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer1.norm1.weight" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer1.norm1.bias" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer1.norm1.running_mean" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer1.norm1.running_var" -> "features/denseblock4/denselayer1/norm1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer1/norm1/batch_norm/0" -> "features/denseblock4/denselayer1/relu1/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer1/relu1/relu_/0" -> "features/denseblock4/denselayer1/conv1/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer1.conv1.weight" -> "features/denseblock4/denselayer1/conv1/conv2d/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv1/conv2d/0" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer1.norm2.weight" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer1.norm2.bias" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer1.norm2.running_mean" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer1.norm2.running_var" -> "features/denseblock4/denselayer1/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer1/norm2/batch_norm/0" -> "features/denseblock4/denselayer1/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer1/relu2/relu_/0" -> "features/denseblock4/denselayer1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer1.conv2.weight" -> "features/denseblock4/denselayer1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer2/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer3/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer1/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer2/cat/0" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(1, 544, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer2.norm1.weight" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer2.norm1.bias" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer2.norm1.running_mean" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer2.norm1.running_var" -> "features/denseblock4/denselayer2/norm1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer2/norm1/batch_norm/0" -> "features/denseblock4/denselayer2/relu1/relu_/0" [dtype=float, shape="(1, 544, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer2/relu1/relu_/0" -> "features/denseblock4/denselayer2/conv1/conv2d/0" [dtype=float, shape="(1, 544, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer2.conv1.weight" -> "features/denseblock4/denselayer2/conv1/conv2d/0" [dtype=float, shape="(128, 544, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer2/conv1/conv2d/0" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer2.norm2.weight" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer2.norm2.bias" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer2.norm2.running_mean" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer2.norm2.running_var" -> "features/denseblock4/denselayer2/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer2/norm2/batch_norm/0" -> "features/denseblock4/denselayer2/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer2/relu2/relu_/0" -> "features/denseblock4/denselayer2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer2.conv2.weight" -> "features/denseblock4/denselayer2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer3/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer2/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=2]; +"features/denseblock4/denselayer3/cat/0" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer3.norm1.weight" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer3.norm1.bias" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer3.norm1.running_mean" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer3.norm1.running_var" -> "features/denseblock4/denselayer3/norm1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer3/norm1/batch_norm/0" -> "features/denseblock4/denselayer3/relu1/relu_/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer3/relu1/relu_/0" -> "features/denseblock4/denselayer3/conv1/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer3.conv1.weight" -> "features/denseblock4/denselayer3/conv1/conv2d/0" [dtype=float, shape="(128, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer3/conv1/conv2d/0" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer3.norm2.weight" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer3.norm2.bias" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer3.norm2.running_mean" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer3.norm2.running_var" -> "features/denseblock4/denselayer3/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer3/norm2/batch_norm/0" -> "features/denseblock4/denselayer3/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer3/relu2/relu_/0" -> "features/denseblock4/denselayer3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer3.conv2.weight" -> "features/denseblock4/denselayer3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; +"features/denseblock4/denselayer3/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=3]; +"features/denseblock4/denselayer4/cat/0" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(1, 608, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer4.norm1.weight" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer4.norm1.bias" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer4.norm1.running_mean" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer4.norm1.running_var" -> "features/denseblock4/denselayer4/norm1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer4/norm1/batch_norm/0" -> "features/denseblock4/denselayer4/relu1/relu_/0" [dtype=float, shape="(1, 608, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer4/relu1/relu_/0" -> "features/denseblock4/denselayer4/conv1/conv2d/0" [dtype=float, shape="(1, 608, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer4.conv1.weight" -> "features/denseblock4/denselayer4/conv1/conv2d/0" [dtype=float, shape="(128, 608, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer4/conv1/conv2d/0" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer4.norm2.weight" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer4.norm2.bias" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer4.norm2.running_mean" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer4.norm2.running_var" -> "features/denseblock4/denselayer4/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer4/norm2/batch_norm/0" -> "features/denseblock4/denselayer4/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer4/relu2/relu_/0" -> "features/denseblock4/denselayer4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer4.conv2.weight" -> "features/denseblock4/denselayer4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer5/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer4/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer5/cat/0" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(1, 640, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer5.norm1.weight" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer5.norm1.bias" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer5.norm1.running_mean" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer5.norm1.running_var" -> "features/denseblock4/denselayer5/norm1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer5/norm1/batch_norm/0" -> "features/denseblock4/denselayer5/relu1/relu_/0" [dtype=float, shape="(1, 640, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer5/relu1/relu_/0" -> "features/denseblock4/denselayer5/conv1/conv2d/0" [dtype=float, shape="(1, 640, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer5.conv1.weight" -> "features/denseblock4/denselayer5/conv1/conv2d/0" [dtype=float, shape="(128, 640, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer5/conv1/conv2d/0" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer5.norm2.weight" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer5.norm2.bias" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer5.norm2.running_mean" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer5.norm2.running_var" -> "features/denseblock4/denselayer5/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer5/norm2/batch_norm/0" -> "features/denseblock4/denselayer5/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer5/relu2/relu_/0" -> "features/denseblock4/denselayer5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer5.conv2.weight" -> "features/denseblock4/denselayer5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer6/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; +"features/denseblock4/denselayer5/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=5]; +"features/denseblock4/denselayer6/cat/0" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer6.norm1.weight" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer6.norm1.bias" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer6.norm1.running_mean" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer6.norm1.running_var" -> "features/denseblock4/denselayer6/norm1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer6/norm1/batch_norm/0" -> "features/denseblock4/denselayer6/relu1/relu_/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer6/relu1/relu_/0" -> "features/denseblock4/denselayer6/conv1/conv2d/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer6.conv1.weight" -> "features/denseblock4/denselayer6/conv1/conv2d/0" [dtype=float, shape="(128, 672, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer6/conv1/conv2d/0" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer6.norm2.weight" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer6.norm2.bias" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer6.norm2.running_mean" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer6.norm2.running_var" -> "features/denseblock4/denselayer6/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer6/norm2/batch_norm/0" -> "features/denseblock4/denselayer6/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer6/relu2/relu_/0" -> "features/denseblock4/denselayer6/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer6.conv2.weight" -> "features/denseblock4/denselayer6/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer7/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; +"features/denseblock4/denselayer6/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=6]; +"features/denseblock4/denselayer7/cat/0" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(1, 704, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer7.norm1.weight" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer7.norm1.bias" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer7.norm1.running_mean" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer7.norm1.running_var" -> "features/denseblock4/denselayer7/norm1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer7/norm1/batch_norm/0" -> "features/denseblock4/denselayer7/relu1/relu_/0" [dtype=float, shape="(1, 704, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer7/relu1/relu_/0" -> "features/denseblock4/denselayer7/conv1/conv2d/0" [dtype=float, shape="(1, 704, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer7.conv1.weight" -> "features/denseblock4/denselayer7/conv1/conv2d/0" [dtype=float, shape="(128, 704, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer7/conv1/conv2d/0" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer7.norm2.weight" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer7.norm2.bias" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer7.norm2.running_mean" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer7.norm2.running_var" -> "features/denseblock4/denselayer7/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer7/norm2/batch_norm/0" -> "features/denseblock4/denselayer7/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer7/relu2/relu_/0" -> "features/denseblock4/denselayer7/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer7.conv2.weight" -> "features/denseblock4/denselayer7/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer8/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; +"features/denseblock4/denselayer7/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=7]; +"features/denseblock4/denselayer8/cat/0" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(1, 736, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer8.norm1.weight" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer8.norm1.bias" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer8.norm1.running_mean" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer8.norm1.running_var" -> "features/denseblock4/denselayer8/norm1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer8/norm1/batch_norm/0" -> "features/denseblock4/denselayer8/relu1/relu_/0" [dtype=float, shape="(1, 736, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer8/relu1/relu_/0" -> "features/denseblock4/denselayer8/conv1/conv2d/0" [dtype=float, shape="(1, 736, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer8.conv1.weight" -> "features/denseblock4/denselayer8/conv1/conv2d/0" [dtype=float, shape="(128, 736, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer8/conv1/conv2d/0" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer8.norm2.weight" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer8.norm2.bias" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer8.norm2.running_mean" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer8.norm2.running_var" -> "features/denseblock4/denselayer8/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer8/norm2/batch_norm/0" -> "features/denseblock4/denselayer8/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer8/relu2/relu_/0" -> "features/denseblock4/denselayer8/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer8.conv2.weight" -> "features/denseblock4/denselayer8/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer9/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; +"features/denseblock4/denselayer8/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=8]; +"features/denseblock4/denselayer9/cat/0" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer9.norm1.weight" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer9.norm1.bias" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer9.norm1.running_mean" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer9.norm1.running_var" -> "features/denseblock4/denselayer9/norm1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer9/norm1/batch_norm/0" -> "features/denseblock4/denselayer9/relu1/relu_/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer9/relu1/relu_/0" -> "features/denseblock4/denselayer9/conv1/conv2d/0" [dtype=float, shape="(1, 768, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer9.conv1.weight" -> "features/denseblock4/denselayer9/conv1/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer9/conv1/conv2d/0" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer9.norm2.weight" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer9.norm2.bias" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer9.norm2.running_mean" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer9.norm2.running_var" -> "features/denseblock4/denselayer9/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer9/norm2/batch_norm/0" -> "features/denseblock4/denselayer9/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer9/relu2/relu_/0" -> "features/denseblock4/denselayer9/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer9.conv2.weight" -> "features/denseblock4/denselayer9/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer10/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; +"features/denseblock4/denselayer9/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=9]; +"features/denseblock4/denselayer10/cat/0" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(1, 800, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer10.norm1.weight" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer10.norm1.bias" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer10.norm1.running_mean" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer10.norm1.running_var" -> "features/denseblock4/denselayer10/norm1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer10/norm1/batch_norm/0" -> "features/denseblock4/denselayer10/relu1/relu_/0" [dtype=float, shape="(1, 800, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer10/relu1/relu_/0" -> "features/denseblock4/denselayer10/conv1/conv2d/0" [dtype=float, shape="(1, 800, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer10.conv1.weight" -> "features/denseblock4/denselayer10/conv1/conv2d/0" [dtype=float, shape="(128, 800, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer10/conv1/conv2d/0" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer10.norm2.weight" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer10.norm2.bias" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer10.norm2.running_mean" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer10.norm2.running_var" -> "features/denseblock4/denselayer10/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer10/norm2/batch_norm/0" -> "features/denseblock4/denselayer10/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer10/relu2/relu_/0" -> "features/denseblock4/denselayer10/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer10.conv2.weight" -> "features/denseblock4/denselayer10/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer11/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=10]; +"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=10]; +"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=10]; +"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=10]; +"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=10]; +"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=10]; +"features/denseblock4/denselayer10/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=10]; +"features/denseblock4/denselayer11/cat/0" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(1, 832, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer11.norm1.weight" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer11.norm1.bias" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer11.norm1.running_mean" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer11.norm1.running_var" -> "features/denseblock4/denselayer11/norm1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer11/norm1/batch_norm/0" -> "features/denseblock4/denselayer11/relu1/relu_/0" [dtype=float, shape="(1, 832, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer11/relu1/relu_/0" -> "features/denseblock4/denselayer11/conv1/conv2d/0" [dtype=float, shape="(1, 832, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer11.conv1.weight" -> "features/denseblock4/denselayer11/conv1/conv2d/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer11/conv1/conv2d/0" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer11.norm2.weight" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer11.norm2.bias" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer11.norm2.running_mean" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer11.norm2.running_var" -> "features/denseblock4/denselayer11/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer11/norm2/batch_norm/0" -> "features/denseblock4/denselayer11/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer11/relu2/relu_/0" -> "features/denseblock4/denselayer11/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer11.conv2.weight" -> "features/denseblock4/denselayer11/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer12/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=11]; +"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=11]; +"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=11]; +"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=11]; +"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=11]; +"features/denseblock4/denselayer11/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=11]; +"features/denseblock4/denselayer12/cat/0" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(1, 864, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer12.norm1.weight" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer12.norm1.bias" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer12.norm1.running_mean" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer12.norm1.running_var" -> "features/denseblock4/denselayer12/norm1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer12/norm1/batch_norm/0" -> "features/denseblock4/denselayer12/relu1/relu_/0" [dtype=float, shape="(1, 864, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer12/relu1/relu_/0" -> "features/denseblock4/denselayer12/conv1/conv2d/0" [dtype=float, shape="(1, 864, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer12.conv1.weight" -> "features/denseblock4/denselayer12/conv1/conv2d/0" [dtype=float, shape="(128, 864, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer12/conv1/conv2d/0" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer12.norm2.weight" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer12.norm2.bias" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer12.norm2.running_mean" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer12.norm2.running_var" -> "features/denseblock4/denselayer12/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer12/norm2/batch_norm/0" -> "features/denseblock4/denselayer12/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer12/relu2/relu_/0" -> "features/denseblock4/denselayer12/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer12.conv2.weight" -> "features/denseblock4/denselayer12/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer13/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=12]; +"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=12]; +"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=12]; +"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=12]; +"features/denseblock4/denselayer12/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=12]; +"features/denseblock4/denselayer13/cat/0" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(1, 896, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer13.norm1.weight" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer13.norm1.bias" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer13.norm1.running_mean" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer13.norm1.running_var" -> "features/denseblock4/denselayer13/norm1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer13/norm1/batch_norm/0" -> "features/denseblock4/denselayer13/relu1/relu_/0" [dtype=float, shape="(1, 896, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer13/relu1/relu_/0" -> "features/denseblock4/denselayer13/conv1/conv2d/0" [dtype=float, shape="(1, 896, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer13.conv1.weight" -> "features/denseblock4/denselayer13/conv1/conv2d/0" [dtype=float, shape="(128, 896, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer13/conv1/conv2d/0" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer13.norm2.weight" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer13.norm2.bias" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer13.norm2.running_mean" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer13.norm2.running_var" -> "features/denseblock4/denselayer13/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer13/norm2/batch_norm/0" -> "features/denseblock4/denselayer13/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer13/relu2/relu_/0" -> "features/denseblock4/denselayer13/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer13.conv2.weight" -> "features/denseblock4/denselayer13/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/denselayer14/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=13]; +"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=13]; +"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=13]; +"features/denseblock4/denselayer13/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=13]; +"features/denseblock4/denselayer14/cat/0" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(1, 928, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer14.norm1.weight" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer14.norm1.bias" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer14.norm1.running_mean" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer14.norm1.running_var" -> "features/denseblock4/denselayer14/norm1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer14/norm1/batch_norm/0" -> "features/denseblock4/denselayer14/relu1/relu_/0" [dtype=float, shape="(1, 928, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer14/relu1/relu_/0" -> "features/denseblock4/denselayer14/conv1/conv2d/0" [dtype=float, shape="(1, 928, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer14.conv1.weight" -> "features/denseblock4/denselayer14/conv1/conv2d/0" [dtype=float, shape="(128, 928, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer14/conv1/conv2d/0" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer14.norm2.weight" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer14.norm2.bias" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer14.norm2.running_mean" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer14.norm2.running_var" -> "features/denseblock4/denselayer14/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer14/norm2/batch_norm/0" -> "features/denseblock4/denselayer14/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer14/relu2/relu_/0" -> "features/denseblock4/denselayer14/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer14.conv2.weight" -> "features/denseblock4/denselayer14/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer14/conv2/conv2d/0" -> "features/denseblock4/denselayer15/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=14]; +"features/denseblock4/denselayer14/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=14]; +"features/denseblock4/denselayer14/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=14]; +"features/denseblock4/denselayer15/cat/0" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer15.norm1.weight" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer15.norm1.bias" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer15.norm1.running_mean" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer15.norm1.running_var" -> "features/denseblock4/denselayer15/norm1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer15/norm1/batch_norm/0" -> "features/denseblock4/denselayer15/relu1/relu_/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer15/relu1/relu_/0" -> "features/denseblock4/denselayer15/conv1/conv2d/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer15.conv1.weight" -> "features/denseblock4/denselayer15/conv1/conv2d/0" [dtype=float, shape="(128, 960, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer15/conv1/conv2d/0" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer15.norm2.weight" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer15.norm2.bias" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer15.norm2.running_mean" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer15.norm2.running_var" -> "features/denseblock4/denselayer15/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer15/norm2/batch_norm/0" -> "features/denseblock4/denselayer15/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer15/relu2/relu_/0" -> "features/denseblock4/denselayer15/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer15.conv2.weight" -> "features/denseblock4/denselayer15/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer15/conv2/conv2d/0" -> "features/denseblock4/denselayer16/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=15]; +"features/denseblock4/denselayer15/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=15]; +"features/denseblock4/denselayer16/cat/0" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(1, 992, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer16.norm1.weight" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer16.norm1.bias" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer16.norm1.running_mean" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer16.norm1.running_var" -> "features/denseblock4/denselayer16/norm1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer16/norm1/batch_norm/0" -> "features/denseblock4/denselayer16/relu1/relu_/0" [dtype=float, shape="(1, 992, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer16/relu1/relu_/0" -> "features/denseblock4/denselayer16/conv1/conv2d/0" [dtype=float, shape="(1, 992, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer16.conv1.weight" -> "features/denseblock4/denselayer16/conv1/conv2d/0" [dtype=float, shape="(128, 992, 1, 1)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer16/conv1/conv2d/0" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer16.norm2.weight" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.denseblock4.denselayer16.norm2.bias" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.denseblock4.denselayer16.norm2.running_mean" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.denseblock4.denselayer16.norm2.running_var" -> "features/denseblock4/denselayer16/norm2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/denseblock4/denselayer16/norm2/batch_norm/0" -> "features/denseblock4/denselayer16/relu2/relu_/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features/denseblock4/denselayer16/relu2/relu_/0" -> "features/denseblock4/denselayer16/conv2/conv2d/0" [dtype=float, shape="(1, 128, 2, 2)", out_port_id=0, in_port_id=0]; +"features.denseblock4.denselayer16.conv2.weight" -> "features/denseblock4/denselayer16/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/denseblock4/denselayer16/conv2/conv2d/0" -> "features/denseblock4/cat/0" [dtype=float, shape="(1, 32, 2, 2)", out_port_id=0, in_port_id=16]; +"features/denseblock4/cat/0" -> "features/norm5/batch_norm/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"features.norm5.weight" -> "features/norm5/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"features.norm5.bias" -> "features/norm5/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"features.norm5.running_mean" -> "features/norm5/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"features.norm5.running_var" -> "features/norm5/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"features/norm5/batch_norm/0" -> "/relu_/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"/relu_/0" -> "/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; +"/flatten/0" -> "classifier/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"classifier.weight" -> "classifier/linear/0" [dtype=float, shape="(1000, 1024)", out_port_id=0, in_port_id=1]; +"classifier.bias" -> "classifier/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"classifier/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_efficientnet_b0.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_efficientnet_b0.dot index ce3a33e5451..8fb6dd38d00 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_efficientnet_b0.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_efficientnet_b0.dot @@ -1,1132 +1,1132 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"features.0.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/0/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; -"features.0.1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/1/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/0/2/silu/0" [id=8, metatype=PTSILUMetatype, type=silu]; -"features.1.0.block.0.0.weight" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/block/0/0/conv2d/0" [id=10, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.1.0.block.0.1.weight" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.block.0.1.bias" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.block.0.1.running_mean" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.block.0.1.running_var" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/block/0/1/batch_norm/0" [id=15, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/1/0/block/0/2/silu/0" [id=16, metatype=PTSILUMetatype, type=silu]; -"features/1/0/block/1/avgpool/adaptive_avg_pool2d/0" [id=17, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.1.0.block.1.fc1.weight" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.block.1.fc1.bias" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/block/1/fc1/conv2d/0" [id=20, metatype=PTConv2dMetatype, type=conv2d]; -"features/1/0/block/1/activation/silu/0" [id=21, metatype=PTSILUMetatype, type=silu]; -"features.1.0.block.1.fc2.weight" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.block.1.fc2.bias" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/block/1/fc2/conv2d/0" [id=24, metatype=PTConv2dMetatype, type=conv2d]; -"features/1/0/block/1/scale_activation/sigmoid/0" [id=25, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/1/0/block/1/mul/0" [id=26, metatype=PTMulMetatype, type=mul]; -"features.1.0.block.2.0.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/block/2/0/conv2d/0" [id=28, metatype=PTConv2dMetatype, type=conv2d]; -"features.1.0.block.2.1.weight" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.block.2.1.bias" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.block.2.1.running_mean" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.block.2.1.running_var" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/block/2/1/batch_norm/0" [id=33, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.2.0.block.0.0.weight" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/0/block/0/0/conv2d/0" [id=35, metatype=PTConv2dMetatype, type=conv2d]; -"features.2.0.block.0.1.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.0.block.0.1.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.0.block.0.1.running_mean" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.0.block.0.1.running_var" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/0/block/0/1/batch_norm/0" [id=40, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/2/0/block/0/2/silu/0" [id=41, metatype=PTSILUMetatype, type=silu]; -"features.2.0.block.1.0.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/0/block/1/0/conv2d/0" [id=43, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.2.0.block.1.1.weight" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.0.block.1.1.bias" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.0.block.1.1.running_mean" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.0.block.1.1.running_var" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/0/block/1/1/batch_norm/0" [id=48, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/2/0/block/1/2/silu/0" [id=49, metatype=PTSILUMetatype, type=silu]; -"features/2/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=50, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.2.0.block.2.fc1.weight" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.0.block.2.fc1.bias" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/0/block/2/fc1/conv2d/0" [id=53, metatype=PTConv2dMetatype, type=conv2d]; -"features/2/0/block/2/activation/silu/0" [id=54, metatype=PTSILUMetatype, type=silu]; -"features.2.0.block.2.fc2.weight" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.0.block.2.fc2.bias" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/0/block/2/fc2/conv2d/0" [id=57, metatype=PTConv2dMetatype, type=conv2d]; -"features/2/0/block/2/scale_activation/sigmoid/0" [id=58, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/2/0/block/2/mul/0" [id=59, metatype=PTMulMetatype, type=mul]; -"features.2.0.block.3.0.weight" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/0/block/3/0/conv2d/0" [id=61, metatype=PTConv2dMetatype, type=conv2d]; -"features.2.0.block.3.1.weight" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.0.block.3.1.bias" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.0.block.3.1.running_mean" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.0.block.3.1.running_var" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/0/block/3/1/batch_norm/0" [id=66, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.2.1.block.0.0.weight" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/1/block/0/0/conv2d/0" [id=68, metatype=PTConv2dMetatype, type=conv2d]; -"features.2.1.block.0.1.weight" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.1.block.0.1.bias" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.1.block.0.1.running_mean" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.1.block.0.1.running_var" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/1/block/0/1/batch_norm/0" [id=73, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/2/1/block/0/2/silu/0" [id=74, metatype=PTSILUMetatype, type=silu]; -"features.2.1.block.1.0.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/1/block/1/0/conv2d/0" [id=76, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.2.1.block.1.1.weight" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.1.block.1.1.bias" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.1.block.1.1.running_mean" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.1.block.1.1.running_var" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/1/block/1/1/batch_norm/0" [id=81, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/2/1/block/1/2/silu/0" [id=82, metatype=PTSILUMetatype, type=silu]; -"features/2/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=83, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.2.1.block.2.fc1.weight" [id=84, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.1.block.2.fc1.bias" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/1/block/2/fc1/conv2d/0" [id=86, metatype=PTConv2dMetatype, type=conv2d]; -"features/2/1/block/2/activation/silu/0" [id=87, metatype=PTSILUMetatype, type=silu]; -"features.2.1.block.2.fc2.weight" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.1.block.2.fc2.bias" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/1/block/2/fc2/conv2d/0" [id=90, metatype=PTConv2dMetatype, type=conv2d]; -"features/2/1/block/2/scale_activation/sigmoid/0" [id=91, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/2/1/block/2/mul/0" [id=92, metatype=PTMulMetatype, type=mul]; -"features.2.1.block.3.0.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/1/block/3/0/conv2d/0" [id=94, metatype=PTConv2dMetatype, type=conv2d]; -"features.2.1.block.3.1.weight" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.1.block.3.1.bias" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.1.block.3.1.running_mean" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.1.block.3.1.running_var" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/1/block/3/1/batch_norm/0" [id=99, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/2/1/add_/0" [id=100, metatype=PTAddMetatype, type=add_]; -"features.3.0.block.0.0.weight" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/block/0/0/conv2d/0" [id=102, metatype=PTConv2dMetatype, type=conv2d]; -"features.3.0.block.0.1.weight" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.0.1.bias" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.0.1.running_mean" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.0.1.running_var" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/block/0/1/batch_norm/0" [id=107, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/0/block/0/2/silu/0" [id=108, metatype=PTSILUMetatype, type=silu]; -"features.3.0.block.1.0.weight" [id=109, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/block/1/0/conv2d/0" [id=110, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.3.0.block.1.1.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.1.1.bias" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.1.1.running_mean" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.1.1.running_var" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/block/1/1/batch_norm/0" [id=115, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/0/block/1/2/silu/0" [id=116, metatype=PTSILUMetatype, type=silu]; -"features/3/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=117, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.3.0.block.2.fc1.weight" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.2.fc1.bias" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/block/2/fc1/conv2d/0" [id=120, metatype=PTConv2dMetatype, type=conv2d]; -"features/3/0/block/2/activation/silu/0" [id=121, metatype=PTSILUMetatype, type=silu]; -"features.3.0.block.2.fc2.weight" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.2.fc2.bias" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/block/2/fc2/conv2d/0" [id=124, metatype=PTConv2dMetatype, type=conv2d]; -"features/3/0/block/2/scale_activation/sigmoid/0" [id=125, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/3/0/block/2/mul/0" [id=126, metatype=PTMulMetatype, type=mul]; -"features.3.0.block.3.0.weight" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/block/3/0/conv2d/0" [id=128, metatype=PTConv2dMetatype, type=conv2d]; -"features.3.0.block.3.1.weight" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.3.1.bias" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.3.1.running_mean" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.block.3.1.running_var" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/block/3/1/batch_norm/0" [id=133, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.3.1.block.0.0.weight" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/block/0/0/conv2d/0" [id=135, metatype=PTConv2dMetatype, type=conv2d]; -"features.3.1.block.0.1.weight" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.0.1.bias" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.0.1.running_mean" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.0.1.running_var" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/block/0/1/batch_norm/0" [id=140, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/1/block/0/2/silu/0" [id=141, metatype=PTSILUMetatype, type=silu]; -"features.3.1.block.1.0.weight" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/block/1/0/conv2d/0" [id=143, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.3.1.block.1.1.weight" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.1.1.bias" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.1.1.running_mean" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.1.1.running_var" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/block/1/1/batch_norm/0" [id=148, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/1/block/1/2/silu/0" [id=149, metatype=PTSILUMetatype, type=silu]; -"features/3/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=150, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.3.1.block.2.fc1.weight" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.2.fc1.bias" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/block/2/fc1/conv2d/0" [id=153, metatype=PTConv2dMetatype, type=conv2d]; -"features/3/1/block/2/activation/silu/0" [id=154, metatype=PTSILUMetatype, type=silu]; -"features.3.1.block.2.fc2.weight" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.2.fc2.bias" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/block/2/fc2/conv2d/0" [id=157, metatype=PTConv2dMetatype, type=conv2d]; -"features/3/1/block/2/scale_activation/sigmoid/0" [id=158, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/3/1/block/2/mul/0" [id=159, metatype=PTMulMetatype, type=mul]; -"features.3.1.block.3.0.weight" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/block/3/0/conv2d/0" [id=161, metatype=PTConv2dMetatype, type=conv2d]; -"features.3.1.block.3.1.weight" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.3.1.bias" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.3.1.running_mean" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.block.3.1.running_var" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/block/3/1/batch_norm/0" [id=166, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/1/add_/0" [id=167, metatype=PTAddMetatype, type=add_]; -"features.4.0.block.0.0.weight" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/0/block/0/0/conv2d/0" [id=169, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.0.block.0.1.weight" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.0.block.0.1.bias" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.0.block.0.1.running_mean" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.0.block.0.1.running_var" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/0/block/0/1/batch_norm/0" [id=174, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/0/block/0/2/silu/0" [id=175, metatype=PTSILUMetatype, type=silu]; -"features.4.0.block.1.0.weight" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/0/block/1/0/conv2d/0" [id=177, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.4.0.block.1.1.weight" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.0.block.1.1.bias" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.0.block.1.1.running_mean" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.0.block.1.1.running_var" [id=181, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/0/block/1/1/batch_norm/0" [id=182, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/0/block/1/2/silu/0" [id=183, metatype=PTSILUMetatype, type=silu]; -"features/4/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=184, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.4.0.block.2.fc1.weight" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.0.block.2.fc1.bias" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/0/block/2/fc1/conv2d/0" [id=187, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/0/block/2/activation/silu/0" [id=188, metatype=PTSILUMetatype, type=silu]; -"features.4.0.block.2.fc2.weight" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.0.block.2.fc2.bias" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/0/block/2/fc2/conv2d/0" [id=191, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/0/block/2/scale_activation/sigmoid/0" [id=192, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/4/0/block/2/mul/0" [id=193, metatype=PTMulMetatype, type=mul]; -"features.4.0.block.3.0.weight" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/0/block/3/0/conv2d/0" [id=195, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.0.block.3.1.weight" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.0.block.3.1.bias" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.0.block.3.1.running_mean" [id=198, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.0.block.3.1.running_var" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/0/block/3/1/batch_norm/0" [id=200, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.4.1.block.0.0.weight" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/1/block/0/0/conv2d/0" [id=202, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.1.block.0.1.weight" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.1.block.0.1.bias" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.1.block.0.1.running_mean" [id=205, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.1.block.0.1.running_var" [id=206, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/1/block/0/1/batch_norm/0" [id=207, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/1/block/0/2/silu/0" [id=208, metatype=PTSILUMetatype, type=silu]; -"features.4.1.block.1.0.weight" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/1/block/1/0/conv2d/0" [id=210, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.4.1.block.1.1.weight" [id=211, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.1.block.1.1.bias" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.1.block.1.1.running_mean" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.1.block.1.1.running_var" [id=214, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/1/block/1/1/batch_norm/0" [id=215, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/1/block/1/2/silu/0" [id=216, metatype=PTSILUMetatype, type=silu]; -"features/4/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=217, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.4.1.block.2.fc1.weight" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.1.block.2.fc1.bias" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/1/block/2/fc1/conv2d/0" [id=220, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/1/block/2/activation/silu/0" [id=221, metatype=PTSILUMetatype, type=silu]; -"features.4.1.block.2.fc2.weight" [id=222, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.1.block.2.fc2.bias" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/1/block/2/fc2/conv2d/0" [id=224, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/1/block/2/scale_activation/sigmoid/0" [id=225, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/4/1/block/2/mul/0" [id=226, metatype=PTMulMetatype, type=mul]; -"features.4.1.block.3.0.weight" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/1/block/3/0/conv2d/0" [id=228, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.1.block.3.1.weight" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.1.block.3.1.bias" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.1.block.3.1.running_mean" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.1.block.3.1.running_var" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/1/block/3/1/batch_norm/0" [id=233, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/1/add_/0" [id=234, metatype=PTAddMetatype, type=add_]; -"features.4.2.block.0.0.weight" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/2/block/0/0/conv2d/0" [id=236, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.2.block.0.1.weight" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.2.block.0.1.bias" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.2.block.0.1.running_mean" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.2.block.0.1.running_var" [id=240, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/2/block/0/1/batch_norm/0" [id=241, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/2/block/0/2/silu/0" [id=242, metatype=PTSILUMetatype, type=silu]; -"features.4.2.block.1.0.weight" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/2/block/1/0/conv2d/0" [id=244, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.4.2.block.1.1.weight" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.2.block.1.1.bias" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.2.block.1.1.running_mean" [id=247, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.2.block.1.1.running_var" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/2/block/1/1/batch_norm/0" [id=249, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/2/block/1/2/silu/0" [id=250, metatype=PTSILUMetatype, type=silu]; -"features/4/2/block/2/avgpool/adaptive_avg_pool2d/0" [id=251, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.4.2.block.2.fc1.weight" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.2.block.2.fc1.bias" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/2/block/2/fc1/conv2d/0" [id=254, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/2/block/2/activation/silu/0" [id=255, metatype=PTSILUMetatype, type=silu]; -"features.4.2.block.2.fc2.weight" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.2.block.2.fc2.bias" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/2/block/2/fc2/conv2d/0" [id=258, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/2/block/2/scale_activation/sigmoid/0" [id=259, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/4/2/block/2/mul/0" [id=260, metatype=PTMulMetatype, type=mul]; -"features.4.2.block.3.0.weight" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/2/block/3/0/conv2d/0" [id=262, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.2.block.3.1.weight" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.2.block.3.1.bias" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.2.block.3.1.running_mean" [id=265, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.2.block.3.1.running_var" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/2/block/3/1/batch_norm/0" [id=267, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/2/add_/0" [id=268, metatype=PTAddMetatype, type=add_]; -"features.5.0.block.0.0.weight" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/block/0/0/conv2d/0" [id=270, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.0.block.0.1.weight" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.0.1.bias" [id=272, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.0.1.running_mean" [id=273, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.0.1.running_var" [id=274, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/block/0/1/batch_norm/0" [id=275, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/0/block/0/2/silu/0" [id=276, metatype=PTSILUMetatype, type=silu]; -"features.5.0.block.1.0.weight" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/block/1/0/conv2d/0" [id=278, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.5.0.block.1.1.weight" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.1.1.bias" [id=280, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.1.1.running_mean" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.1.1.running_var" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/block/1/1/batch_norm/0" [id=283, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/0/block/1/2/silu/0" [id=284, metatype=PTSILUMetatype, type=silu]; -"features/5/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=285, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.5.0.block.2.fc1.weight" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.2.fc1.bias" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/block/2/fc1/conv2d/0" [id=288, metatype=PTConv2dMetatype, type=conv2d]; -"features/5/0/block/2/activation/silu/0" [id=289, metatype=PTSILUMetatype, type=silu]; -"features.5.0.block.2.fc2.weight" [id=290, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.2.fc2.bias" [id=291, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/block/2/fc2/conv2d/0" [id=292, metatype=PTConv2dMetatype, type=conv2d]; -"features/5/0/block/2/scale_activation/sigmoid/0" [id=293, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/0/block/2/mul/0" [id=294, metatype=PTMulMetatype, type=mul]; -"features.5.0.block.3.0.weight" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/block/3/0/conv2d/0" [id=296, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.0.block.3.1.weight" [id=297, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.3.1.bias" [id=298, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.3.1.running_mean" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.block.3.1.running_var" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/block/3/1/batch_norm/0" [id=301, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.5.1.block.0.0.weight" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/block/0/0/conv2d/0" [id=303, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.1.block.0.1.weight" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.0.1.bias" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.0.1.running_mean" [id=306, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.0.1.running_var" [id=307, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/block/0/1/batch_norm/0" [id=308, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/1/block/0/2/silu/0" [id=309, metatype=PTSILUMetatype, type=silu]; -"features.5.1.block.1.0.weight" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/block/1/0/conv2d/0" [id=311, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.5.1.block.1.1.weight" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.1.1.bias" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.1.1.running_mean" [id=314, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.1.1.running_var" [id=315, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/block/1/1/batch_norm/0" [id=316, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/1/block/1/2/silu/0" [id=317, metatype=PTSILUMetatype, type=silu]; -"features/5/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=318, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.5.1.block.2.fc1.weight" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.2.fc1.bias" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/block/2/fc1/conv2d/0" [id=321, metatype=PTConv2dMetatype, type=conv2d]; -"features/5/1/block/2/activation/silu/0" [id=322, metatype=PTSILUMetatype, type=silu]; -"features.5.1.block.2.fc2.weight" [id=323, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.2.fc2.bias" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/block/2/fc2/conv2d/0" [id=325, metatype=PTConv2dMetatype, type=conv2d]; -"features/5/1/block/2/scale_activation/sigmoid/0" [id=326, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/1/block/2/mul/0" [id=327, metatype=PTMulMetatype, type=mul]; -"features.5.1.block.3.0.weight" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/block/3/0/conv2d/0" [id=329, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.1.block.3.1.weight" [id=330, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.3.1.bias" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.3.1.running_mean" [id=332, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.block.3.1.running_var" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/block/3/1/batch_norm/0" [id=334, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/1/add_/0" [id=335, metatype=PTAddMetatype, type=add_]; -"features.5.2.block.0.0.weight" [id=336, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/block/0/0/conv2d/0" [id=337, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.2.block.0.1.weight" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.0.1.bias" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.0.1.running_mean" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.0.1.running_var" [id=341, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/block/0/1/batch_norm/0" [id=342, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/2/block/0/2/silu/0" [id=343, metatype=PTSILUMetatype, type=silu]; -"features.5.2.block.1.0.weight" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/block/1/0/conv2d/0" [id=345, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.5.2.block.1.1.weight" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.1.1.bias" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.1.1.running_mean" [id=348, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.1.1.running_var" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/block/1/1/batch_norm/0" [id=350, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/2/block/1/2/silu/0" [id=351, metatype=PTSILUMetatype, type=silu]; -"features/5/2/block/2/avgpool/adaptive_avg_pool2d/0" [id=352, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.5.2.block.2.fc1.weight" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.2.fc1.bias" [id=354, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/block/2/fc1/conv2d/0" [id=355, metatype=PTConv2dMetatype, type=conv2d]; -"features/5/2/block/2/activation/silu/0" [id=356, metatype=PTSILUMetatype, type=silu]; -"features.5.2.block.2.fc2.weight" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.2.fc2.bias" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/block/2/fc2/conv2d/0" [id=359, metatype=PTConv2dMetatype, type=conv2d]; -"features/5/2/block/2/scale_activation/sigmoid/0" [id=360, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/2/block/2/mul/0" [id=361, metatype=PTMulMetatype, type=mul]; -"features.5.2.block.3.0.weight" [id=362, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/block/3/0/conv2d/0" [id=363, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.2.block.3.1.weight" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.3.1.bias" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.3.1.running_mean" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.block.3.1.running_var" [id=367, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/block/3/1/batch_norm/0" [id=368, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/2/add_/0" [id=369, metatype=PTAddMetatype, type=add_]; -"features.6.0.block.0.0.weight" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/0/block/0/0/conv2d/0" [id=371, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.0.block.0.1.weight" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.0.block.0.1.bias" [id=373, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.0.block.0.1.running_mean" [id=374, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.0.block.0.1.running_var" [id=375, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/0/block/0/1/batch_norm/0" [id=376, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/0/block/0/2/silu/0" [id=377, metatype=PTSILUMetatype, type=silu]; -"features.6.0.block.1.0.weight" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/0/block/1/0/conv2d/0" [id=379, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.6.0.block.1.1.weight" [id=380, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.0.block.1.1.bias" [id=381, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.0.block.1.1.running_mean" [id=382, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.0.block.1.1.running_var" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/0/block/1/1/batch_norm/0" [id=384, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/0/block/1/2/silu/0" [id=385, metatype=PTSILUMetatype, type=silu]; -"features/6/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=386, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.6.0.block.2.fc1.weight" [id=387, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.0.block.2.fc1.bias" [id=388, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/0/block/2/fc1/conv2d/0" [id=389, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/0/block/2/activation/silu/0" [id=390, metatype=PTSILUMetatype, type=silu]; -"features.6.0.block.2.fc2.weight" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.0.block.2.fc2.bias" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/0/block/2/fc2/conv2d/0" [id=393, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/0/block/2/scale_activation/sigmoid/0" [id=394, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/6/0/block/2/mul/0" [id=395, metatype=PTMulMetatype, type=mul]; -"features.6.0.block.3.0.weight" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/0/block/3/0/conv2d/0" [id=397, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.0.block.3.1.weight" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.0.block.3.1.bias" [id=399, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.0.block.3.1.running_mean" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.0.block.3.1.running_var" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/0/block/3/1/batch_norm/0" [id=402, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.6.1.block.0.0.weight" [id=403, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/1/block/0/0/conv2d/0" [id=404, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.1.block.0.1.weight" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.1.block.0.1.bias" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.1.block.0.1.running_mean" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.1.block.0.1.running_var" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/1/block/0/1/batch_norm/0" [id=409, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/1/block/0/2/silu/0" [id=410, metatype=PTSILUMetatype, type=silu]; -"features.6.1.block.1.0.weight" [id=411, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/1/block/1/0/conv2d/0" [id=412, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.6.1.block.1.1.weight" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.1.block.1.1.bias" [id=414, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.1.block.1.1.running_mean" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.1.block.1.1.running_var" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/1/block/1/1/batch_norm/0" [id=417, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/1/block/1/2/silu/0" [id=418, metatype=PTSILUMetatype, type=silu]; -"features/6/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=419, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.6.1.block.2.fc1.weight" [id=420, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.1.block.2.fc1.bias" [id=421, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/1/block/2/fc1/conv2d/0" [id=422, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/1/block/2/activation/silu/0" [id=423, metatype=PTSILUMetatype, type=silu]; -"features.6.1.block.2.fc2.weight" [id=424, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.1.block.2.fc2.bias" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/1/block/2/fc2/conv2d/0" [id=426, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/1/block/2/scale_activation/sigmoid/0" [id=427, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/6/1/block/2/mul/0" [id=428, metatype=PTMulMetatype, type=mul]; -"features.6.1.block.3.0.weight" [id=429, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/1/block/3/0/conv2d/0" [id=430, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.1.block.3.1.weight" [id=431, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.1.block.3.1.bias" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.1.block.3.1.running_mean" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.1.block.3.1.running_var" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/1/block/3/1/batch_norm/0" [id=435, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/1/add_/0" [id=436, metatype=PTAddMetatype, type=add_]; -"features.6.2.block.0.0.weight" [id=437, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/2/block/0/0/conv2d/0" [id=438, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.2.block.0.1.weight" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.2.block.0.1.bias" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.2.block.0.1.running_mean" [id=441, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.2.block.0.1.running_var" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/2/block/0/1/batch_norm/0" [id=443, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/2/block/0/2/silu/0" [id=444, metatype=PTSILUMetatype, type=silu]; -"features.6.2.block.1.0.weight" [id=445, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/2/block/1/0/conv2d/0" [id=446, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.6.2.block.1.1.weight" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.2.block.1.1.bias" [id=448, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.2.block.1.1.running_mean" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.2.block.1.1.running_var" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/2/block/1/1/batch_norm/0" [id=451, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/2/block/1/2/silu/0" [id=452, metatype=PTSILUMetatype, type=silu]; -"features/6/2/block/2/avgpool/adaptive_avg_pool2d/0" [id=453, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.6.2.block.2.fc1.weight" [id=454, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.2.block.2.fc1.bias" [id=455, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/2/block/2/fc1/conv2d/0" [id=456, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/2/block/2/activation/silu/0" [id=457, metatype=PTSILUMetatype, type=silu]; -"features.6.2.block.2.fc2.weight" [id=458, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.2.block.2.fc2.bias" [id=459, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/2/block/2/fc2/conv2d/0" [id=460, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/2/block/2/scale_activation/sigmoid/0" [id=461, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/6/2/block/2/mul/0" [id=462, metatype=PTMulMetatype, type=mul]; -"features.6.2.block.3.0.weight" [id=463, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/2/block/3/0/conv2d/0" [id=464, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.2.block.3.1.weight" [id=465, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.2.block.3.1.bias" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.2.block.3.1.running_mean" [id=467, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.2.block.3.1.running_var" [id=468, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/2/block/3/1/batch_norm/0" [id=469, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/2/add_/0" [id=470, metatype=PTAddMetatype, type=add_]; -"features.6.3.block.0.0.weight" [id=471, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/3/block/0/0/conv2d/0" [id=472, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.3.block.0.1.weight" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.3.block.0.1.bias" [id=474, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.3.block.0.1.running_mean" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.3.block.0.1.running_var" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/3/block/0/1/batch_norm/0" [id=477, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/3/block/0/2/silu/0" [id=478, metatype=PTSILUMetatype, type=silu]; -"features.6.3.block.1.0.weight" [id=479, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/3/block/1/0/conv2d/0" [id=480, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.6.3.block.1.1.weight" [id=481, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.3.block.1.1.bias" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.3.block.1.1.running_mean" [id=483, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.3.block.1.1.running_var" [id=484, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/3/block/1/1/batch_norm/0" [id=485, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/3/block/1/2/silu/0" [id=486, metatype=PTSILUMetatype, type=silu]; -"features/6/3/block/2/avgpool/adaptive_avg_pool2d/0" [id=487, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.6.3.block.2.fc1.weight" [id=488, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.3.block.2.fc1.bias" [id=489, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/3/block/2/fc1/conv2d/0" [id=490, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/3/block/2/activation/silu/0" [id=491, metatype=PTSILUMetatype, type=silu]; -"features.6.3.block.2.fc2.weight" [id=492, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.3.block.2.fc2.bias" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/3/block/2/fc2/conv2d/0" [id=494, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/3/block/2/scale_activation/sigmoid/0" [id=495, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/6/3/block/2/mul/0" [id=496, metatype=PTMulMetatype, type=mul]; -"features.6.3.block.3.0.weight" [id=497, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/3/block/3/0/conv2d/0" [id=498, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.3.block.3.1.weight" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.3.block.3.1.bias" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.3.block.3.1.running_mean" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.3.block.3.1.running_var" [id=502, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/3/block/3/1/batch_norm/0" [id=503, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/3/add_/0" [id=504, metatype=PTAddMetatype, type=add_]; -"features.7.0.block.0.0.weight" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/block/0/0/conv2d/0" [id=506, metatype=PTConv2dMetatype, type=conv2d]; -"features.7.0.block.0.1.weight" [id=507, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.0.1.bias" [id=508, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.0.1.running_mean" [id=509, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.0.1.running_var" [id=510, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/block/0/1/batch_norm/0" [id=511, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/7/0/block/0/2/silu/0" [id=512, metatype=PTSILUMetatype, type=silu]; -"features.7.0.block.1.0.weight" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/block/1/0/conv2d/0" [id=514, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.7.0.block.1.1.weight" [id=515, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.1.1.bias" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.1.1.running_mean" [id=517, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.1.1.running_var" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/block/1/1/batch_norm/0" [id=519, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/7/0/block/1/2/silu/0" [id=520, metatype=PTSILUMetatype, type=silu]; -"features/7/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=521, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.7.0.block.2.fc1.weight" [id=522, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.2.fc1.bias" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/block/2/fc1/conv2d/0" [id=524, metatype=PTConv2dMetatype, type=conv2d]; -"features/7/0/block/2/activation/silu/0" [id=525, metatype=PTSILUMetatype, type=silu]; -"features.7.0.block.2.fc2.weight" [id=526, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.2.fc2.bias" [id=527, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/block/2/fc2/conv2d/0" [id=528, metatype=PTConv2dMetatype, type=conv2d]; -"features/7/0/block/2/scale_activation/sigmoid/0" [id=529, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/7/0/block/2/mul/0" [id=530, metatype=PTMulMetatype, type=mul]; -"features.7.0.block.3.0.weight" [id=531, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/block/3/0/conv2d/0" [id=532, metatype=PTConv2dMetatype, type=conv2d]; -"features.7.0.block.3.1.weight" [id=533, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.3.1.bias" [id=534, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.3.1.running_mean" [id=535, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.block.3.1.running_var" [id=536, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/block/3/1/batch_norm/0" [id=537, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.8.0.weight" [id=538, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/0/conv2d/0" [id=539, metatype=PTConv2dMetatype, type=conv2d]; -"features.8.1.weight" [id=540, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.1.bias" [id=541, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.1.running_mean" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.1.running_var" [id=543, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/1/batch_norm/0" [id=544, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/8/2/silu/0" [id=545, metatype=PTSILUMetatype, type=silu]; -"avgpool/adaptive_avg_pool2d/0" [id=546, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"/flatten/0" [id=547, metatype=PTReshapeMetatype, type=flatten]; -"classifier/0/dropout/0" [id=548, metatype=PTDropoutMetatype, type=dropout]; -"classifier.1.weight" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.1.bias" [id=550, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/1/linear/0" [id=551, metatype=PTLinearMetatype, type=linear]; -output [id=552, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "features/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; -"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 3, 3, 3)"]; -"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"features/0/1/batch_norm/0" -> "features/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"features/0/2/silu/0" -> "features/1/0/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"features.1.0.block.0.0.weight" -> "features/1/0/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 1, 3, 3)"]; -"features/1/0/block/0/0/conv2d/0" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"features.1.0.block.0.1.weight" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"features.1.0.block.0.1.bias" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features.1.0.block.0.1.running_mean" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"features.1.0.block.0.1.running_var" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"features/1/0/block/0/1/batch_norm/0" -> "features/1/0/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"features/1/0/block/0/2/silu/0" -> "features/1/0/block/1/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"features/1/0/block/0/2/silu/0" -> "features/1/0/block/1/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 32, 32)"]; -"features/1/0/block/1/avgpool/adaptive_avg_pool2d/0" -> "features/1/0/block/1/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 1, 1)"]; -"features.1.0.block.1.fc1.weight" -> "features/1/0/block/1/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(8, 32, 1, 1)"]; -"features.1.0.block.1.fc1.bias" -> "features/1/0/block/1/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(8,)"]; -"features/1/0/block/1/fc1/conv2d/0" -> "features/1/0/block/1/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 1, 1)"]; -"features/1/0/block/1/activation/silu/0" -> "features/1/0/block/1/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 1, 1)"]; -"features.1.0.block.1.fc2.weight" -> "features/1/0/block/1/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 8, 1, 1)"]; -"features.1.0.block.1.fc2.bias" -> "features/1/0/block/1/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features/1/0/block/1/fc2/conv2d/0" -> "features/1/0/block/1/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 1, 1)"]; -"features/1/0/block/1/scale_activation/sigmoid/0" -> "features/1/0/block/1/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 1, 1)"]; -"features/1/0/block/1/mul/0" -> "features/1/0/block/2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"features.1.0.block.2.0.weight" -> "features/1/0/block/2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 32, 1, 1)"]; -"features/1/0/block/2/0/conv2d/0" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; -"features.1.0.block.2.1.weight" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; -"features.1.0.block.2.1.bias" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"features.1.0.block.2.1.running_mean" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; -"features.1.0.block.2.1.running_var" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; -"features/1/0/block/2/1/batch_norm/0" -> "features/2/0/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; -"features.2.0.block.0.0.weight" -> "features/2/0/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 16, 1, 1)"]; -"features/2/0/block/0/0/conv2d/0" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"features.2.0.block.0.1.weight" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.2.0.block.0.1.bias" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.2.0.block.0.1.running_mean" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.2.0.block.0.1.running_var" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/2/0/block/0/1/batch_norm/0" -> "features/2/0/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"features/2/0/block/0/2/silu/0" -> "features/2/0/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"features.2.0.block.1.0.weight" -> "features/2/0/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; -"features/2/0/block/1/0/conv2d/0" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.2.0.block.1.1.weight" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.2.0.block.1.1.bias" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.2.0.block.1.1.running_mean" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.2.0.block.1.1.running_var" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/2/0/block/1/1/batch_norm/0" -> "features/2/0/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/2/0/block/1/2/silu/0" -> "features/2/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/2/0/block/1/2/silu/0" -> "features/2/0/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/2/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/2/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features.2.0.block.2.fc1.weight" -> "features/2/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 96, 1, 1)"]; -"features.2.0.block.2.fc1.bias" -> "features/2/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(4,)"]; -"features/2/0/block/2/fc1/conv2d/0" -> "features/2/0/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 1, 1)"]; -"features/2/0/block/2/activation/silu/0" -> "features/2/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 1, 1)"]; -"features.2.0.block.2.fc2.weight" -> "features/2/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 4, 1, 1)"]; -"features.2.0.block.2.fc2.bias" -> "features/2/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features/2/0/block/2/fc2/conv2d/0" -> "features/2/0/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features/2/0/block/2/scale_activation/sigmoid/0" -> "features/2/0/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features/2/0/block/2/mul/0" -> "features/2/0/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.2.0.block.3.0.weight" -> "features/2/0/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 96, 1, 1)"]; -"features/2/0/block/3/0/conv2d/0" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"features.2.0.block.3.1.weight" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"features.2.0.block.3.1.bias" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"features.2.0.block.3.1.running_mean" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"features.2.0.block.3.1.running_var" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"features/2/0/block/3/1/batch_norm/0" -> "features/2/1/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"features/2/0/block/3/1/batch_norm/0" -> "features/2/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 16, 16)"]; -"features.2.1.block.0.0.weight" -> "features/2/1/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 24, 1, 1)"]; -"features/2/1/block/0/0/conv2d/0" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features.2.1.block.0.1.weight" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.2.1.block.0.1.bias" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.2.1.block.0.1.running_mean" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.2.1.block.0.1.running_var" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/2/1/block/0/1/batch_norm/0" -> "features/2/1/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features/2/1/block/0/2/silu/0" -> "features/2/1/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features.2.1.block.1.0.weight" -> "features/2/1/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 3, 3)"]; -"features/2/1/block/1/0/conv2d/0" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features.2.1.block.1.1.weight" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.2.1.block.1.1.bias" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.2.1.block.1.1.running_mean" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.2.1.block.1.1.running_var" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/2/1/block/1/1/batch_norm/0" -> "features/2/1/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features/2/1/block/1/2/silu/0" -> "features/2/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features/2/1/block/1/2/silu/0" -> "features/2/1/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features/2/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/2/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features.2.1.block.2.fc1.weight" -> "features/2/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(6, 144, 1, 1)"]; -"features.2.1.block.2.fc1.bias" -> "features/2/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(6,)"]; -"features/2/1/block/2/fc1/conv2d/0" -> "features/2/1/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 1, 1)"]; -"features/2/1/block/2/activation/silu/0" -> "features/2/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 1, 1)"]; -"features.2.1.block.2.fc2.weight" -> "features/2/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 6, 1, 1)"]; -"features.2.1.block.2.fc2.bias" -> "features/2/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features/2/1/block/2/fc2/conv2d/0" -> "features/2/1/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/2/1/block/2/scale_activation/sigmoid/0" -> "features/2/1/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/2/1/block/2/mul/0" -> "features/2/1/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features.2.1.block.3.0.weight" -> "features/2/1/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 144, 1, 1)"]; -"features/2/1/block/3/0/conv2d/0" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"features.2.1.block.3.1.weight" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"features.2.1.block.3.1.bias" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"features.2.1.block.3.1.running_mean" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"features.2.1.block.3.1.running_var" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"features/2/1/block/3/1/batch_norm/0" -> "features/2/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"features/2/1/add_/0" -> "features/3/0/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"features.3.0.block.0.0.weight" -> "features/3/0/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 24, 1, 1)"]; -"features/3/0/block/0/0/conv2d/0" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features.3.0.block.0.1.weight" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.3.0.block.0.1.bias" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.3.0.block.0.1.running_mean" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.3.0.block.0.1.running_var" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/3/0/block/0/1/batch_norm/0" -> "features/3/0/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features/3/0/block/0/2/silu/0" -> "features/3/0/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features.3.0.block.1.0.weight" -> "features/3/0/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 5, 5)"]; -"features/3/0/block/1/0/conv2d/0" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features.3.0.block.1.1.weight" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.3.0.block.1.1.bias" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.3.0.block.1.1.running_mean" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.3.0.block.1.1.running_var" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/3/0/block/1/1/batch_norm/0" -> "features/3/0/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features/3/0/block/1/2/silu/0" -> "features/3/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features/3/0/block/1/2/silu/0" -> "features/3/0/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features/3/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/3/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features.3.0.block.2.fc1.weight" -> "features/3/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(6, 144, 1, 1)"]; -"features.3.0.block.2.fc1.bias" -> "features/3/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(6,)"]; -"features/3/0/block/2/fc1/conv2d/0" -> "features/3/0/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 1, 1)"]; -"features/3/0/block/2/activation/silu/0" -> "features/3/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 1, 1)"]; -"features.3.0.block.2.fc2.weight" -> "features/3/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 6, 1, 1)"]; -"features.3.0.block.2.fc2.bias" -> "features/3/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features/3/0/block/2/fc2/conv2d/0" -> "features/3/0/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/3/0/block/2/scale_activation/sigmoid/0" -> "features/3/0/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/3/0/block/2/mul/0" -> "features/3/0/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features.3.0.block.3.0.weight" -> "features/3/0/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 144, 1, 1)"]; -"features/3/0/block/3/0/conv2d/0" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 8, 8)"]; -"features.3.0.block.3.1.weight" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; -"features.3.0.block.3.1.bias" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; -"features.3.0.block.3.1.running_mean" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; -"features.3.0.block.3.1.running_var" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; -"features/3/0/block/3/1/batch_norm/0" -> "features/3/1/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 8, 8)"]; -"features/3/0/block/3/1/batch_norm/0" -> "features/3/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 40, 8, 8)"]; -"features.3.1.block.0.0.weight" -> "features/3/1/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 40, 1, 1)"]; -"features/3/1/block/0/0/conv2d/0" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; -"features.3.1.block.0.1.weight" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; -"features.3.1.block.0.1.bias" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features.3.1.block.0.1.running_mean" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; -"features.3.1.block.0.1.running_var" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; -"features/3/1/block/0/1/batch_norm/0" -> "features/3/1/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; -"features/3/1/block/0/2/silu/0" -> "features/3/1/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; -"features.3.1.block.1.0.weight" -> "features/3/1/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 1, 5, 5)"]; -"features/3/1/block/1/0/conv2d/0" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; -"features.3.1.block.1.1.weight" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; -"features.3.1.block.1.1.bias" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features.3.1.block.1.1.running_mean" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; -"features.3.1.block.1.1.running_var" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; -"features/3/1/block/1/1/batch_norm/0" -> "features/3/1/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; -"features/3/1/block/1/2/silu/0" -> "features/3/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; -"features/3/1/block/1/2/silu/0" -> "features/3/1/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 240, 8, 8)"]; -"features/3/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/3/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features.3.1.block.2.fc1.weight" -> "features/3/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 240, 1, 1)"]; -"features.3.1.block.2.fc1.bias" -> "features/3/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; -"features/3/1/block/2/fc1/conv2d/0" -> "features/3/1/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 1, 1)"]; -"features/3/1/block/2/activation/silu/0" -> "features/3/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 1, 1)"]; -"features.3.1.block.2.fc2.weight" -> "features/3/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 10, 1, 1)"]; -"features.3.1.block.2.fc2.bias" -> "features/3/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features/3/1/block/2/fc2/conv2d/0" -> "features/3/1/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features/3/1/block/2/scale_activation/sigmoid/0" -> "features/3/1/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features/3/1/block/2/mul/0" -> "features/3/1/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; -"features.3.1.block.3.0.weight" -> "features/3/1/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 240, 1, 1)"]; -"features/3/1/block/3/0/conv2d/0" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 8, 8)"]; -"features.3.1.block.3.1.weight" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; -"features.3.1.block.3.1.bias" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; -"features.3.1.block.3.1.running_mean" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; -"features.3.1.block.3.1.running_var" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; -"features/3/1/block/3/1/batch_norm/0" -> "features/3/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 8, 8)"]; -"features/3/1/add_/0" -> "features/4/0/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 8, 8)"]; -"features.4.0.block.0.0.weight" -> "features/4/0/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 40, 1, 1)"]; -"features/4/0/block/0/0/conv2d/0" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; -"features.4.0.block.0.1.weight" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; -"features.4.0.block.0.1.bias" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features.4.0.block.0.1.running_mean" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; -"features.4.0.block.0.1.running_var" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; -"features/4/0/block/0/1/batch_norm/0" -> "features/4/0/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; -"features/4/0/block/0/2/silu/0" -> "features/4/0/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 8, 8)"]; -"features.4.0.block.1.0.weight" -> "features/4/0/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 1, 3, 3)"]; -"features/4/0/block/1/0/conv2d/0" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features.4.0.block.1.1.weight" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; -"features.4.0.block.1.1.bias" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features.4.0.block.1.1.running_mean" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; -"features.4.0.block.1.1.running_var" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; -"features/4/0/block/1/1/batch_norm/0" -> "features/4/0/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features/4/0/block/1/2/silu/0" -> "features/4/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features/4/0/block/1/2/silu/0" -> "features/4/0/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features/4/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features.4.0.block.2.fc1.weight" -> "features/4/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 240, 1, 1)"]; -"features.4.0.block.2.fc1.bias" -> "features/4/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; -"features/4/0/block/2/fc1/conv2d/0" -> "features/4/0/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 1, 1)"]; -"features/4/0/block/2/activation/silu/0" -> "features/4/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 1, 1)"]; -"features.4.0.block.2.fc2.weight" -> "features/4/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 10, 1, 1)"]; -"features.4.0.block.2.fc2.bias" -> "features/4/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features/4/0/block/2/fc2/conv2d/0" -> "features/4/0/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features/4/0/block/2/scale_activation/sigmoid/0" -> "features/4/0/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features/4/0/block/2/mul/0" -> "features/4/0/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features.4.0.block.3.0.weight" -> "features/4/0/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80, 240, 1, 1)"]; -"features/4/0/block/3/0/conv2d/0" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; -"features.4.0.block.3.1.weight" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80,)"]; -"features.4.0.block.3.1.bias" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(80,)"]; -"features.4.0.block.3.1.running_mean" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(80,)"]; -"features.4.0.block.3.1.running_var" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(80,)"]; -"features/4/0/block/3/1/batch_norm/0" -> "features/4/1/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; -"features/4/0/block/3/1/batch_norm/0" -> "features/4/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 80, 4, 4)"]; -"features.4.1.block.0.0.weight" -> "features/4/1/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 80, 1, 1)"]; -"features/4/1/block/0/0/conv2d/0" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features.4.1.block.0.1.weight" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; -"features.4.1.block.0.1.bias" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; -"features.4.1.block.0.1.running_mean" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; -"features.4.1.block.0.1.running_var" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; -"features/4/1/block/0/1/batch_norm/0" -> "features/4/1/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features/4/1/block/0/2/silu/0" -> "features/4/1/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features.4.1.block.1.0.weight" -> "features/4/1/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 1, 3, 3)"]; -"features/4/1/block/1/0/conv2d/0" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features.4.1.block.1.1.weight" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; -"features.4.1.block.1.1.bias" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; -"features.4.1.block.1.1.running_mean" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; -"features.4.1.block.1.1.running_var" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; -"features/4/1/block/1/1/batch_norm/0" -> "features/4/1/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features/4/1/block/1/2/silu/0" -> "features/4/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features/4/1/block/1/2/silu/0" -> "features/4/1/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features/4/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; -"features.4.1.block.2.fc1.weight" -> "features/4/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(20, 480, 1, 1)"]; -"features.4.1.block.2.fc1.bias" -> "features/4/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(20,)"]; -"features/4/1/block/2/fc1/conv2d/0" -> "features/4/1/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 20, 1, 1)"]; -"features/4/1/block/2/activation/silu/0" -> "features/4/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 20, 1, 1)"]; -"features.4.1.block.2.fc2.weight" -> "features/4/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 20, 1, 1)"]; -"features.4.1.block.2.fc2.bias" -> "features/4/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; -"features/4/1/block/2/fc2/conv2d/0" -> "features/4/1/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; -"features/4/1/block/2/scale_activation/sigmoid/0" -> "features/4/1/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; -"features/4/1/block/2/mul/0" -> "features/4/1/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features.4.1.block.3.0.weight" -> "features/4/1/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80, 480, 1, 1)"]; -"features/4/1/block/3/0/conv2d/0" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; -"features.4.1.block.3.1.weight" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80,)"]; -"features.4.1.block.3.1.bias" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(80,)"]; -"features.4.1.block.3.1.running_mean" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(80,)"]; -"features.4.1.block.3.1.running_var" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(80,)"]; -"features/4/1/block/3/1/batch_norm/0" -> "features/4/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; -"features/4/1/add_/0" -> "features/4/2/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; -"features/4/1/add_/0" -> "features/4/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 80, 4, 4)"]; -"features.4.2.block.0.0.weight" -> "features/4/2/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 80, 1, 1)"]; -"features/4/2/block/0/0/conv2d/0" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features.4.2.block.0.1.weight" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; -"features.4.2.block.0.1.bias" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; -"features.4.2.block.0.1.running_mean" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; -"features.4.2.block.0.1.running_var" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; -"features/4/2/block/0/1/batch_norm/0" -> "features/4/2/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features/4/2/block/0/2/silu/0" -> "features/4/2/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features.4.2.block.1.0.weight" -> "features/4/2/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 1, 3, 3)"]; -"features/4/2/block/1/0/conv2d/0" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features.4.2.block.1.1.weight" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; -"features.4.2.block.1.1.bias" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; -"features.4.2.block.1.1.running_mean" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; -"features.4.2.block.1.1.running_var" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; -"features/4/2/block/1/1/batch_norm/0" -> "features/4/2/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features/4/2/block/1/2/silu/0" -> "features/4/2/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features/4/2/block/1/2/silu/0" -> "features/4/2/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features/4/2/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; -"features.4.2.block.2.fc1.weight" -> "features/4/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(20, 480, 1, 1)"]; -"features.4.2.block.2.fc1.bias" -> "features/4/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(20,)"]; -"features/4/2/block/2/fc1/conv2d/0" -> "features/4/2/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 20, 1, 1)"]; -"features/4/2/block/2/activation/silu/0" -> "features/4/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 20, 1, 1)"]; -"features.4.2.block.2.fc2.weight" -> "features/4/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 20, 1, 1)"]; -"features.4.2.block.2.fc2.bias" -> "features/4/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; -"features/4/2/block/2/fc2/conv2d/0" -> "features/4/2/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; -"features/4/2/block/2/scale_activation/sigmoid/0" -> "features/4/2/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; -"features/4/2/block/2/mul/0" -> "features/4/2/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features.4.2.block.3.0.weight" -> "features/4/2/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80, 480, 1, 1)"]; -"features/4/2/block/3/0/conv2d/0" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; -"features.4.2.block.3.1.weight" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80,)"]; -"features.4.2.block.3.1.bias" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(80,)"]; -"features.4.2.block.3.1.running_mean" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(80,)"]; -"features.4.2.block.3.1.running_var" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(80,)"]; -"features/4/2/block/3/1/batch_norm/0" -> "features/4/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; -"features/4/2/add_/0" -> "features/5/0/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 4, 4)"]; -"features.5.0.block.0.0.weight" -> "features/5/0/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 80, 1, 1)"]; -"features/5/0/block/0/0/conv2d/0" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features.5.0.block.0.1.weight" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; -"features.5.0.block.0.1.bias" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; -"features.5.0.block.0.1.running_mean" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; -"features.5.0.block.0.1.running_var" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; -"features/5/0/block/0/1/batch_norm/0" -> "features/5/0/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features/5/0/block/0/2/silu/0" -> "features/5/0/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features.5.0.block.1.0.weight" -> "features/5/0/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 1, 5, 5)"]; -"features/5/0/block/1/0/conv2d/0" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features.5.0.block.1.1.weight" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; -"features.5.0.block.1.1.bias" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; -"features.5.0.block.1.1.running_mean" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; -"features.5.0.block.1.1.running_var" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; -"features/5/0/block/1/1/batch_norm/0" -> "features/5/0/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features/5/0/block/1/2/silu/0" -> "features/5/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features/5/0/block/1/2/silu/0" -> "features/5/0/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features/5/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; -"features.5.0.block.2.fc1.weight" -> "features/5/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(20, 480, 1, 1)"]; -"features.5.0.block.2.fc1.bias" -> "features/5/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(20,)"]; -"features/5/0/block/2/fc1/conv2d/0" -> "features/5/0/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 20, 1, 1)"]; -"features/5/0/block/2/activation/silu/0" -> "features/5/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 20, 1, 1)"]; -"features.5.0.block.2.fc2.weight" -> "features/5/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480, 20, 1, 1)"]; -"features.5.0.block.2.fc2.bias" -> "features/5/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; -"features/5/0/block/2/fc2/conv2d/0" -> "features/5/0/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; -"features/5/0/block/2/scale_activation/sigmoid/0" -> "features/5/0/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 1, 1)"]; -"features/5/0/block/2/mul/0" -> "features/5/0/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 4, 4)"]; -"features.5.0.block.3.0.weight" -> "features/5/0/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112, 480, 1, 1)"]; -"features/5/0/block/3/0/conv2d/0" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; -"features.5.0.block.3.1.weight" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112,)"]; -"features.5.0.block.3.1.bias" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(112,)"]; -"features.5.0.block.3.1.running_mean" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(112,)"]; -"features.5.0.block.3.1.running_var" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(112,)"]; -"features/5/0/block/3/1/batch_norm/0" -> "features/5/1/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; -"features/5/0/block/3/1/batch_norm/0" -> "features/5/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 112, 4, 4)"]; -"features.5.1.block.0.0.weight" -> "features/5/1/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 112, 1, 1)"]; -"features/5/1/block/0/0/conv2d/0" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features.5.1.block.0.1.weight" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; -"features.5.1.block.0.1.bias" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; -"features.5.1.block.0.1.running_mean" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; -"features.5.1.block.0.1.running_var" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; -"features/5/1/block/0/1/batch_norm/0" -> "features/5/1/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features/5/1/block/0/2/silu/0" -> "features/5/1/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features.5.1.block.1.0.weight" -> "features/5/1/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 1, 5, 5)"]; -"features/5/1/block/1/0/conv2d/0" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features.5.1.block.1.1.weight" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; -"features.5.1.block.1.1.bias" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; -"features.5.1.block.1.1.running_mean" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; -"features.5.1.block.1.1.running_var" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; -"features/5/1/block/1/1/batch_norm/0" -> "features/5/1/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features/5/1/block/1/2/silu/0" -> "features/5/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features/5/1/block/1/2/silu/0" -> "features/5/1/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features/5/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; -"features.5.1.block.2.fc1.weight" -> "features/5/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(28, 672, 1, 1)"]; -"features.5.1.block.2.fc1.bias" -> "features/5/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(28,)"]; -"features/5/1/block/2/fc1/conv2d/0" -> "features/5/1/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 28, 1, 1)"]; -"features/5/1/block/2/activation/silu/0" -> "features/5/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 28, 1, 1)"]; -"features.5.1.block.2.fc2.weight" -> "features/5/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 28, 1, 1)"]; -"features.5.1.block.2.fc2.bias" -> "features/5/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; -"features/5/1/block/2/fc2/conv2d/0" -> "features/5/1/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; -"features/5/1/block/2/scale_activation/sigmoid/0" -> "features/5/1/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; -"features/5/1/block/2/mul/0" -> "features/5/1/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features.5.1.block.3.0.weight" -> "features/5/1/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112, 672, 1, 1)"]; -"features/5/1/block/3/0/conv2d/0" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; -"features.5.1.block.3.1.weight" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112,)"]; -"features.5.1.block.3.1.bias" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(112,)"]; -"features.5.1.block.3.1.running_mean" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(112,)"]; -"features.5.1.block.3.1.running_var" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(112,)"]; -"features/5/1/block/3/1/batch_norm/0" -> "features/5/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; -"features/5/1/add_/0" -> "features/5/2/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; -"features/5/1/add_/0" -> "features/5/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 112, 4, 4)"]; -"features.5.2.block.0.0.weight" -> "features/5/2/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 112, 1, 1)"]; -"features/5/2/block/0/0/conv2d/0" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features.5.2.block.0.1.weight" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; -"features.5.2.block.0.1.bias" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; -"features.5.2.block.0.1.running_mean" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; -"features.5.2.block.0.1.running_var" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; -"features/5/2/block/0/1/batch_norm/0" -> "features/5/2/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features/5/2/block/0/2/silu/0" -> "features/5/2/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features.5.2.block.1.0.weight" -> "features/5/2/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 1, 5, 5)"]; -"features/5/2/block/1/0/conv2d/0" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features.5.2.block.1.1.weight" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; -"features.5.2.block.1.1.bias" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; -"features.5.2.block.1.1.running_mean" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; -"features.5.2.block.1.1.running_var" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; -"features/5/2/block/1/1/batch_norm/0" -> "features/5/2/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features/5/2/block/1/2/silu/0" -> "features/5/2/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features/5/2/block/1/2/silu/0" -> "features/5/2/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features/5/2/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; -"features.5.2.block.2.fc1.weight" -> "features/5/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(28, 672, 1, 1)"]; -"features.5.2.block.2.fc1.bias" -> "features/5/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(28,)"]; -"features/5/2/block/2/fc1/conv2d/0" -> "features/5/2/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 28, 1, 1)"]; -"features/5/2/block/2/activation/silu/0" -> "features/5/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 28, 1, 1)"]; -"features.5.2.block.2.fc2.weight" -> "features/5/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 28, 1, 1)"]; -"features.5.2.block.2.fc2.bias" -> "features/5/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; -"features/5/2/block/2/fc2/conv2d/0" -> "features/5/2/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; -"features/5/2/block/2/scale_activation/sigmoid/0" -> "features/5/2/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; -"features/5/2/block/2/mul/0" -> "features/5/2/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features.5.2.block.3.0.weight" -> "features/5/2/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112, 672, 1, 1)"]; -"features/5/2/block/3/0/conv2d/0" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; -"features.5.2.block.3.1.weight" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112,)"]; -"features.5.2.block.3.1.bias" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(112,)"]; -"features.5.2.block.3.1.running_mean" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(112,)"]; -"features.5.2.block.3.1.running_var" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(112,)"]; -"features/5/2/block/3/1/batch_norm/0" -> "features/5/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; -"features/5/2/add_/0" -> "features/6/0/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 4, 4)"]; -"features.6.0.block.0.0.weight" -> "features/6/0/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 112, 1, 1)"]; -"features/6/0/block/0/0/conv2d/0" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features.6.0.block.0.1.weight" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; -"features.6.0.block.0.1.bias" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; -"features.6.0.block.0.1.running_mean" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; -"features.6.0.block.0.1.running_var" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; -"features/6/0/block/0/1/batch_norm/0" -> "features/6/0/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features/6/0/block/0/2/silu/0" -> "features/6/0/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"features.6.0.block.1.0.weight" -> "features/6/0/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 1, 5, 5)"]; -"features/6/0/block/1/0/conv2d/0" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 2, 2)"]; -"features.6.0.block.1.1.weight" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; -"features.6.0.block.1.1.bias" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; -"features.6.0.block.1.1.running_mean" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; -"features.6.0.block.1.1.running_var" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; -"features/6/0/block/1/1/batch_norm/0" -> "features/6/0/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 2, 2)"]; -"features/6/0/block/1/2/silu/0" -> "features/6/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 2, 2)"]; -"features/6/0/block/1/2/silu/0" -> "features/6/0/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 672, 2, 2)"]; -"features/6/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; -"features.6.0.block.2.fc1.weight" -> "features/6/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(28, 672, 1, 1)"]; -"features.6.0.block.2.fc1.bias" -> "features/6/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(28,)"]; -"features/6/0/block/2/fc1/conv2d/0" -> "features/6/0/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 28, 1, 1)"]; -"features/6/0/block/2/activation/silu/0" -> "features/6/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 28, 1, 1)"]; -"features.6.0.block.2.fc2.weight" -> "features/6/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672, 28, 1, 1)"]; -"features.6.0.block.2.fc2.bias" -> "features/6/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; -"features/6/0/block/2/fc2/conv2d/0" -> "features/6/0/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; -"features/6/0/block/2/scale_activation/sigmoid/0" -> "features/6/0/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 1, 1)"]; -"features/6/0/block/2/mul/0" -> "features/6/0/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 2, 2)"]; -"features.6.0.block.3.0.weight" -> "features/6/0/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 672, 1, 1)"]; -"features/6/0/block/3/0/conv2d/0" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features.6.0.block.3.1.weight" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.6.0.block.3.1.bias" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.6.0.block.3.1.running_mean" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.6.0.block.3.1.running_var" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/6/0/block/3/1/batch_norm/0" -> "features/6/1/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features/6/0/block/3/1/batch_norm/0" -> "features/6/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features.6.1.block.0.0.weight" -> "features/6/1/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 192, 1, 1)"]; -"features/6/1/block/0/0/conv2d/0" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.6.1.block.0.1.weight" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; -"features.6.1.block.0.1.bias" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; -"features.6.1.block.0.1.running_mean" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; -"features.6.1.block.0.1.running_var" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; -"features/6/1/block/0/1/batch_norm/0" -> "features/6/1/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/6/1/block/0/2/silu/0" -> "features/6/1/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.6.1.block.1.0.weight" -> "features/6/1/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 1, 5, 5)"]; -"features/6/1/block/1/0/conv2d/0" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.6.1.block.1.1.weight" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; -"features.6.1.block.1.1.bias" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; -"features.6.1.block.1.1.running_mean" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; -"features.6.1.block.1.1.running_var" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; -"features/6/1/block/1/1/batch_norm/0" -> "features/6/1/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/6/1/block/1/2/silu/0" -> "features/6/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/6/1/block/1/2/silu/0" -> "features/6/1/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/6/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; -"features.6.1.block.2.fc1.weight" -> "features/6/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1152, 1, 1)"]; -"features.6.1.block.2.fc1.bias" -> "features/6/1/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"features/6/1/block/2/fc1/conv2d/0" -> "features/6/1/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"features/6/1/block/2/activation/silu/0" -> "features/6/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"features.6.1.block.2.fc2.weight" -> "features/6/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 48, 1, 1)"]; -"features.6.1.block.2.fc2.bias" -> "features/6/1/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; -"features/6/1/block/2/fc2/conv2d/0" -> "features/6/1/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; -"features/6/1/block/2/scale_activation/sigmoid/0" -> "features/6/1/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; -"features/6/1/block/2/mul/0" -> "features/6/1/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.6.1.block.3.0.weight" -> "features/6/1/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1152, 1, 1)"]; -"features/6/1/block/3/0/conv2d/0" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features.6.1.block.3.1.weight" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.6.1.block.3.1.bias" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.6.1.block.3.1.running_mean" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.6.1.block.3.1.running_var" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/6/1/block/3/1/batch_norm/0" -> "features/6/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features/6/1/add_/0" -> "features/6/2/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features/6/1/add_/0" -> "features/6/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features.6.2.block.0.0.weight" -> "features/6/2/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 192, 1, 1)"]; -"features/6/2/block/0/0/conv2d/0" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.6.2.block.0.1.weight" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; -"features.6.2.block.0.1.bias" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; -"features.6.2.block.0.1.running_mean" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; -"features.6.2.block.0.1.running_var" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; -"features/6/2/block/0/1/batch_norm/0" -> "features/6/2/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/6/2/block/0/2/silu/0" -> "features/6/2/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.6.2.block.1.0.weight" -> "features/6/2/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 1, 5, 5)"]; -"features/6/2/block/1/0/conv2d/0" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.6.2.block.1.1.weight" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; -"features.6.2.block.1.1.bias" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; -"features.6.2.block.1.1.running_mean" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; -"features.6.2.block.1.1.running_var" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; -"features/6/2/block/1/1/batch_norm/0" -> "features/6/2/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/6/2/block/1/2/silu/0" -> "features/6/2/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/6/2/block/1/2/silu/0" -> "features/6/2/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/6/2/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; -"features.6.2.block.2.fc1.weight" -> "features/6/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1152, 1, 1)"]; -"features.6.2.block.2.fc1.bias" -> "features/6/2/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"features/6/2/block/2/fc1/conv2d/0" -> "features/6/2/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"features/6/2/block/2/activation/silu/0" -> "features/6/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"features.6.2.block.2.fc2.weight" -> "features/6/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 48, 1, 1)"]; -"features.6.2.block.2.fc2.bias" -> "features/6/2/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; -"features/6/2/block/2/fc2/conv2d/0" -> "features/6/2/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; -"features/6/2/block/2/scale_activation/sigmoid/0" -> "features/6/2/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; -"features/6/2/block/2/mul/0" -> "features/6/2/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.6.2.block.3.0.weight" -> "features/6/2/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1152, 1, 1)"]; -"features/6/2/block/3/0/conv2d/0" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features.6.2.block.3.1.weight" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.6.2.block.3.1.bias" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.6.2.block.3.1.running_mean" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.6.2.block.3.1.running_var" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/6/2/block/3/1/batch_norm/0" -> "features/6/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features/6/2/add_/0" -> "features/6/3/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features/6/2/add_/0" -> "features/6/3/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features.6.3.block.0.0.weight" -> "features/6/3/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 192, 1, 1)"]; -"features/6/3/block/0/0/conv2d/0" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.6.3.block.0.1.weight" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; -"features.6.3.block.0.1.bias" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; -"features.6.3.block.0.1.running_mean" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; -"features.6.3.block.0.1.running_var" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; -"features/6/3/block/0/1/batch_norm/0" -> "features/6/3/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/6/3/block/0/2/silu/0" -> "features/6/3/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.6.3.block.1.0.weight" -> "features/6/3/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 1, 5, 5)"]; -"features/6/3/block/1/0/conv2d/0" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.6.3.block.1.1.weight" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; -"features.6.3.block.1.1.bias" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; -"features.6.3.block.1.1.running_mean" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; -"features.6.3.block.1.1.running_var" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; -"features/6/3/block/1/1/batch_norm/0" -> "features/6/3/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/6/3/block/1/2/silu/0" -> "features/6/3/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/6/3/block/1/2/silu/0" -> "features/6/3/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/6/3/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/3/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; -"features.6.3.block.2.fc1.weight" -> "features/6/3/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1152, 1, 1)"]; -"features.6.3.block.2.fc1.bias" -> "features/6/3/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"features/6/3/block/2/fc1/conv2d/0" -> "features/6/3/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"features/6/3/block/2/activation/silu/0" -> "features/6/3/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"features.6.3.block.2.fc2.weight" -> "features/6/3/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 48, 1, 1)"]; -"features.6.3.block.2.fc2.bias" -> "features/6/3/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; -"features/6/3/block/2/fc2/conv2d/0" -> "features/6/3/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; -"features/6/3/block/2/scale_activation/sigmoid/0" -> "features/6/3/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; -"features/6/3/block/2/mul/0" -> "features/6/3/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.6.3.block.3.0.weight" -> "features/6/3/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1152, 1, 1)"]; -"features/6/3/block/3/0/conv2d/0" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features.6.3.block.3.1.weight" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.6.3.block.3.1.bias" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.6.3.block.3.1.running_mean" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.6.3.block.3.1.running_var" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/6/3/block/3/1/batch_norm/0" -> "features/6/3/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features/6/3/add_/0" -> "features/7/0/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features.7.0.block.0.0.weight" -> "features/7/0/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 192, 1, 1)"]; -"features/7/0/block/0/0/conv2d/0" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.7.0.block.0.1.weight" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; -"features.7.0.block.0.1.bias" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; -"features.7.0.block.0.1.running_mean" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; -"features.7.0.block.0.1.running_var" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; -"features/7/0/block/0/1/batch_norm/0" -> "features/7/0/block/0/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/7/0/block/0/2/silu/0" -> "features/7/0/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.7.0.block.1.0.weight" -> "features/7/0/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 1, 3, 3)"]; -"features/7/0/block/1/0/conv2d/0" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.7.0.block.1.1.weight" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152,)"]; -"features.7.0.block.1.1.bias" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; -"features.7.0.block.1.1.running_mean" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1152,)"]; -"features.7.0.block.1.1.running_var" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1152,)"]; -"features/7/0/block/1/1/batch_norm/0" -> "features/7/0/block/1/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/7/0/block/1/2/silu/0" -> "features/7/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/7/0/block/1/2/silu/0" -> "features/7/0/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features/7/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/7/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; -"features.7.0.block.2.fc1.weight" -> "features/7/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1152, 1, 1)"]; -"features.7.0.block.2.fc1.bias" -> "features/7/0/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"features/7/0/block/2/fc1/conv2d/0" -> "features/7/0/block/2/activation/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"features/7/0/block/2/activation/silu/0" -> "features/7/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"features.7.0.block.2.fc2.weight" -> "features/7/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1152, 48, 1, 1)"]; -"features.7.0.block.2.fc2.bias" -> "features/7/0/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1152,)"]; -"features/7/0/block/2/fc2/conv2d/0" -> "features/7/0/block/2/scale_activation/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; -"features/7/0/block/2/scale_activation/sigmoid/0" -> "features/7/0/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 1, 1)"]; -"features/7/0/block/2/mul/0" -> "features/7/0/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1152, 2, 2)"]; -"features.7.0.block.3.0.weight" -> "features/7/0/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 1152, 1, 1)"]; -"features/7/0/block/3/0/conv2d/0" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 2, 2)"]; -"features.7.0.block.3.1.weight" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"features.7.0.block.3.1.bias" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"features.7.0.block.3.1.running_mean" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"features.7.0.block.3.1.running_var" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"features/7/0/block/3/1/batch_norm/0" -> "features/8/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 2, 2)"]; -"features.8.0.weight" -> "features/8/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1280, 320, 1, 1)"]; -"features/8/0/conv2d/0" -> "features/8/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 2, 2)"]; -"features.8.1.weight" -> "features/8/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1280,)"]; -"features.8.1.bias" -> "features/8/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1280,)"]; -"features.8.1.running_mean" -> "features/8/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1280,)"]; -"features.8.1.running_var" -> "features/8/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1280,)"]; -"features/8/1/batch_norm/0" -> "features/8/2/silu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 2, 2)"]; -"features/8/2/silu/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 2, 2)"]; -"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; -"/flatten/0" -> "classifier/0/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280)"]; -"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280)"]; -"classifier.1.weight" -> "classifier/1/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1280)"]; -"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"classifier/1/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"features.0.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/0/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; +"features.0.1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/1/batch_norm/0" [id=7, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/0/2/silu/0" [id=8, type=silu, metatype=PTSILUMetatype]; +"features.1.0.block.0.0.weight" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/block/0/0/conv2d/0" [id=10, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.1.0.block.0.1.weight" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.block.0.1.bias" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.block.0.1.running_mean" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.block.0.1.running_var" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/block/0/1/batch_norm/0" [id=15, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/1/0/block/0/2/silu/0" [id=16, type=silu, metatype=PTSILUMetatype]; +"features/1/0/block/1/avgpool/adaptive_avg_pool2d/0" [id=17, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.1.0.block.1.fc1.weight" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.block.1.fc1.bias" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/block/1/fc1/conv2d/0" [id=20, type=conv2d, metatype=PTConv2dMetatype]; +"features/1/0/block/1/activation/silu/0" [id=21, type=silu, metatype=PTSILUMetatype]; +"features.1.0.block.1.fc2.weight" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.block.1.fc2.bias" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/block/1/fc2/conv2d/0" [id=24, type=conv2d, metatype=PTConv2dMetatype]; +"features/1/0/block/1/scale_activation/sigmoid/0" [id=25, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/1/0/block/1/mul/0" [id=26, type=mul, metatype=PTMulMetatype]; +"features.1.0.block.2.0.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/block/2/0/conv2d/0" [id=28, type=conv2d, metatype=PTConv2dMetatype]; +"features.1.0.block.2.1.weight" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.block.2.1.bias" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.block.2.1.running_mean" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.block.2.1.running_var" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/block/2/1/batch_norm/0" [id=33, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.2.0.block.0.0.weight" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/0/block/0/0/conv2d/0" [id=35, type=conv2d, metatype=PTConv2dMetatype]; +"features.2.0.block.0.1.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.0.block.0.1.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.0.block.0.1.running_mean" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.0.block.0.1.running_var" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/0/block/0/1/batch_norm/0" [id=40, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/2/0/block/0/2/silu/0" [id=41, type=silu, metatype=PTSILUMetatype]; +"features.2.0.block.1.0.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/0/block/1/0/conv2d/0" [id=43, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.2.0.block.1.1.weight" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.0.block.1.1.bias" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.0.block.1.1.running_mean" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.0.block.1.1.running_var" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/0/block/1/1/batch_norm/0" [id=48, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/2/0/block/1/2/silu/0" [id=49, type=silu, metatype=PTSILUMetatype]; +"features/2/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=50, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.2.0.block.2.fc1.weight" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.0.block.2.fc1.bias" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/0/block/2/fc1/conv2d/0" [id=53, type=conv2d, metatype=PTConv2dMetatype]; +"features/2/0/block/2/activation/silu/0" [id=54, type=silu, metatype=PTSILUMetatype]; +"features.2.0.block.2.fc2.weight" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.0.block.2.fc2.bias" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/0/block/2/fc2/conv2d/0" [id=57, type=conv2d, metatype=PTConv2dMetatype]; +"features/2/0/block/2/scale_activation/sigmoid/0" [id=58, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/2/0/block/2/mul/0" [id=59, type=mul, metatype=PTMulMetatype]; +"features.2.0.block.3.0.weight" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/0/block/3/0/conv2d/0" [id=61, type=conv2d, metatype=PTConv2dMetatype]; +"features.2.0.block.3.1.weight" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.0.block.3.1.bias" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.0.block.3.1.running_mean" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.0.block.3.1.running_var" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/0/block/3/1/batch_norm/0" [id=66, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.2.1.block.0.0.weight" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/1/block/0/0/conv2d/0" [id=68, type=conv2d, metatype=PTConv2dMetatype]; +"features.2.1.block.0.1.weight" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.1.block.0.1.bias" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.1.block.0.1.running_mean" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.1.block.0.1.running_var" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/1/block/0/1/batch_norm/0" [id=73, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/2/1/block/0/2/silu/0" [id=74, type=silu, metatype=PTSILUMetatype]; +"features.2.1.block.1.0.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/1/block/1/0/conv2d/0" [id=76, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.2.1.block.1.1.weight" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.1.block.1.1.bias" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.1.block.1.1.running_mean" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.1.block.1.1.running_var" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/1/block/1/1/batch_norm/0" [id=81, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/2/1/block/1/2/silu/0" [id=82, type=silu, metatype=PTSILUMetatype]; +"features/2/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=83, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.2.1.block.2.fc1.weight" [id=84, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.1.block.2.fc1.bias" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/1/block/2/fc1/conv2d/0" [id=86, type=conv2d, metatype=PTConv2dMetatype]; +"features/2/1/block/2/activation/silu/0" [id=87, type=silu, metatype=PTSILUMetatype]; +"features.2.1.block.2.fc2.weight" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.1.block.2.fc2.bias" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/1/block/2/fc2/conv2d/0" [id=90, type=conv2d, metatype=PTConv2dMetatype]; +"features/2/1/block/2/scale_activation/sigmoid/0" [id=91, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/2/1/block/2/mul/0" [id=92, type=mul, metatype=PTMulMetatype]; +"features.2.1.block.3.0.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/1/block/3/0/conv2d/0" [id=94, type=conv2d, metatype=PTConv2dMetatype]; +"features.2.1.block.3.1.weight" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.1.block.3.1.bias" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.1.block.3.1.running_mean" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.1.block.3.1.running_var" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/1/block/3/1/batch_norm/0" [id=99, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/2/1/add_/0" [id=100, type="add_", metatype=PTAddMetatype]; +"features.3.0.block.0.0.weight" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/block/0/0/conv2d/0" [id=102, type=conv2d, metatype=PTConv2dMetatype]; +"features.3.0.block.0.1.weight" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.0.1.bias" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.0.1.running_mean" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.0.1.running_var" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/block/0/1/batch_norm/0" [id=107, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/0/block/0/2/silu/0" [id=108, type=silu, metatype=PTSILUMetatype]; +"features.3.0.block.1.0.weight" [id=109, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/block/1/0/conv2d/0" [id=110, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.3.0.block.1.1.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.1.1.bias" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.1.1.running_mean" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.1.1.running_var" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/block/1/1/batch_norm/0" [id=115, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/0/block/1/2/silu/0" [id=116, type=silu, metatype=PTSILUMetatype]; +"features/3/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=117, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.3.0.block.2.fc1.weight" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.2.fc1.bias" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/block/2/fc1/conv2d/0" [id=120, type=conv2d, metatype=PTConv2dMetatype]; +"features/3/0/block/2/activation/silu/0" [id=121, type=silu, metatype=PTSILUMetatype]; +"features.3.0.block.2.fc2.weight" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.2.fc2.bias" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/block/2/fc2/conv2d/0" [id=124, type=conv2d, metatype=PTConv2dMetatype]; +"features/3/0/block/2/scale_activation/sigmoid/0" [id=125, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/3/0/block/2/mul/0" [id=126, type=mul, metatype=PTMulMetatype]; +"features.3.0.block.3.0.weight" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/block/3/0/conv2d/0" [id=128, type=conv2d, metatype=PTConv2dMetatype]; +"features.3.0.block.3.1.weight" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.3.1.bias" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.3.1.running_mean" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.block.3.1.running_var" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/block/3/1/batch_norm/0" [id=133, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.3.1.block.0.0.weight" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/block/0/0/conv2d/0" [id=135, type=conv2d, metatype=PTConv2dMetatype]; +"features.3.1.block.0.1.weight" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.0.1.bias" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.0.1.running_mean" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.0.1.running_var" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/block/0/1/batch_norm/0" [id=140, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/1/block/0/2/silu/0" [id=141, type=silu, metatype=PTSILUMetatype]; +"features.3.1.block.1.0.weight" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/block/1/0/conv2d/0" [id=143, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.3.1.block.1.1.weight" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.1.1.bias" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.1.1.running_mean" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.1.1.running_var" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/block/1/1/batch_norm/0" [id=148, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/1/block/1/2/silu/0" [id=149, type=silu, metatype=PTSILUMetatype]; +"features/3/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=150, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.3.1.block.2.fc1.weight" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.2.fc1.bias" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/block/2/fc1/conv2d/0" [id=153, type=conv2d, metatype=PTConv2dMetatype]; +"features/3/1/block/2/activation/silu/0" [id=154, type=silu, metatype=PTSILUMetatype]; +"features.3.1.block.2.fc2.weight" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.2.fc2.bias" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/block/2/fc2/conv2d/0" [id=157, type=conv2d, metatype=PTConv2dMetatype]; +"features/3/1/block/2/scale_activation/sigmoid/0" [id=158, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/3/1/block/2/mul/0" [id=159, type=mul, metatype=PTMulMetatype]; +"features.3.1.block.3.0.weight" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/block/3/0/conv2d/0" [id=161, type=conv2d, metatype=PTConv2dMetatype]; +"features.3.1.block.3.1.weight" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.3.1.bias" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.3.1.running_mean" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.block.3.1.running_var" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/block/3/1/batch_norm/0" [id=166, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/1/add_/0" [id=167, type="add_", metatype=PTAddMetatype]; +"features.4.0.block.0.0.weight" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/0/block/0/0/conv2d/0" [id=169, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.0.block.0.1.weight" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.0.block.0.1.bias" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.0.block.0.1.running_mean" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.0.block.0.1.running_var" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/0/block/0/1/batch_norm/0" [id=174, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/0/block/0/2/silu/0" [id=175, type=silu, metatype=PTSILUMetatype]; +"features.4.0.block.1.0.weight" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/0/block/1/0/conv2d/0" [id=177, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.4.0.block.1.1.weight" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.0.block.1.1.bias" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.0.block.1.1.running_mean" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.0.block.1.1.running_var" [id=181, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/0/block/1/1/batch_norm/0" [id=182, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/0/block/1/2/silu/0" [id=183, type=silu, metatype=PTSILUMetatype]; +"features/4/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=184, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.4.0.block.2.fc1.weight" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.0.block.2.fc1.bias" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/0/block/2/fc1/conv2d/0" [id=187, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/0/block/2/activation/silu/0" [id=188, type=silu, metatype=PTSILUMetatype]; +"features.4.0.block.2.fc2.weight" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.0.block.2.fc2.bias" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/0/block/2/fc2/conv2d/0" [id=191, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/0/block/2/scale_activation/sigmoid/0" [id=192, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/4/0/block/2/mul/0" [id=193, type=mul, metatype=PTMulMetatype]; +"features.4.0.block.3.0.weight" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/0/block/3/0/conv2d/0" [id=195, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.0.block.3.1.weight" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.0.block.3.1.bias" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.0.block.3.1.running_mean" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.0.block.3.1.running_var" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/0/block/3/1/batch_norm/0" [id=200, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.4.1.block.0.0.weight" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/1/block/0/0/conv2d/0" [id=202, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.1.block.0.1.weight" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.1.block.0.1.bias" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.1.block.0.1.running_mean" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.1.block.0.1.running_var" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/1/block/0/1/batch_norm/0" [id=207, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/1/block/0/2/silu/0" [id=208, type=silu, metatype=PTSILUMetatype]; +"features.4.1.block.1.0.weight" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/1/block/1/0/conv2d/0" [id=210, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.4.1.block.1.1.weight" [id=211, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.1.block.1.1.bias" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.1.block.1.1.running_mean" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.1.block.1.1.running_var" [id=214, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/1/block/1/1/batch_norm/0" [id=215, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/1/block/1/2/silu/0" [id=216, type=silu, metatype=PTSILUMetatype]; +"features/4/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=217, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.4.1.block.2.fc1.weight" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.1.block.2.fc1.bias" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/1/block/2/fc1/conv2d/0" [id=220, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/1/block/2/activation/silu/0" [id=221, type=silu, metatype=PTSILUMetatype]; +"features.4.1.block.2.fc2.weight" [id=222, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.1.block.2.fc2.bias" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/1/block/2/fc2/conv2d/0" [id=224, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/1/block/2/scale_activation/sigmoid/0" [id=225, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/4/1/block/2/mul/0" [id=226, type=mul, metatype=PTMulMetatype]; +"features.4.1.block.3.0.weight" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/1/block/3/0/conv2d/0" [id=228, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.1.block.3.1.weight" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.1.block.3.1.bias" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.1.block.3.1.running_mean" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.1.block.3.1.running_var" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/1/block/3/1/batch_norm/0" [id=233, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/1/add_/0" [id=234, type="add_", metatype=PTAddMetatype]; +"features.4.2.block.0.0.weight" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/2/block/0/0/conv2d/0" [id=236, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.2.block.0.1.weight" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.2.block.0.1.bias" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.2.block.0.1.running_mean" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.2.block.0.1.running_var" [id=240, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/2/block/0/1/batch_norm/0" [id=241, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/2/block/0/2/silu/0" [id=242, type=silu, metatype=PTSILUMetatype]; +"features.4.2.block.1.0.weight" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/2/block/1/0/conv2d/0" [id=244, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.4.2.block.1.1.weight" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.2.block.1.1.bias" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.2.block.1.1.running_mean" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.2.block.1.1.running_var" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/2/block/1/1/batch_norm/0" [id=249, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/2/block/1/2/silu/0" [id=250, type=silu, metatype=PTSILUMetatype]; +"features/4/2/block/2/avgpool/adaptive_avg_pool2d/0" [id=251, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.4.2.block.2.fc1.weight" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.2.block.2.fc1.bias" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/2/block/2/fc1/conv2d/0" [id=254, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/2/block/2/activation/silu/0" [id=255, type=silu, metatype=PTSILUMetatype]; +"features.4.2.block.2.fc2.weight" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.2.block.2.fc2.bias" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/2/block/2/fc2/conv2d/0" [id=258, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/2/block/2/scale_activation/sigmoid/0" [id=259, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/4/2/block/2/mul/0" [id=260, type=mul, metatype=PTMulMetatype]; +"features.4.2.block.3.0.weight" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/2/block/3/0/conv2d/0" [id=262, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.2.block.3.1.weight" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.2.block.3.1.bias" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.2.block.3.1.running_mean" [id=265, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.2.block.3.1.running_var" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/2/block/3/1/batch_norm/0" [id=267, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/2/add_/0" [id=268, type="add_", metatype=PTAddMetatype]; +"features.5.0.block.0.0.weight" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/block/0/0/conv2d/0" [id=270, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.0.block.0.1.weight" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.0.1.bias" [id=272, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.0.1.running_mean" [id=273, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.0.1.running_var" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/block/0/1/batch_norm/0" [id=275, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/0/block/0/2/silu/0" [id=276, type=silu, metatype=PTSILUMetatype]; +"features.5.0.block.1.0.weight" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/block/1/0/conv2d/0" [id=278, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.5.0.block.1.1.weight" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.1.1.bias" [id=280, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.1.1.running_mean" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.1.1.running_var" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/block/1/1/batch_norm/0" [id=283, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/0/block/1/2/silu/0" [id=284, type=silu, metatype=PTSILUMetatype]; +"features/5/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=285, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.5.0.block.2.fc1.weight" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.2.fc1.bias" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/block/2/fc1/conv2d/0" [id=288, type=conv2d, metatype=PTConv2dMetatype]; +"features/5/0/block/2/activation/silu/0" [id=289, type=silu, metatype=PTSILUMetatype]; +"features.5.0.block.2.fc2.weight" [id=290, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.2.fc2.bias" [id=291, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/block/2/fc2/conv2d/0" [id=292, type=conv2d, metatype=PTConv2dMetatype]; +"features/5/0/block/2/scale_activation/sigmoid/0" [id=293, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/0/block/2/mul/0" [id=294, type=mul, metatype=PTMulMetatype]; +"features.5.0.block.3.0.weight" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/block/3/0/conv2d/0" [id=296, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.0.block.3.1.weight" [id=297, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.3.1.bias" [id=298, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.3.1.running_mean" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.block.3.1.running_var" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/block/3/1/batch_norm/0" [id=301, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.5.1.block.0.0.weight" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/block/0/0/conv2d/0" [id=303, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.1.block.0.1.weight" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.0.1.bias" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.0.1.running_mean" [id=306, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.0.1.running_var" [id=307, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/block/0/1/batch_norm/0" [id=308, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/1/block/0/2/silu/0" [id=309, type=silu, metatype=PTSILUMetatype]; +"features.5.1.block.1.0.weight" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/block/1/0/conv2d/0" [id=311, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.5.1.block.1.1.weight" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.1.1.bias" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.1.1.running_mean" [id=314, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.1.1.running_var" [id=315, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/block/1/1/batch_norm/0" [id=316, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/1/block/1/2/silu/0" [id=317, type=silu, metatype=PTSILUMetatype]; +"features/5/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=318, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.5.1.block.2.fc1.weight" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.2.fc1.bias" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/block/2/fc1/conv2d/0" [id=321, type=conv2d, metatype=PTConv2dMetatype]; +"features/5/1/block/2/activation/silu/0" [id=322, type=silu, metatype=PTSILUMetatype]; +"features.5.1.block.2.fc2.weight" [id=323, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.2.fc2.bias" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/block/2/fc2/conv2d/0" [id=325, type=conv2d, metatype=PTConv2dMetatype]; +"features/5/1/block/2/scale_activation/sigmoid/0" [id=326, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/1/block/2/mul/0" [id=327, type=mul, metatype=PTMulMetatype]; +"features.5.1.block.3.0.weight" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/block/3/0/conv2d/0" [id=329, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.1.block.3.1.weight" [id=330, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.3.1.bias" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.3.1.running_mean" [id=332, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.block.3.1.running_var" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/block/3/1/batch_norm/0" [id=334, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/1/add_/0" [id=335, type="add_", metatype=PTAddMetatype]; +"features.5.2.block.0.0.weight" [id=336, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/block/0/0/conv2d/0" [id=337, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.2.block.0.1.weight" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.0.1.bias" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.0.1.running_mean" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.0.1.running_var" [id=341, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/block/0/1/batch_norm/0" [id=342, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/2/block/0/2/silu/0" [id=343, type=silu, metatype=PTSILUMetatype]; +"features.5.2.block.1.0.weight" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/block/1/0/conv2d/0" [id=345, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.5.2.block.1.1.weight" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.1.1.bias" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.1.1.running_mean" [id=348, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.1.1.running_var" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/block/1/1/batch_norm/0" [id=350, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/2/block/1/2/silu/0" [id=351, type=silu, metatype=PTSILUMetatype]; +"features/5/2/block/2/avgpool/adaptive_avg_pool2d/0" [id=352, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.5.2.block.2.fc1.weight" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.2.fc1.bias" [id=354, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/block/2/fc1/conv2d/0" [id=355, type=conv2d, metatype=PTConv2dMetatype]; +"features/5/2/block/2/activation/silu/0" [id=356, type=silu, metatype=PTSILUMetatype]; +"features.5.2.block.2.fc2.weight" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.2.fc2.bias" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/block/2/fc2/conv2d/0" [id=359, type=conv2d, metatype=PTConv2dMetatype]; +"features/5/2/block/2/scale_activation/sigmoid/0" [id=360, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/2/block/2/mul/0" [id=361, type=mul, metatype=PTMulMetatype]; +"features.5.2.block.3.0.weight" [id=362, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/block/3/0/conv2d/0" [id=363, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.2.block.3.1.weight" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.3.1.bias" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.3.1.running_mean" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.block.3.1.running_var" [id=367, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/block/3/1/batch_norm/0" [id=368, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/2/add_/0" [id=369, type="add_", metatype=PTAddMetatype]; +"features.6.0.block.0.0.weight" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/0/block/0/0/conv2d/0" [id=371, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.0.block.0.1.weight" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.0.block.0.1.bias" [id=373, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.0.block.0.1.running_mean" [id=374, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.0.block.0.1.running_var" [id=375, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/0/block/0/1/batch_norm/0" [id=376, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/0/block/0/2/silu/0" [id=377, type=silu, metatype=PTSILUMetatype]; +"features.6.0.block.1.0.weight" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/0/block/1/0/conv2d/0" [id=379, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.6.0.block.1.1.weight" [id=380, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.0.block.1.1.bias" [id=381, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.0.block.1.1.running_mean" [id=382, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.0.block.1.1.running_var" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/0/block/1/1/batch_norm/0" [id=384, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/0/block/1/2/silu/0" [id=385, type=silu, metatype=PTSILUMetatype]; +"features/6/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=386, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.6.0.block.2.fc1.weight" [id=387, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.0.block.2.fc1.bias" [id=388, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/0/block/2/fc1/conv2d/0" [id=389, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/0/block/2/activation/silu/0" [id=390, type=silu, metatype=PTSILUMetatype]; +"features.6.0.block.2.fc2.weight" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.0.block.2.fc2.bias" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/0/block/2/fc2/conv2d/0" [id=393, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/0/block/2/scale_activation/sigmoid/0" [id=394, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/6/0/block/2/mul/0" [id=395, type=mul, metatype=PTMulMetatype]; +"features.6.0.block.3.0.weight" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/0/block/3/0/conv2d/0" [id=397, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.0.block.3.1.weight" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.0.block.3.1.bias" [id=399, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.0.block.3.1.running_mean" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.0.block.3.1.running_var" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/0/block/3/1/batch_norm/0" [id=402, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.6.1.block.0.0.weight" [id=403, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/1/block/0/0/conv2d/0" [id=404, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.1.block.0.1.weight" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.1.block.0.1.bias" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.1.block.0.1.running_mean" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.1.block.0.1.running_var" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/1/block/0/1/batch_norm/0" [id=409, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/1/block/0/2/silu/0" [id=410, type=silu, metatype=PTSILUMetatype]; +"features.6.1.block.1.0.weight" [id=411, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/1/block/1/0/conv2d/0" [id=412, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.6.1.block.1.1.weight" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.1.block.1.1.bias" [id=414, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.1.block.1.1.running_mean" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.1.block.1.1.running_var" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/1/block/1/1/batch_norm/0" [id=417, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/1/block/1/2/silu/0" [id=418, type=silu, metatype=PTSILUMetatype]; +"features/6/1/block/2/avgpool/adaptive_avg_pool2d/0" [id=419, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.6.1.block.2.fc1.weight" [id=420, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.1.block.2.fc1.bias" [id=421, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/1/block/2/fc1/conv2d/0" [id=422, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/1/block/2/activation/silu/0" [id=423, type=silu, metatype=PTSILUMetatype]; +"features.6.1.block.2.fc2.weight" [id=424, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.1.block.2.fc2.bias" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/1/block/2/fc2/conv2d/0" [id=426, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/1/block/2/scale_activation/sigmoid/0" [id=427, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/6/1/block/2/mul/0" [id=428, type=mul, metatype=PTMulMetatype]; +"features.6.1.block.3.0.weight" [id=429, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/1/block/3/0/conv2d/0" [id=430, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.1.block.3.1.weight" [id=431, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.1.block.3.1.bias" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.1.block.3.1.running_mean" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.1.block.3.1.running_var" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/1/block/3/1/batch_norm/0" [id=435, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/1/add_/0" [id=436, type="add_", metatype=PTAddMetatype]; +"features.6.2.block.0.0.weight" [id=437, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/2/block/0/0/conv2d/0" [id=438, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.2.block.0.1.weight" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.2.block.0.1.bias" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.2.block.0.1.running_mean" [id=441, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.2.block.0.1.running_var" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/2/block/0/1/batch_norm/0" [id=443, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/2/block/0/2/silu/0" [id=444, type=silu, metatype=PTSILUMetatype]; +"features.6.2.block.1.0.weight" [id=445, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/2/block/1/0/conv2d/0" [id=446, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.6.2.block.1.1.weight" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.2.block.1.1.bias" [id=448, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.2.block.1.1.running_mean" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.2.block.1.1.running_var" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/2/block/1/1/batch_norm/0" [id=451, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/2/block/1/2/silu/0" [id=452, type=silu, metatype=PTSILUMetatype]; +"features/6/2/block/2/avgpool/adaptive_avg_pool2d/0" [id=453, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.6.2.block.2.fc1.weight" [id=454, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.2.block.2.fc1.bias" [id=455, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/2/block/2/fc1/conv2d/0" [id=456, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/2/block/2/activation/silu/0" [id=457, type=silu, metatype=PTSILUMetatype]; +"features.6.2.block.2.fc2.weight" [id=458, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.2.block.2.fc2.bias" [id=459, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/2/block/2/fc2/conv2d/0" [id=460, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/2/block/2/scale_activation/sigmoid/0" [id=461, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/6/2/block/2/mul/0" [id=462, type=mul, metatype=PTMulMetatype]; +"features.6.2.block.3.0.weight" [id=463, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/2/block/3/0/conv2d/0" [id=464, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.2.block.3.1.weight" [id=465, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.2.block.3.1.bias" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.2.block.3.1.running_mean" [id=467, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.2.block.3.1.running_var" [id=468, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/2/block/3/1/batch_norm/0" [id=469, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/2/add_/0" [id=470, type="add_", metatype=PTAddMetatype]; +"features.6.3.block.0.0.weight" [id=471, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/3/block/0/0/conv2d/0" [id=472, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.3.block.0.1.weight" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.3.block.0.1.bias" [id=474, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.3.block.0.1.running_mean" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.3.block.0.1.running_var" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/3/block/0/1/batch_norm/0" [id=477, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/3/block/0/2/silu/0" [id=478, type=silu, metatype=PTSILUMetatype]; +"features.6.3.block.1.0.weight" [id=479, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/3/block/1/0/conv2d/0" [id=480, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.6.3.block.1.1.weight" [id=481, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.3.block.1.1.bias" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.3.block.1.1.running_mean" [id=483, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.3.block.1.1.running_var" [id=484, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/3/block/1/1/batch_norm/0" [id=485, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/3/block/1/2/silu/0" [id=486, type=silu, metatype=PTSILUMetatype]; +"features/6/3/block/2/avgpool/adaptive_avg_pool2d/0" [id=487, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.6.3.block.2.fc1.weight" [id=488, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.3.block.2.fc1.bias" [id=489, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/3/block/2/fc1/conv2d/0" [id=490, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/3/block/2/activation/silu/0" [id=491, type=silu, metatype=PTSILUMetatype]; +"features.6.3.block.2.fc2.weight" [id=492, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.3.block.2.fc2.bias" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/3/block/2/fc2/conv2d/0" [id=494, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/3/block/2/scale_activation/sigmoid/0" [id=495, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/6/3/block/2/mul/0" [id=496, type=mul, metatype=PTMulMetatype]; +"features.6.3.block.3.0.weight" [id=497, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/3/block/3/0/conv2d/0" [id=498, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.3.block.3.1.weight" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.3.block.3.1.bias" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.3.block.3.1.running_mean" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.3.block.3.1.running_var" [id=502, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/3/block/3/1/batch_norm/0" [id=503, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/3/add_/0" [id=504, type="add_", metatype=PTAddMetatype]; +"features.7.0.block.0.0.weight" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/block/0/0/conv2d/0" [id=506, type=conv2d, metatype=PTConv2dMetatype]; +"features.7.0.block.0.1.weight" [id=507, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.0.1.bias" [id=508, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.0.1.running_mean" [id=509, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.0.1.running_var" [id=510, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/block/0/1/batch_norm/0" [id=511, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/7/0/block/0/2/silu/0" [id=512, type=silu, metatype=PTSILUMetatype]; +"features.7.0.block.1.0.weight" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/block/1/0/conv2d/0" [id=514, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.7.0.block.1.1.weight" [id=515, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.1.1.bias" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.1.1.running_mean" [id=517, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.1.1.running_var" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/block/1/1/batch_norm/0" [id=519, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/7/0/block/1/2/silu/0" [id=520, type=silu, metatype=PTSILUMetatype]; +"features/7/0/block/2/avgpool/adaptive_avg_pool2d/0" [id=521, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.7.0.block.2.fc1.weight" [id=522, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.2.fc1.bias" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/block/2/fc1/conv2d/0" [id=524, type=conv2d, metatype=PTConv2dMetatype]; +"features/7/0/block/2/activation/silu/0" [id=525, type=silu, metatype=PTSILUMetatype]; +"features.7.0.block.2.fc2.weight" [id=526, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.2.fc2.bias" [id=527, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/block/2/fc2/conv2d/0" [id=528, type=conv2d, metatype=PTConv2dMetatype]; +"features/7/0/block/2/scale_activation/sigmoid/0" [id=529, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/7/0/block/2/mul/0" [id=530, type=mul, metatype=PTMulMetatype]; +"features.7.0.block.3.0.weight" [id=531, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/block/3/0/conv2d/0" [id=532, type=conv2d, metatype=PTConv2dMetatype]; +"features.7.0.block.3.1.weight" [id=533, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.3.1.bias" [id=534, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.3.1.running_mean" [id=535, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.block.3.1.running_var" [id=536, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/block/3/1/batch_norm/0" [id=537, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.8.0.weight" [id=538, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/0/conv2d/0" [id=539, type=conv2d, metatype=PTConv2dMetatype]; +"features.8.1.weight" [id=540, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.1.bias" [id=541, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.1.running_mean" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.1.running_var" [id=543, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/1/batch_norm/0" [id=544, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/8/2/silu/0" [id=545, type=silu, metatype=PTSILUMetatype]; +"avgpool/adaptive_avg_pool2d/0" [id=546, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"/flatten/0" [id=547, type=flatten, metatype=PTReshapeMetatype]; +"classifier/0/dropout/0" [id=548, type=dropout, metatype=PTDropoutMetatype]; +"classifier.1.weight" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.1.bias" [id=550, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/1/linear/0" [id=551, type=linear, metatype=PTLinearMetatype]; +output [id=552, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "features/0/0/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; +"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, shape="(32, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"features/0/1/batch_norm/0" -> "features/0/2/silu/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"features/0/2/silu/0" -> "features/1/0/block/0/0/conv2d/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"features.1.0.block.0.0.weight" -> "features/1/0/block/0/0/conv2d/0" [dtype=float, shape="(32, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/1/0/block/0/0/conv2d/0" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"features.1.0.block.0.1.weight" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"features.1.0.block.0.1.bias" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features.1.0.block.0.1.running_mean" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"features.1.0.block.0.1.running_var" -> "features/1/0/block/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"features/1/0/block/0/1/batch_norm/0" -> "features/1/0/block/0/2/silu/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"features/1/0/block/0/2/silu/0" -> "features/1/0/block/1/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"features/1/0/block/0/2/silu/0" -> "features/1/0/block/1/mul/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=1]; +"features/1/0/block/1/avgpool/adaptive_avg_pool2d/0" -> "features/1/0/block/1/fc1/conv2d/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=0]; +"features.1.0.block.1.fc1.weight" -> "features/1/0/block/1/fc1/conv2d/0" [dtype=float, shape="(8, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features.1.0.block.1.fc1.bias" -> "features/1/0/block/1/fc1/conv2d/0" [dtype=float, shape="(8,)", out_port_id=0, in_port_id=2]; +"features/1/0/block/1/fc1/conv2d/0" -> "features/1/0/block/1/activation/silu/0" [dtype=float, shape="(1, 8, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/0/block/1/activation/silu/0" -> "features/1/0/block/1/fc2/conv2d/0" [dtype=float, shape="(1, 8, 1, 1)", out_port_id=0, in_port_id=0]; +"features.1.0.block.1.fc2.weight" -> "features/1/0/block/1/fc2/conv2d/0" [dtype=float, shape="(32, 8, 1, 1)", out_port_id=0, in_port_id=1]; +"features.1.0.block.1.fc2.bias" -> "features/1/0/block/1/fc2/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features/1/0/block/1/fc2/conv2d/0" -> "features/1/0/block/1/scale_activation/sigmoid/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/0/block/1/scale_activation/sigmoid/0" -> "features/1/0/block/1/mul/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/0/block/1/mul/0" -> "features/1/0/block/2/0/conv2d/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"features.1.0.block.2.0.weight" -> "features/1/0/block/2/0/conv2d/0" [dtype=float, shape="(16, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features/1/0/block/2/0/conv2d/0" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; +"features.1.0.block.2.1.weight" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; +"features.1.0.block.2.1.bias" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"features.1.0.block.2.1.running_mean" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; +"features.1.0.block.2.1.running_var" -> "features/1/0/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; +"features/1/0/block/2/1/batch_norm/0" -> "features/2/0/block/0/0/conv2d/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; +"features.2.0.block.0.0.weight" -> "features/2/0/block/0/0/conv2d/0" [dtype=float, shape="(96, 16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/2/0/block/0/0/conv2d/0" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"features.2.0.block.0.1.weight" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.2.0.block.0.1.bias" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.2.0.block.0.1.running_mean" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.2.0.block.0.1.running_var" -> "features/2/0/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/2/0/block/0/1/batch_norm/0" -> "features/2/0/block/0/2/silu/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"features/2/0/block/0/2/silu/0" -> "features/2/0/block/1/0/conv2d/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"features.2.0.block.1.0.weight" -> "features/2/0/block/1/0/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/2/0/block/1/0/conv2d/0" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.0.block.1.1.weight" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.2.0.block.1.1.bias" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.2.0.block.1.1.running_mean" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.2.0.block.1.1.running_var" -> "features/2/0/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/2/0/block/1/1/batch_norm/0" -> "features/2/0/block/1/2/silu/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/2/0/block/1/2/silu/0" -> "features/2/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/2/0/block/1/2/silu/0" -> "features/2/0/block/2/mul/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=1]; +"features/2/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/2/0/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features.2.0.block.2.fc1.weight" -> "features/2/0/block/2/fc1/conv2d/0" [dtype=float, shape="(4, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features.2.0.block.2.fc1.bias" -> "features/2/0/block/2/fc1/conv2d/0" [dtype=float, shape="(4,)", out_port_id=0, in_port_id=2]; +"features/2/0/block/2/fc1/conv2d/0" -> "features/2/0/block/2/activation/silu/0" [dtype=float, shape="(1, 4, 1, 1)", out_port_id=0, in_port_id=0]; +"features/2/0/block/2/activation/silu/0" -> "features/2/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 4, 1, 1)", out_port_id=0, in_port_id=0]; +"features.2.0.block.2.fc2.weight" -> "features/2/0/block/2/fc2/conv2d/0" [dtype=float, shape="(96, 4, 1, 1)", out_port_id=0, in_port_id=1]; +"features.2.0.block.2.fc2.bias" -> "features/2/0/block/2/fc2/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features/2/0/block/2/fc2/conv2d/0" -> "features/2/0/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features/2/0/block/2/scale_activation/sigmoid/0" -> "features/2/0/block/2/mul/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features/2/0/block/2/mul/0" -> "features/2/0/block/3/0/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.0.block.3.0.weight" -> "features/2/0/block/3/0/conv2d/0" [dtype=float, shape="(24, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/2/0/block/3/0/conv2d/0" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.0.block.3.1.weight" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"features.2.0.block.3.1.bias" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"features.2.0.block.3.1.running_mean" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"features.2.0.block.3.1.running_var" -> "features/2/0/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"features/2/0/block/3/1/batch_norm/0" -> "features/2/1/block/0/0/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"features/2/0/block/3/1/batch_norm/0" -> "features/2/1/add_/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=1]; +"features.2.1.block.0.0.weight" -> "features/2/1/block/0/0/conv2d/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"features/2/1/block/0/0/conv2d/0" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.1.block.0.1.weight" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.2.1.block.0.1.bias" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.2.1.block.0.1.running_mean" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.2.1.block.0.1.running_var" -> "features/2/1/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/2/1/block/0/1/batch_norm/0" -> "features/2/1/block/0/2/silu/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features/2/1/block/0/2/silu/0" -> "features/2/1/block/1/0/conv2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.1.block.1.0.weight" -> "features/2/1/block/1/0/conv2d/0" [dtype=float, shape="(144, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/2/1/block/1/0/conv2d/0" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.1.block.1.1.weight" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.2.1.block.1.1.bias" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.2.1.block.1.1.running_mean" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.2.1.block.1.1.running_var" -> "features/2/1/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/2/1/block/1/1/batch_norm/0" -> "features/2/1/block/1/2/silu/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features/2/1/block/1/2/silu/0" -> "features/2/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features/2/1/block/1/2/silu/0" -> "features/2/1/block/2/mul/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=1]; +"features/2/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/2/1/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features.2.1.block.2.fc1.weight" -> "features/2/1/block/2/fc1/conv2d/0" [dtype=float, shape="(6, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features.2.1.block.2.fc1.bias" -> "features/2/1/block/2/fc1/conv2d/0" [dtype=float, shape="(6,)", out_port_id=0, in_port_id=2]; +"features/2/1/block/2/fc1/conv2d/0" -> "features/2/1/block/2/activation/silu/0" [dtype=float, shape="(1, 6, 1, 1)", out_port_id=0, in_port_id=0]; +"features/2/1/block/2/activation/silu/0" -> "features/2/1/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 6, 1, 1)", out_port_id=0, in_port_id=0]; +"features.2.1.block.2.fc2.weight" -> "features/2/1/block/2/fc2/conv2d/0" [dtype=float, shape="(144, 6, 1, 1)", out_port_id=0, in_port_id=1]; +"features.2.1.block.2.fc2.bias" -> "features/2/1/block/2/fc2/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features/2/1/block/2/fc2/conv2d/0" -> "features/2/1/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features/2/1/block/2/scale_activation/sigmoid/0" -> "features/2/1/block/2/mul/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features/2/1/block/2/mul/0" -> "features/2/1/block/3/0/conv2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.1.block.3.0.weight" -> "features/2/1/block/3/0/conv2d/0" [dtype=float, shape="(24, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features/2/1/block/3/0/conv2d/0" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.1.block.3.1.weight" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"features.2.1.block.3.1.bias" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"features.2.1.block.3.1.running_mean" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"features.2.1.block.3.1.running_var" -> "features/2/1/block/3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"features/2/1/block/3/1/batch_norm/0" -> "features/2/1/add_/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"features/2/1/add_/0" -> "features/3/0/block/0/0/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"features.3.0.block.0.0.weight" -> "features/3/0/block/0/0/conv2d/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/0/block/0/0/conv2d/0" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features.3.0.block.0.1.weight" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.3.0.block.0.1.bias" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.3.0.block.0.1.running_mean" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.3.0.block.0.1.running_var" -> "features/3/0/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/3/0/block/0/1/batch_norm/0" -> "features/3/0/block/0/2/silu/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features/3/0/block/0/2/silu/0" -> "features/3/0/block/1/0/conv2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features.3.0.block.1.0.weight" -> "features/3/0/block/1/0/conv2d/0" [dtype=float, shape="(144, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/3/0/block/1/0/conv2d/0" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.0.block.1.1.weight" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.3.0.block.1.1.bias" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.3.0.block.1.1.running_mean" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.3.0.block.1.1.running_var" -> "features/3/0/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/3/0/block/1/1/batch_norm/0" -> "features/3/0/block/1/2/silu/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/0/block/1/2/silu/0" -> "features/3/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/0/block/1/2/silu/0" -> "features/3/0/block/2/mul/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=1]; +"features/3/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/3/0/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features.3.0.block.2.fc1.weight" -> "features/3/0/block/2/fc1/conv2d/0" [dtype=float, shape="(6, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features.3.0.block.2.fc1.bias" -> "features/3/0/block/2/fc1/conv2d/0" [dtype=float, shape="(6,)", out_port_id=0, in_port_id=2]; +"features/3/0/block/2/fc1/conv2d/0" -> "features/3/0/block/2/activation/silu/0" [dtype=float, shape="(1, 6, 1, 1)", out_port_id=0, in_port_id=0]; +"features/3/0/block/2/activation/silu/0" -> "features/3/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 6, 1, 1)", out_port_id=0, in_port_id=0]; +"features.3.0.block.2.fc2.weight" -> "features/3/0/block/2/fc2/conv2d/0" [dtype=float, shape="(144, 6, 1, 1)", out_port_id=0, in_port_id=1]; +"features.3.0.block.2.fc2.bias" -> "features/3/0/block/2/fc2/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features/3/0/block/2/fc2/conv2d/0" -> "features/3/0/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features/3/0/block/2/scale_activation/sigmoid/0" -> "features/3/0/block/2/mul/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features/3/0/block/2/mul/0" -> "features/3/0/block/3/0/conv2d/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.0.block.3.0.weight" -> "features/3/0/block/3/0/conv2d/0" [dtype=float, shape="(40, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/0/block/3/0/conv2d/0" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.0.block.3.1.weight" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; +"features.3.0.block.3.1.bias" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; +"features.3.0.block.3.1.running_mean" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; +"features.3.0.block.3.1.running_var" -> "features/3/0/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; +"features/3/0/block/3/1/batch_norm/0" -> "features/3/1/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/0/block/3/1/batch_norm/0" -> "features/3/1/add_/0" [dtype=float, shape="(1, 40, 8, 8)", out_port_id=0, in_port_id=1]; +"features.3.1.block.0.0.weight" -> "features/3/1/block/0/0/conv2d/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/1/block/0/0/conv2d/0" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.1.block.0.1.weight" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; +"features.3.1.block.0.1.bias" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features.3.1.block.0.1.running_mean" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; +"features.3.1.block.0.1.running_var" -> "features/3/1/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; +"features/3/1/block/0/1/batch_norm/0" -> "features/3/1/block/0/2/silu/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/1/block/0/2/silu/0" -> "features/3/1/block/1/0/conv2d/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.1.block.1.0.weight" -> "features/3/1/block/1/0/conv2d/0" [dtype=float, shape="(240, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/3/1/block/1/0/conv2d/0" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.1.block.1.1.weight" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; +"features.3.1.block.1.1.bias" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features.3.1.block.1.1.running_mean" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; +"features.3.1.block.1.1.running_var" -> "features/3/1/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; +"features/3/1/block/1/1/batch_norm/0" -> "features/3/1/block/1/2/silu/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/1/block/1/2/silu/0" -> "features/3/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/1/block/1/2/silu/0" -> "features/3/1/block/2/mul/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=1]; +"features/3/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/3/1/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features.3.1.block.2.fc1.weight" -> "features/3/1/block/2/fc1/conv2d/0" [dtype=float, shape="(10, 240, 1, 1)", out_port_id=0, in_port_id=1]; +"features.3.1.block.2.fc1.bias" -> "features/3/1/block/2/fc1/conv2d/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; +"features/3/1/block/2/fc1/conv2d/0" -> "features/3/1/block/2/activation/silu/0" [dtype=float, shape="(1, 10, 1, 1)", out_port_id=0, in_port_id=0]; +"features/3/1/block/2/activation/silu/0" -> "features/3/1/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 10, 1, 1)", out_port_id=0, in_port_id=0]; +"features.3.1.block.2.fc2.weight" -> "features/3/1/block/2/fc2/conv2d/0" [dtype=float, shape="(240, 10, 1, 1)", out_port_id=0, in_port_id=1]; +"features.3.1.block.2.fc2.bias" -> "features/3/1/block/2/fc2/conv2d/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features/3/1/block/2/fc2/conv2d/0" -> "features/3/1/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features/3/1/block/2/scale_activation/sigmoid/0" -> "features/3/1/block/2/mul/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features/3/1/block/2/mul/0" -> "features/3/1/block/3/0/conv2d/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.1.block.3.0.weight" -> "features/3/1/block/3/0/conv2d/0" [dtype=float, shape="(40, 240, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/1/block/3/0/conv2d/0" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.1.block.3.1.weight" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; +"features.3.1.block.3.1.bias" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; +"features.3.1.block.3.1.running_mean" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; +"features.3.1.block.3.1.running_var" -> "features/3/1/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; +"features/3/1/block/3/1/batch_norm/0" -> "features/3/1/add_/0" [dtype=float, shape="(1, 40, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/1/add_/0" -> "features/4/0/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 8, 8)", out_port_id=0, in_port_id=0]; +"features.4.0.block.0.0.weight" -> "features/4/0/block/0/0/conv2d/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/0/block/0/0/conv2d/0" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; +"features.4.0.block.0.1.weight" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; +"features.4.0.block.0.1.bias" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features.4.0.block.0.1.running_mean" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; +"features.4.0.block.0.1.running_var" -> "features/4/0/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; +"features/4/0/block/0/1/batch_norm/0" -> "features/4/0/block/0/2/silu/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; +"features/4/0/block/0/2/silu/0" -> "features/4/0/block/1/0/conv2d/0" [dtype=float, shape="(1, 240, 8, 8)", out_port_id=0, in_port_id=0]; +"features.4.0.block.1.0.weight" -> "features/4/0/block/1/0/conv2d/0" [dtype=float, shape="(240, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/4/0/block/1/0/conv2d/0" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.0.block.1.1.weight" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; +"features.4.0.block.1.1.bias" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features.4.0.block.1.1.running_mean" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; +"features.4.0.block.1.1.running_var" -> "features/4/0/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; +"features/4/0/block/1/1/batch_norm/0" -> "features/4/0/block/1/2/silu/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/0/block/1/2/silu/0" -> "features/4/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/0/block/1/2/silu/0" -> "features/4/0/block/2/mul/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=1]; +"features/4/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/0/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features.4.0.block.2.fc1.weight" -> "features/4/0/block/2/fc1/conv2d/0" [dtype=float, shape="(10, 240, 1, 1)", out_port_id=0, in_port_id=1]; +"features.4.0.block.2.fc1.bias" -> "features/4/0/block/2/fc1/conv2d/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; +"features/4/0/block/2/fc1/conv2d/0" -> "features/4/0/block/2/activation/silu/0" [dtype=float, shape="(1, 10, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/0/block/2/activation/silu/0" -> "features/4/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 10, 1, 1)", out_port_id=0, in_port_id=0]; +"features.4.0.block.2.fc2.weight" -> "features/4/0/block/2/fc2/conv2d/0" [dtype=float, shape="(240, 10, 1, 1)", out_port_id=0, in_port_id=1]; +"features.4.0.block.2.fc2.bias" -> "features/4/0/block/2/fc2/conv2d/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features/4/0/block/2/fc2/conv2d/0" -> "features/4/0/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/0/block/2/scale_activation/sigmoid/0" -> "features/4/0/block/2/mul/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/0/block/2/mul/0" -> "features/4/0/block/3/0/conv2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.0.block.3.0.weight" -> "features/4/0/block/3/0/conv2d/0" [dtype=float, shape="(80, 240, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/0/block/3/0/conv2d/0" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.0.block.3.1.weight" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=1]; +"features.4.0.block.3.1.bias" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=2]; +"features.4.0.block.3.1.running_mean" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=3]; +"features.4.0.block.3.1.running_var" -> "features/4/0/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=4]; +"features/4/0/block/3/1/batch_norm/0" -> "features/4/1/block/0/0/conv2d/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/0/block/3/1/batch_norm/0" -> "features/4/1/add_/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=1]; +"features.4.1.block.0.0.weight" -> "features/4/1/block/0/0/conv2d/0" [dtype=float, shape="(480, 80, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/1/block/0/0/conv2d/0" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.1.block.0.1.weight" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; +"features.4.1.block.0.1.bias" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; +"features.4.1.block.0.1.running_mean" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; +"features.4.1.block.0.1.running_var" -> "features/4/1/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; +"features/4/1/block/0/1/batch_norm/0" -> "features/4/1/block/0/2/silu/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/1/block/0/2/silu/0" -> "features/4/1/block/1/0/conv2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.1.block.1.0.weight" -> "features/4/1/block/1/0/conv2d/0" [dtype=float, shape="(480, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/4/1/block/1/0/conv2d/0" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.1.block.1.1.weight" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; +"features.4.1.block.1.1.bias" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; +"features.4.1.block.1.1.running_mean" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; +"features.4.1.block.1.1.running_var" -> "features/4/1/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; +"features/4/1/block/1/1/batch_norm/0" -> "features/4/1/block/1/2/silu/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/1/block/1/2/silu/0" -> "features/4/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/1/block/1/2/silu/0" -> "features/4/1/block/2/mul/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=1]; +"features/4/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/1/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"features.4.1.block.2.fc1.weight" -> "features/4/1/block/2/fc1/conv2d/0" [dtype=float, shape="(20, 480, 1, 1)", out_port_id=0, in_port_id=1]; +"features.4.1.block.2.fc1.bias" -> "features/4/1/block/2/fc1/conv2d/0" [dtype=float, shape="(20,)", out_port_id=0, in_port_id=2]; +"features/4/1/block/2/fc1/conv2d/0" -> "features/4/1/block/2/activation/silu/0" [dtype=float, shape="(1, 20, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/1/block/2/activation/silu/0" -> "features/4/1/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 20, 1, 1)", out_port_id=0, in_port_id=0]; +"features.4.1.block.2.fc2.weight" -> "features/4/1/block/2/fc2/conv2d/0" [dtype=float, shape="(480, 20, 1, 1)", out_port_id=0, in_port_id=1]; +"features.4.1.block.2.fc2.bias" -> "features/4/1/block/2/fc2/conv2d/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; +"features/4/1/block/2/fc2/conv2d/0" -> "features/4/1/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/1/block/2/scale_activation/sigmoid/0" -> "features/4/1/block/2/mul/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/1/block/2/mul/0" -> "features/4/1/block/3/0/conv2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.1.block.3.0.weight" -> "features/4/1/block/3/0/conv2d/0" [dtype=float, shape="(80, 480, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/1/block/3/0/conv2d/0" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.1.block.3.1.weight" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=1]; +"features.4.1.block.3.1.bias" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=2]; +"features.4.1.block.3.1.running_mean" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=3]; +"features.4.1.block.3.1.running_var" -> "features/4/1/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=4]; +"features/4/1/block/3/1/batch_norm/0" -> "features/4/1/add_/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/1/add_/0" -> "features/4/2/block/0/0/conv2d/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/1/add_/0" -> "features/4/2/add_/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=1]; +"features.4.2.block.0.0.weight" -> "features/4/2/block/0/0/conv2d/0" [dtype=float, shape="(480, 80, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/2/block/0/0/conv2d/0" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.2.block.0.1.weight" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; +"features.4.2.block.0.1.bias" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; +"features.4.2.block.0.1.running_mean" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; +"features.4.2.block.0.1.running_var" -> "features/4/2/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; +"features/4/2/block/0/1/batch_norm/0" -> "features/4/2/block/0/2/silu/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/2/block/0/2/silu/0" -> "features/4/2/block/1/0/conv2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.2.block.1.0.weight" -> "features/4/2/block/1/0/conv2d/0" [dtype=float, shape="(480, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/4/2/block/1/0/conv2d/0" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.2.block.1.1.weight" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; +"features.4.2.block.1.1.bias" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; +"features.4.2.block.1.1.running_mean" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; +"features.4.2.block.1.1.running_var" -> "features/4/2/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; +"features/4/2/block/1/1/batch_norm/0" -> "features/4/2/block/1/2/silu/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/2/block/1/2/silu/0" -> "features/4/2/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/2/block/1/2/silu/0" -> "features/4/2/block/2/mul/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=1]; +"features/4/2/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/2/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"features.4.2.block.2.fc1.weight" -> "features/4/2/block/2/fc1/conv2d/0" [dtype=float, shape="(20, 480, 1, 1)", out_port_id=0, in_port_id=1]; +"features.4.2.block.2.fc1.bias" -> "features/4/2/block/2/fc1/conv2d/0" [dtype=float, shape="(20,)", out_port_id=0, in_port_id=2]; +"features/4/2/block/2/fc1/conv2d/0" -> "features/4/2/block/2/activation/silu/0" [dtype=float, shape="(1, 20, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/2/block/2/activation/silu/0" -> "features/4/2/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 20, 1, 1)", out_port_id=0, in_port_id=0]; +"features.4.2.block.2.fc2.weight" -> "features/4/2/block/2/fc2/conv2d/0" [dtype=float, shape="(480, 20, 1, 1)", out_port_id=0, in_port_id=1]; +"features.4.2.block.2.fc2.bias" -> "features/4/2/block/2/fc2/conv2d/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; +"features/4/2/block/2/fc2/conv2d/0" -> "features/4/2/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/2/block/2/scale_activation/sigmoid/0" -> "features/4/2/block/2/mul/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/2/block/2/mul/0" -> "features/4/2/block/3/0/conv2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.2.block.3.0.weight" -> "features/4/2/block/3/0/conv2d/0" [dtype=float, shape="(80, 480, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/2/block/3/0/conv2d/0" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.2.block.3.1.weight" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=1]; +"features.4.2.block.3.1.bias" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=2]; +"features.4.2.block.3.1.running_mean" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=3]; +"features.4.2.block.3.1.running_var" -> "features/4/2/block/3/1/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=4]; +"features/4/2/block/3/1/batch_norm/0" -> "features/4/2/add_/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/2/add_/0" -> "features/5/0/block/0/0/conv2d/0" [dtype=float, shape="(1, 80, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.0.block.0.0.weight" -> "features/5/0/block/0/0/conv2d/0" [dtype=float, shape="(480, 80, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/0/block/0/0/conv2d/0" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.0.block.0.1.weight" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; +"features.5.0.block.0.1.bias" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; +"features.5.0.block.0.1.running_mean" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; +"features.5.0.block.0.1.running_var" -> "features/5/0/block/0/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; +"features/5/0/block/0/1/batch_norm/0" -> "features/5/0/block/0/2/silu/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/0/block/0/2/silu/0" -> "features/5/0/block/1/0/conv2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.0.block.1.0.weight" -> "features/5/0/block/1/0/conv2d/0" [dtype=float, shape="(480, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/5/0/block/1/0/conv2d/0" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.0.block.1.1.weight" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; +"features.5.0.block.1.1.bias" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; +"features.5.0.block.1.1.running_mean" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; +"features.5.0.block.1.1.running_var" -> "features/5/0/block/1/1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; +"features/5/0/block/1/1/batch_norm/0" -> "features/5/0/block/1/2/silu/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/0/block/1/2/silu/0" -> "features/5/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/0/block/1/2/silu/0" -> "features/5/0/block/2/mul/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=1]; +"features/5/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/0/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"features.5.0.block.2.fc1.weight" -> "features/5/0/block/2/fc1/conv2d/0" [dtype=float, shape="(20, 480, 1, 1)", out_port_id=0, in_port_id=1]; +"features.5.0.block.2.fc1.bias" -> "features/5/0/block/2/fc1/conv2d/0" [dtype=float, shape="(20,)", out_port_id=0, in_port_id=2]; +"features/5/0/block/2/fc1/conv2d/0" -> "features/5/0/block/2/activation/silu/0" [dtype=float, shape="(1, 20, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/0/block/2/activation/silu/0" -> "features/5/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 20, 1, 1)", out_port_id=0, in_port_id=0]; +"features.5.0.block.2.fc2.weight" -> "features/5/0/block/2/fc2/conv2d/0" [dtype=float, shape="(480, 20, 1, 1)", out_port_id=0, in_port_id=1]; +"features.5.0.block.2.fc2.bias" -> "features/5/0/block/2/fc2/conv2d/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; +"features/5/0/block/2/fc2/conv2d/0" -> "features/5/0/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/0/block/2/scale_activation/sigmoid/0" -> "features/5/0/block/2/mul/0" [dtype=float, shape="(1, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/0/block/2/mul/0" -> "features/5/0/block/3/0/conv2d/0" [dtype=float, shape="(1, 480, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.0.block.3.0.weight" -> "features/5/0/block/3/0/conv2d/0" [dtype=float, shape="(112, 480, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/0/block/3/0/conv2d/0" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.0.block.3.1.weight" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=1]; +"features.5.0.block.3.1.bias" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=2]; +"features.5.0.block.3.1.running_mean" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=3]; +"features.5.0.block.3.1.running_var" -> "features/5/0/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=4]; +"features/5/0/block/3/1/batch_norm/0" -> "features/5/1/block/0/0/conv2d/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/0/block/3/1/batch_norm/0" -> "features/5/1/add_/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.1.block.0.0.weight" -> "features/5/1/block/0/0/conv2d/0" [dtype=float, shape="(672, 112, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/1/block/0/0/conv2d/0" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.1.block.0.1.weight" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; +"features.5.1.block.0.1.bias" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; +"features.5.1.block.0.1.running_mean" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; +"features.5.1.block.0.1.running_var" -> "features/5/1/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; +"features/5/1/block/0/1/batch_norm/0" -> "features/5/1/block/0/2/silu/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/1/block/0/2/silu/0" -> "features/5/1/block/1/0/conv2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.1.block.1.0.weight" -> "features/5/1/block/1/0/conv2d/0" [dtype=float, shape="(672, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/5/1/block/1/0/conv2d/0" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.1.block.1.1.weight" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; +"features.5.1.block.1.1.bias" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; +"features.5.1.block.1.1.running_mean" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; +"features.5.1.block.1.1.running_var" -> "features/5/1/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; +"features/5/1/block/1/1/batch_norm/0" -> "features/5/1/block/1/2/silu/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/1/block/1/2/silu/0" -> "features/5/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/1/block/1/2/silu/0" -> "features/5/1/block/2/mul/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=1]; +"features/5/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/1/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; +"features.5.1.block.2.fc1.weight" -> "features/5/1/block/2/fc1/conv2d/0" [dtype=float, shape="(28, 672, 1, 1)", out_port_id=0, in_port_id=1]; +"features.5.1.block.2.fc1.bias" -> "features/5/1/block/2/fc1/conv2d/0" [dtype=float, shape="(28,)", out_port_id=0, in_port_id=2]; +"features/5/1/block/2/fc1/conv2d/0" -> "features/5/1/block/2/activation/silu/0" [dtype=float, shape="(1, 28, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/1/block/2/activation/silu/0" -> "features/5/1/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 28, 1, 1)", out_port_id=0, in_port_id=0]; +"features.5.1.block.2.fc2.weight" -> "features/5/1/block/2/fc2/conv2d/0" [dtype=float, shape="(672, 28, 1, 1)", out_port_id=0, in_port_id=1]; +"features.5.1.block.2.fc2.bias" -> "features/5/1/block/2/fc2/conv2d/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; +"features/5/1/block/2/fc2/conv2d/0" -> "features/5/1/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/1/block/2/scale_activation/sigmoid/0" -> "features/5/1/block/2/mul/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/1/block/2/mul/0" -> "features/5/1/block/3/0/conv2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.1.block.3.0.weight" -> "features/5/1/block/3/0/conv2d/0" [dtype=float, shape="(112, 672, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/1/block/3/0/conv2d/0" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.1.block.3.1.weight" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=1]; +"features.5.1.block.3.1.bias" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=2]; +"features.5.1.block.3.1.running_mean" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=3]; +"features.5.1.block.3.1.running_var" -> "features/5/1/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=4]; +"features/5/1/block/3/1/batch_norm/0" -> "features/5/1/add_/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/1/add_/0" -> "features/5/2/block/0/0/conv2d/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/1/add_/0" -> "features/5/2/add_/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.2.block.0.0.weight" -> "features/5/2/block/0/0/conv2d/0" [dtype=float, shape="(672, 112, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/2/block/0/0/conv2d/0" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.2.block.0.1.weight" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; +"features.5.2.block.0.1.bias" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; +"features.5.2.block.0.1.running_mean" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; +"features.5.2.block.0.1.running_var" -> "features/5/2/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; +"features/5/2/block/0/1/batch_norm/0" -> "features/5/2/block/0/2/silu/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/2/block/0/2/silu/0" -> "features/5/2/block/1/0/conv2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.2.block.1.0.weight" -> "features/5/2/block/1/0/conv2d/0" [dtype=float, shape="(672, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/5/2/block/1/0/conv2d/0" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.2.block.1.1.weight" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; +"features.5.2.block.1.1.bias" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; +"features.5.2.block.1.1.running_mean" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; +"features.5.2.block.1.1.running_var" -> "features/5/2/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; +"features/5/2/block/1/1/batch_norm/0" -> "features/5/2/block/1/2/silu/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/2/block/1/2/silu/0" -> "features/5/2/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/2/block/1/2/silu/0" -> "features/5/2/block/2/mul/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=1]; +"features/5/2/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/2/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; +"features.5.2.block.2.fc1.weight" -> "features/5/2/block/2/fc1/conv2d/0" [dtype=float, shape="(28, 672, 1, 1)", out_port_id=0, in_port_id=1]; +"features.5.2.block.2.fc1.bias" -> "features/5/2/block/2/fc1/conv2d/0" [dtype=float, shape="(28,)", out_port_id=0, in_port_id=2]; +"features/5/2/block/2/fc1/conv2d/0" -> "features/5/2/block/2/activation/silu/0" [dtype=float, shape="(1, 28, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/2/block/2/activation/silu/0" -> "features/5/2/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 28, 1, 1)", out_port_id=0, in_port_id=0]; +"features.5.2.block.2.fc2.weight" -> "features/5/2/block/2/fc2/conv2d/0" [dtype=float, shape="(672, 28, 1, 1)", out_port_id=0, in_port_id=1]; +"features.5.2.block.2.fc2.bias" -> "features/5/2/block/2/fc2/conv2d/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; +"features/5/2/block/2/fc2/conv2d/0" -> "features/5/2/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/2/block/2/scale_activation/sigmoid/0" -> "features/5/2/block/2/mul/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/2/block/2/mul/0" -> "features/5/2/block/3/0/conv2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.2.block.3.0.weight" -> "features/5/2/block/3/0/conv2d/0" [dtype=float, shape="(112, 672, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/2/block/3/0/conv2d/0" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.2.block.3.1.weight" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=1]; +"features.5.2.block.3.1.bias" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=2]; +"features.5.2.block.3.1.running_mean" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=3]; +"features.5.2.block.3.1.running_var" -> "features/5/2/block/3/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=4]; +"features/5/2/block/3/1/batch_norm/0" -> "features/5/2/add_/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/2/add_/0" -> "features/6/0/block/0/0/conv2d/0" [dtype=float, shape="(1, 112, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.0.block.0.0.weight" -> "features/6/0/block/0/0/conv2d/0" [dtype=float, shape="(672, 112, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/0/block/0/0/conv2d/0" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.0.block.0.1.weight" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; +"features.6.0.block.0.1.bias" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; +"features.6.0.block.0.1.running_mean" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; +"features.6.0.block.0.1.running_var" -> "features/6/0/block/0/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; +"features/6/0/block/0/1/batch_norm/0" -> "features/6/0/block/0/2/silu/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features/6/0/block/0/2/silu/0" -> "features/6/0/block/1/0/conv2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.0.block.1.0.weight" -> "features/6/0/block/1/0/conv2d/0" [dtype=float, shape="(672, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/6/0/block/1/0/conv2d/0" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.0.block.1.1.weight" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; +"features.6.0.block.1.1.bias" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; +"features.6.0.block.1.1.running_mean" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; +"features.6.0.block.1.1.running_var" -> "features/6/0/block/1/1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; +"features/6/0/block/1/1/batch_norm/0" -> "features/6/0/block/1/2/silu/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/0/block/1/2/silu/0" -> "features/6/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/0/block/1/2/silu/0" -> "features/6/0/block/2/mul/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=1]; +"features/6/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/0/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; +"features.6.0.block.2.fc1.weight" -> "features/6/0/block/2/fc1/conv2d/0" [dtype=float, shape="(28, 672, 1, 1)", out_port_id=0, in_port_id=1]; +"features.6.0.block.2.fc1.bias" -> "features/6/0/block/2/fc1/conv2d/0" [dtype=float, shape="(28,)", out_port_id=0, in_port_id=2]; +"features/6/0/block/2/fc1/conv2d/0" -> "features/6/0/block/2/activation/silu/0" [dtype=float, shape="(1, 28, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/0/block/2/activation/silu/0" -> "features/6/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 28, 1, 1)", out_port_id=0, in_port_id=0]; +"features.6.0.block.2.fc2.weight" -> "features/6/0/block/2/fc2/conv2d/0" [dtype=float, shape="(672, 28, 1, 1)", out_port_id=0, in_port_id=1]; +"features.6.0.block.2.fc2.bias" -> "features/6/0/block/2/fc2/conv2d/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; +"features/6/0/block/2/fc2/conv2d/0" -> "features/6/0/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/0/block/2/scale_activation/sigmoid/0" -> "features/6/0/block/2/mul/0" [dtype=float, shape="(1, 672, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/0/block/2/mul/0" -> "features/6/0/block/3/0/conv2d/0" [dtype=float, shape="(1, 672, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.0.block.3.0.weight" -> "features/6/0/block/3/0/conv2d/0" [dtype=float, shape="(192, 672, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/0/block/3/0/conv2d/0" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.0.block.3.1.weight" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.6.0.block.3.1.bias" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.6.0.block.3.1.running_mean" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.6.0.block.3.1.running_var" -> "features/6/0/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/6/0/block/3/1/batch_norm/0" -> "features/6/1/block/0/0/conv2d/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/0/block/3/1/batch_norm/0" -> "features/6/1/add_/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=1]; +"features.6.1.block.0.0.weight" -> "features/6/1/block/0/0/conv2d/0" [dtype=float, shape="(1152, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/1/block/0/0/conv2d/0" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.1.block.0.1.weight" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; +"features.6.1.block.0.1.bias" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; +"features.6.1.block.0.1.running_mean" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; +"features.6.1.block.0.1.running_var" -> "features/6/1/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; +"features/6/1/block/0/1/batch_norm/0" -> "features/6/1/block/0/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/1/block/0/2/silu/0" -> "features/6/1/block/1/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.1.block.1.0.weight" -> "features/6/1/block/1/0/conv2d/0" [dtype=float, shape="(1152, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/6/1/block/1/0/conv2d/0" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.1.block.1.1.weight" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; +"features.6.1.block.1.1.bias" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; +"features.6.1.block.1.1.running_mean" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; +"features.6.1.block.1.1.running_var" -> "features/6/1/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; +"features/6/1/block/1/1/batch_norm/0" -> "features/6/1/block/1/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/1/block/1/2/silu/0" -> "features/6/1/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/1/block/1/2/silu/0" -> "features/6/1/block/2/mul/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=1]; +"features/6/1/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/1/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; +"features.6.1.block.2.fc1.weight" -> "features/6/1/block/2/fc1/conv2d/0" [dtype=float, shape="(48, 1152, 1, 1)", out_port_id=0, in_port_id=1]; +"features.6.1.block.2.fc1.bias" -> "features/6/1/block/2/fc1/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"features/6/1/block/2/fc1/conv2d/0" -> "features/6/1/block/2/activation/silu/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/1/block/2/activation/silu/0" -> "features/6/1/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features.6.1.block.2.fc2.weight" -> "features/6/1/block/2/fc2/conv2d/0" [dtype=float, shape="(1152, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"features.6.1.block.2.fc2.bias" -> "features/6/1/block/2/fc2/conv2d/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; +"features/6/1/block/2/fc2/conv2d/0" -> "features/6/1/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/1/block/2/scale_activation/sigmoid/0" -> "features/6/1/block/2/mul/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/1/block/2/mul/0" -> "features/6/1/block/3/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.1.block.3.0.weight" -> "features/6/1/block/3/0/conv2d/0" [dtype=float, shape="(192, 1152, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/1/block/3/0/conv2d/0" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.1.block.3.1.weight" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.6.1.block.3.1.bias" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.6.1.block.3.1.running_mean" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.6.1.block.3.1.running_var" -> "features/6/1/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/6/1/block/3/1/batch_norm/0" -> "features/6/1/add_/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/1/add_/0" -> "features/6/2/block/0/0/conv2d/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/1/add_/0" -> "features/6/2/add_/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=1]; +"features.6.2.block.0.0.weight" -> "features/6/2/block/0/0/conv2d/0" [dtype=float, shape="(1152, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/2/block/0/0/conv2d/0" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.2.block.0.1.weight" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; +"features.6.2.block.0.1.bias" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; +"features.6.2.block.0.1.running_mean" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; +"features.6.2.block.0.1.running_var" -> "features/6/2/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; +"features/6/2/block/0/1/batch_norm/0" -> "features/6/2/block/0/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/2/block/0/2/silu/0" -> "features/6/2/block/1/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.2.block.1.0.weight" -> "features/6/2/block/1/0/conv2d/0" [dtype=float, shape="(1152, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/6/2/block/1/0/conv2d/0" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.2.block.1.1.weight" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; +"features.6.2.block.1.1.bias" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; +"features.6.2.block.1.1.running_mean" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; +"features.6.2.block.1.1.running_var" -> "features/6/2/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; +"features/6/2/block/1/1/batch_norm/0" -> "features/6/2/block/1/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/2/block/1/2/silu/0" -> "features/6/2/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/2/block/1/2/silu/0" -> "features/6/2/block/2/mul/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=1]; +"features/6/2/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/2/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; +"features.6.2.block.2.fc1.weight" -> "features/6/2/block/2/fc1/conv2d/0" [dtype=float, shape="(48, 1152, 1, 1)", out_port_id=0, in_port_id=1]; +"features.6.2.block.2.fc1.bias" -> "features/6/2/block/2/fc1/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"features/6/2/block/2/fc1/conv2d/0" -> "features/6/2/block/2/activation/silu/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/2/block/2/activation/silu/0" -> "features/6/2/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features.6.2.block.2.fc2.weight" -> "features/6/2/block/2/fc2/conv2d/0" [dtype=float, shape="(1152, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"features.6.2.block.2.fc2.bias" -> "features/6/2/block/2/fc2/conv2d/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; +"features/6/2/block/2/fc2/conv2d/0" -> "features/6/2/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/2/block/2/scale_activation/sigmoid/0" -> "features/6/2/block/2/mul/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/2/block/2/mul/0" -> "features/6/2/block/3/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.2.block.3.0.weight" -> "features/6/2/block/3/0/conv2d/0" [dtype=float, shape="(192, 1152, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/2/block/3/0/conv2d/0" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.2.block.3.1.weight" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.6.2.block.3.1.bias" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.6.2.block.3.1.running_mean" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.6.2.block.3.1.running_var" -> "features/6/2/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/6/2/block/3/1/batch_norm/0" -> "features/6/2/add_/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/2/add_/0" -> "features/6/3/block/0/0/conv2d/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/2/add_/0" -> "features/6/3/add_/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=1]; +"features.6.3.block.0.0.weight" -> "features/6/3/block/0/0/conv2d/0" [dtype=float, shape="(1152, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/3/block/0/0/conv2d/0" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.3.block.0.1.weight" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; +"features.6.3.block.0.1.bias" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; +"features.6.3.block.0.1.running_mean" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; +"features.6.3.block.0.1.running_var" -> "features/6/3/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; +"features/6/3/block/0/1/batch_norm/0" -> "features/6/3/block/0/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/3/block/0/2/silu/0" -> "features/6/3/block/1/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.3.block.1.0.weight" -> "features/6/3/block/1/0/conv2d/0" [dtype=float, shape="(1152, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/6/3/block/1/0/conv2d/0" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.3.block.1.1.weight" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; +"features.6.3.block.1.1.bias" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; +"features.6.3.block.1.1.running_mean" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; +"features.6.3.block.1.1.running_var" -> "features/6/3/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; +"features/6/3/block/1/1/batch_norm/0" -> "features/6/3/block/1/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/3/block/1/2/silu/0" -> "features/6/3/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/3/block/1/2/silu/0" -> "features/6/3/block/2/mul/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=1]; +"features/6/3/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/3/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; +"features.6.3.block.2.fc1.weight" -> "features/6/3/block/2/fc1/conv2d/0" [dtype=float, shape="(48, 1152, 1, 1)", out_port_id=0, in_port_id=1]; +"features.6.3.block.2.fc1.bias" -> "features/6/3/block/2/fc1/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"features/6/3/block/2/fc1/conv2d/0" -> "features/6/3/block/2/activation/silu/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/3/block/2/activation/silu/0" -> "features/6/3/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features.6.3.block.2.fc2.weight" -> "features/6/3/block/2/fc2/conv2d/0" [dtype=float, shape="(1152, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"features.6.3.block.2.fc2.bias" -> "features/6/3/block/2/fc2/conv2d/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; +"features/6/3/block/2/fc2/conv2d/0" -> "features/6/3/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/3/block/2/scale_activation/sigmoid/0" -> "features/6/3/block/2/mul/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/3/block/2/mul/0" -> "features/6/3/block/3/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.3.block.3.0.weight" -> "features/6/3/block/3/0/conv2d/0" [dtype=float, shape="(192, 1152, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/3/block/3/0/conv2d/0" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.3.block.3.1.weight" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.6.3.block.3.1.bias" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.6.3.block.3.1.running_mean" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.6.3.block.3.1.running_var" -> "features/6/3/block/3/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/6/3/block/3/1/batch_norm/0" -> "features/6/3/add_/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/3/add_/0" -> "features/7/0/block/0/0/conv2d/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.0.block.0.0.weight" -> "features/7/0/block/0/0/conv2d/0" [dtype=float, shape="(1152, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"features/7/0/block/0/0/conv2d/0" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.0.block.0.1.weight" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; +"features.7.0.block.0.1.bias" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; +"features.7.0.block.0.1.running_mean" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; +"features.7.0.block.0.1.running_var" -> "features/7/0/block/0/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; +"features/7/0/block/0/1/batch_norm/0" -> "features/7/0/block/0/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/0/block/0/2/silu/0" -> "features/7/0/block/1/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.0.block.1.0.weight" -> "features/7/0/block/1/0/conv2d/0" [dtype=float, shape="(1152, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/7/0/block/1/0/conv2d/0" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.0.block.1.1.weight" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=1]; +"features.7.0.block.1.1.bias" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; +"features.7.0.block.1.1.running_mean" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=3]; +"features.7.0.block.1.1.running_var" -> "features/7/0/block/1/1/batch_norm/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=4]; +"features/7/0/block/1/1/batch_norm/0" -> "features/7/0/block/1/2/silu/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/0/block/1/2/silu/0" -> "features/7/0/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/0/block/1/2/silu/0" -> "features/7/0/block/2/mul/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=1]; +"features/7/0/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/7/0/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; +"features.7.0.block.2.fc1.weight" -> "features/7/0/block/2/fc1/conv2d/0" [dtype=float, shape="(48, 1152, 1, 1)", out_port_id=0, in_port_id=1]; +"features.7.0.block.2.fc1.bias" -> "features/7/0/block/2/fc1/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"features/7/0/block/2/fc1/conv2d/0" -> "features/7/0/block/2/activation/silu/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/0/block/2/activation/silu/0" -> "features/7/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features.7.0.block.2.fc2.weight" -> "features/7/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1152, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"features.7.0.block.2.fc2.bias" -> "features/7/0/block/2/fc2/conv2d/0" [dtype=float, shape="(1152,)", out_port_id=0, in_port_id=2]; +"features/7/0/block/2/fc2/conv2d/0" -> "features/7/0/block/2/scale_activation/sigmoid/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/0/block/2/scale_activation/sigmoid/0" -> "features/7/0/block/2/mul/0" [dtype=float, shape="(1, 1152, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/0/block/2/mul/0" -> "features/7/0/block/3/0/conv2d/0" [dtype=float, shape="(1, 1152, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.0.block.3.0.weight" -> "features/7/0/block/3/0/conv2d/0" [dtype=float, shape="(320, 1152, 1, 1)", out_port_id=0, in_port_id=1]; +"features/7/0/block/3/0/conv2d/0" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, shape="(1, 320, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.0.block.3.1.weight" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"features.7.0.block.3.1.bias" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"features.7.0.block.3.1.running_mean" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"features.7.0.block.3.1.running_var" -> "features/7/0/block/3/1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"features/7/0/block/3/1/batch_norm/0" -> "features/8/0/conv2d/0" [dtype=float, shape="(1, 320, 2, 2)", out_port_id=0, in_port_id=0]; +"features.8.0.weight" -> "features/8/0/conv2d/0" [dtype=float, shape="(1280, 320, 1, 1)", out_port_id=0, in_port_id=1]; +"features/8/0/conv2d/0" -> "features/8/1/batch_norm/0" [dtype=float, shape="(1, 1280, 2, 2)", out_port_id=0, in_port_id=0]; +"features.8.1.weight" -> "features/8/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=1]; +"features.8.1.bias" -> "features/8/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=2]; +"features.8.1.running_mean" -> "features/8/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=3]; +"features.8.1.running_var" -> "features/8/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=4]; +"features/8/1/batch_norm/0" -> "features/8/2/silu/0" [dtype=float, shape="(1, 1280, 2, 2)", out_port_id=0, in_port_id=0]; +"features/8/2/silu/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1280, 2, 2)", out_port_id=0, in_port_id=0]; +"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; +"/flatten/0" -> "classifier/0/dropout/0" [dtype=float, shape="(1, 1280)", out_port_id=0, in_port_id=0]; +"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, shape="(1, 1280)", out_port_id=0, in_port_id=0]; +"classifier.1.weight" -> "classifier/1/linear/0" [dtype=float, shape="(1000, 1280)", out_port_id=0, in_port_id=1]; +"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"classifier/1/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_inception_v3.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_inception_v3.dot index dd01616aed7..cb7b39259ca 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_inception_v3.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_inception_v3.dot @@ -1,1612 +1,1612 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"Conv2d_1a_3x3.conv.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_1a_3x3/conv/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; -"Conv2d_1a_3x3.bn.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_1a_3x3.bn.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_1a_3x3.bn.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_1a_3x3.bn.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_1a_3x3/bn/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Conv2d_1a_3x3/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; -"Conv2d_2a_3x3.conv.weight" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2a_3x3/conv/conv2d/0" [id=10, metatype=PTConv2dMetatype, type=conv2d]; -"Conv2d_2a_3x3.bn.weight" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2a_3x3.bn.bias" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2a_3x3.bn.running_mean" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2a_3x3.bn.running_var" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2a_3x3/bn/batch_norm/0" [id=15, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Conv2d_2a_3x3/relu_/0" [id=16, metatype=PTRELUMetatype, type=relu_]; -"Conv2d_2b_3x3.conv.weight" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2b_3x3/conv/conv2d/0" [id=18, metatype=PTConv2dMetatype, type=conv2d]; -"Conv2d_2b_3x3.bn.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2b_3x3.bn.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2b_3x3.bn.running_mean" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2b_3x3.bn.running_var" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2b_3x3/bn/batch_norm/0" [id=23, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Conv2d_2b_3x3/relu_/0" [id=24, metatype=PTRELUMetatype, type=relu_]; -"maxpool1/max_pool2d/0" [id=25, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"Conv2d_3b_1x1.conv.weight" [id=26, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_3b_1x1/conv/conv2d/0" [id=27, metatype=PTConv2dMetatype, type=conv2d]; -"Conv2d_3b_1x1.bn.weight" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_3b_1x1.bn.bias" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_3b_1x1.bn.running_mean" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_3b_1x1.bn.running_var" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_3b_1x1/bn/batch_norm/0" [id=32, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Conv2d_3b_1x1/relu_/0" [id=33, metatype=PTRELUMetatype, type=relu_]; -"Conv2d_4a_3x3.conv.weight" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_4a_3x3/conv/conv2d/0" [id=35, metatype=PTConv2dMetatype, type=conv2d]; -"Conv2d_4a_3x3.bn.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_4a_3x3.bn.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_4a_3x3.bn.running_mean" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_4a_3x3.bn.running_var" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_4a_3x3/bn/batch_norm/0" [id=40, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Conv2d_4a_3x3/relu_/0" [id=41, metatype=PTRELUMetatype, type=relu_]; -"maxpool2/max_pool2d/0" [id=42, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"Mixed_5b.branch1x1.conv.weight" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch1x1/conv/conv2d/0" [id=44, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5b.branch1x1.bn.weight" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch1x1.bn.bias" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch1x1.bn.running_mean" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch1x1.bn.running_var" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch1x1/bn/batch_norm/0" [id=49, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5b/branch1x1/relu_/0" [id=50, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5b.branch5x5_1.conv.weight" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch5x5_1/conv/conv2d/0" [id=52, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5b.branch5x5_1.bn.weight" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch5x5_1.bn.bias" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch5x5_1.bn.running_mean" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch5x5_1.bn.running_var" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch5x5_1/bn/batch_norm/0" [id=57, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5b/branch5x5_1/relu_/0" [id=58, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5b.branch5x5_2.conv.weight" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch5x5_2/conv/conv2d/0" [id=60, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5b.branch5x5_2.bn.weight" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch5x5_2.bn.bias" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch5x5_2.bn.running_mean" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch5x5_2.bn.running_var" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch5x5_2/bn/batch_norm/0" [id=65, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5b/branch5x5_2/relu_/0" [id=66, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5b.branch3x3dbl_1.conv.weight" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [id=68, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5b.branch3x3dbl_1.bn.weight" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_1.bn.bias" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_1.bn.running_mean" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_1.bn.running_var" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [id=73, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5b/branch3x3dbl_1/relu_/0" [id=74, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5b.branch3x3dbl_2.conv.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [id=76, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5b.branch3x3dbl_2.bn.weight" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_2.bn.bias" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_2.bn.running_mean" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_2.bn.running_var" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [id=81, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5b/branch3x3dbl_2/relu_/0" [id=82, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5b.branch3x3dbl_3.conv.weight" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [id=84, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5b.branch3x3dbl_3.bn.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_3.bn.bias" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_3.bn.running_mean" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_3.bn.running_var" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [id=89, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5b/branch3x3dbl_3/relu_/0" [id=90, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5b/avg_pool2d/0" [id=91, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"Mixed_5b.branch_pool.conv.weight" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch_pool/conv/conv2d/0" [id=93, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5b.branch_pool.bn.weight" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch_pool.bn.bias" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch_pool.bn.running_mean" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch_pool.bn.running_var" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch_pool/bn/batch_norm/0" [id=98, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5b/branch_pool/relu_/0" [id=99, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5b/cat/0" [id=100, metatype=PTCatMetatype, type=cat]; -"Mixed_5c.branch1x1.conv.weight" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch1x1/conv/conv2d/0" [id=102, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5c.branch1x1.bn.weight" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch1x1.bn.bias" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch1x1.bn.running_mean" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch1x1.bn.running_var" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch1x1/bn/batch_norm/0" [id=107, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5c/branch1x1/relu_/0" [id=108, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5c.branch5x5_1.conv.weight" [id=109, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch5x5_1/conv/conv2d/0" [id=110, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5c.branch5x5_1.bn.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch5x5_1.bn.bias" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch5x5_1.bn.running_mean" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch5x5_1.bn.running_var" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch5x5_1/bn/batch_norm/0" [id=115, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5c/branch5x5_1/relu_/0" [id=116, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5c.branch5x5_2.conv.weight" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch5x5_2/conv/conv2d/0" [id=118, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5c.branch5x5_2.bn.weight" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch5x5_2.bn.bias" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch5x5_2.bn.running_mean" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch5x5_2.bn.running_var" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch5x5_2/bn/batch_norm/0" [id=123, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5c/branch5x5_2/relu_/0" [id=124, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5c.branch3x3dbl_1.conv.weight" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [id=126, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5c.branch3x3dbl_1.bn.weight" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_1.bn.bias" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_1.bn.running_mean" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_1.bn.running_var" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [id=131, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5c/branch3x3dbl_1/relu_/0" [id=132, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5c.branch3x3dbl_2.conv.weight" [id=133, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [id=134, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5c.branch3x3dbl_2.bn.weight" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_2.bn.bias" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_2.bn.running_mean" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_2.bn.running_var" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [id=139, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5c/branch3x3dbl_2/relu_/0" [id=140, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5c.branch3x3dbl_3.conv.weight" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [id=142, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5c.branch3x3dbl_3.bn.weight" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_3.bn.bias" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_3.bn.running_mean" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_3.bn.running_var" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [id=147, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5c/branch3x3dbl_3/relu_/0" [id=148, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5c/avg_pool2d/0" [id=149, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"Mixed_5c.branch_pool.conv.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch_pool/conv/conv2d/0" [id=151, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5c.branch_pool.bn.weight" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch_pool.bn.bias" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch_pool.bn.running_mean" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch_pool.bn.running_var" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch_pool/bn/batch_norm/0" [id=156, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5c/branch_pool/relu_/0" [id=157, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5c/cat/0" [id=158, metatype=PTCatMetatype, type=cat]; -"Mixed_5d.branch1x1.conv.weight" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch1x1/conv/conv2d/0" [id=160, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5d.branch1x1.bn.weight" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch1x1.bn.bias" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch1x1.bn.running_mean" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch1x1.bn.running_var" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch1x1/bn/batch_norm/0" [id=165, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5d/branch1x1/relu_/0" [id=166, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5d.branch5x5_1.conv.weight" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch5x5_1/conv/conv2d/0" [id=168, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5d.branch5x5_1.bn.weight" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch5x5_1.bn.bias" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch5x5_1.bn.running_mean" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch5x5_1.bn.running_var" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch5x5_1/bn/batch_norm/0" [id=173, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5d/branch5x5_1/relu_/0" [id=174, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5d.branch5x5_2.conv.weight" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch5x5_2/conv/conv2d/0" [id=176, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5d.branch5x5_2.bn.weight" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch5x5_2.bn.bias" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch5x5_2.bn.running_mean" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch5x5_2.bn.running_var" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch5x5_2/bn/batch_norm/0" [id=181, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5d/branch5x5_2/relu_/0" [id=182, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5d.branch3x3dbl_1.conv.weight" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [id=184, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5d.branch3x3dbl_1.bn.weight" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_1.bn.bias" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_1.bn.running_mean" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_1.bn.running_var" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [id=189, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5d/branch3x3dbl_1/relu_/0" [id=190, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5d.branch3x3dbl_2.conv.weight" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [id=192, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5d.branch3x3dbl_2.bn.weight" [id=193, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_2.bn.bias" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_2.bn.running_mean" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_2.bn.running_var" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [id=197, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5d/branch3x3dbl_2/relu_/0" [id=198, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5d.branch3x3dbl_3.conv.weight" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [id=200, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5d.branch3x3dbl_3.bn.weight" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_3.bn.bias" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_3.bn.running_mean" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_3.bn.running_var" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [id=205, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5d/branch3x3dbl_3/relu_/0" [id=206, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5d/avg_pool2d/0" [id=207, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"Mixed_5d.branch_pool.conv.weight" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch_pool/conv/conv2d/0" [id=209, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5d.branch_pool.bn.weight" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch_pool.bn.bias" [id=211, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch_pool.bn.running_mean" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch_pool.bn.running_var" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch_pool/bn/batch_norm/0" [id=214, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5d/branch_pool/relu_/0" [id=215, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5d/cat/0" [id=216, metatype=PTCatMetatype, type=cat]; -"Mixed_6a.branch3x3.conv.weight" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3/conv/conv2d/0" [id=218, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6a.branch3x3.bn.weight" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3.bn.bias" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3.bn.running_mean" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3.bn.running_var" [id=222, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3/bn/batch_norm/0" [id=223, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6a/branch3x3/relu_/0" [id=224, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6a.branch3x3dbl_1.conv.weight" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [id=226, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6a.branch3x3dbl_1.bn.weight" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_1.bn.bias" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_1.bn.running_mean" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_1.bn.running_var" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [id=231, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6a/branch3x3dbl_1/relu_/0" [id=232, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6a.branch3x3dbl_2.conv.weight" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [id=234, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6a.branch3x3dbl_2.bn.weight" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_2.bn.bias" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_2.bn.running_mean" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_2.bn.running_var" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [id=239, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6a/branch3x3dbl_2/relu_/0" [id=240, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6a.branch3x3dbl_3.conv.weight" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [id=242, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6a.branch3x3dbl_3.bn.weight" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_3.bn.bias" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_3.bn.running_mean" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_3.bn.running_var" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [id=247, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6a/branch3x3dbl_3/relu_/0" [id=248, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6a/max_pool2d/0" [id=249, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"Mixed_6a/cat/0" [id=250, metatype=PTCatMetatype, type=cat]; -"Mixed_6b.branch1x1.conv.weight" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch1x1/conv/conv2d/0" [id=252, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch1x1.bn.weight" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch1x1.bn.bias" [id=254, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch1x1.bn.running_mean" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch1x1.bn.running_var" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch1x1/bn/batch_norm/0" [id=257, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch1x1/relu_/0" [id=258, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6b.branch7x7_1.conv.weight" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7_1/conv/conv2d/0" [id=260, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7_1.bn.weight" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_1.bn.bias" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_1.bn.running_mean" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_1.bn.running_var" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7_1/bn/batch_norm/0" [id=265, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7_1/relu_/0" [id=266, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6b.branch7x7_2.conv.weight" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7_2/conv/conv2d/0" [id=268, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7_2.bn.weight" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_2.bn.bias" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_2.bn.running_mean" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_2.bn.running_var" [id=272, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7_2/bn/batch_norm/0" [id=273, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7_2/relu_/0" [id=274, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6b.branch7x7_3.conv.weight" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7_3/conv/conv2d/0" [id=276, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7_3.bn.weight" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_3.bn.bias" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_3.bn.running_mean" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_3.bn.running_var" [id=280, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7_3/bn/batch_norm/0" [id=281, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7_3/relu_/0" [id=282, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6b.branch7x7dbl_1.conv.weight" [id=283, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [id=284, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7dbl_1.bn.weight" [id=285, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_1.bn.bias" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_1.bn.running_mean" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_1.bn.running_var" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [id=289, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7dbl_1/relu_/0" [id=290, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6b.branch7x7dbl_2.conv.weight" [id=291, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [id=292, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7dbl_2.bn.weight" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_2.bn.bias" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_2.bn.running_mean" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_2.bn.running_var" [id=296, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [id=297, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7dbl_2/relu_/0" [id=298, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6b.branch7x7dbl_3.conv.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [id=300, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7dbl_3.bn.weight" [id=301, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_3.bn.bias" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_3.bn.running_mean" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_3.bn.running_var" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [id=305, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7dbl_3/relu_/0" [id=306, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6b.branch7x7dbl_4.conv.weight" [id=307, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [id=308, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7dbl_4.bn.weight" [id=309, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_4.bn.bias" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_4.bn.running_mean" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_4.bn.running_var" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [id=313, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7dbl_4/relu_/0" [id=314, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6b.branch7x7dbl_5.conv.weight" [id=315, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [id=316, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7dbl_5.bn.weight" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_5.bn.bias" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_5.bn.running_mean" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_5.bn.running_var" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [id=321, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7dbl_5/relu_/0" [id=322, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6b/avg_pool2d/0" [id=323, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"Mixed_6b.branch_pool.conv.weight" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch_pool/conv/conv2d/0" [id=325, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch_pool.bn.weight" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch_pool.bn.bias" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch_pool.bn.running_mean" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch_pool.bn.running_var" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch_pool/bn/batch_norm/0" [id=330, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch_pool/relu_/0" [id=331, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6b/cat/0" [id=332, metatype=PTCatMetatype, type=cat]; -"Mixed_6c.branch1x1.conv.weight" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch1x1/conv/conv2d/0" [id=334, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch1x1.bn.weight" [id=335, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch1x1.bn.bias" [id=336, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch1x1.bn.running_mean" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch1x1.bn.running_var" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch1x1/bn/batch_norm/0" [id=339, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch1x1/relu_/0" [id=340, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6c.branch7x7_1.conv.weight" [id=341, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7_1/conv/conv2d/0" [id=342, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7_1.bn.weight" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_1.bn.bias" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_1.bn.running_mean" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_1.bn.running_var" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7_1/bn/batch_norm/0" [id=347, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7_1/relu_/0" [id=348, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6c.branch7x7_2.conv.weight" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7_2/conv/conv2d/0" [id=350, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7_2.bn.weight" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_2.bn.bias" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_2.bn.running_mean" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_2.bn.running_var" [id=354, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7_2/bn/batch_norm/0" [id=355, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7_2/relu_/0" [id=356, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6c.branch7x7_3.conv.weight" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7_3/conv/conv2d/0" [id=358, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7_3.bn.weight" [id=359, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_3.bn.bias" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_3.bn.running_mean" [id=361, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_3.bn.running_var" [id=362, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7_3/bn/batch_norm/0" [id=363, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7_3/relu_/0" [id=364, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6c.branch7x7dbl_1.conv.weight" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [id=366, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7dbl_1.bn.weight" [id=367, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_1.bn.bias" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_1.bn.running_mean" [id=369, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_1.bn.running_var" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [id=371, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7dbl_1/relu_/0" [id=372, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6c.branch7x7dbl_2.conv.weight" [id=373, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [id=374, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7dbl_2.bn.weight" [id=375, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_2.bn.bias" [id=376, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_2.bn.running_mean" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_2.bn.running_var" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [id=379, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7dbl_2/relu_/0" [id=380, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6c.branch7x7dbl_3.conv.weight" [id=381, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [id=382, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7dbl_3.bn.weight" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_3.bn.bias" [id=384, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_3.bn.running_mean" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_3.bn.running_var" [id=386, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [id=387, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7dbl_3/relu_/0" [id=388, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6c.branch7x7dbl_4.conv.weight" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [id=390, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7dbl_4.bn.weight" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_4.bn.bias" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_4.bn.running_mean" [id=393, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_4.bn.running_var" [id=394, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [id=395, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7dbl_4/relu_/0" [id=396, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6c.branch7x7dbl_5.conv.weight" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [id=398, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7dbl_5.bn.weight" [id=399, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_5.bn.bias" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_5.bn.running_mean" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_5.bn.running_var" [id=402, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [id=403, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7dbl_5/relu_/0" [id=404, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6c/avg_pool2d/0" [id=405, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"Mixed_6c.branch_pool.conv.weight" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch_pool/conv/conv2d/0" [id=407, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch_pool.bn.weight" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch_pool.bn.bias" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch_pool.bn.running_mean" [id=410, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch_pool.bn.running_var" [id=411, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch_pool/bn/batch_norm/0" [id=412, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch_pool/relu_/0" [id=413, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6c/cat/0" [id=414, metatype=PTCatMetatype, type=cat]; -"Mixed_6d.branch1x1.conv.weight" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch1x1/conv/conv2d/0" [id=416, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch1x1.bn.weight" [id=417, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch1x1.bn.bias" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch1x1.bn.running_mean" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch1x1.bn.running_var" [id=420, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch1x1/bn/batch_norm/0" [id=421, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch1x1/relu_/0" [id=422, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6d.branch7x7_1.conv.weight" [id=423, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7_1/conv/conv2d/0" [id=424, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7_1.bn.weight" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_1.bn.bias" [id=426, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_1.bn.running_mean" [id=427, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_1.bn.running_var" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7_1/bn/batch_norm/0" [id=429, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7_1/relu_/0" [id=430, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6d.branch7x7_2.conv.weight" [id=431, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7_2/conv/conv2d/0" [id=432, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7_2.bn.weight" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_2.bn.bias" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_2.bn.running_mean" [id=435, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_2.bn.running_var" [id=436, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7_2/bn/batch_norm/0" [id=437, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7_2/relu_/0" [id=438, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6d.branch7x7_3.conv.weight" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7_3/conv/conv2d/0" [id=440, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7_3.bn.weight" [id=441, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_3.bn.bias" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_3.bn.running_mean" [id=443, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_3.bn.running_var" [id=444, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7_3/bn/batch_norm/0" [id=445, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7_3/relu_/0" [id=446, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6d.branch7x7dbl_1.conv.weight" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [id=448, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7dbl_1.bn.weight" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_1.bn.bias" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_1.bn.running_mean" [id=451, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_1.bn.running_var" [id=452, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [id=453, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7dbl_1/relu_/0" [id=454, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6d.branch7x7dbl_2.conv.weight" [id=455, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [id=456, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7dbl_2.bn.weight" [id=457, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_2.bn.bias" [id=458, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_2.bn.running_mean" [id=459, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_2.bn.running_var" [id=460, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [id=461, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7dbl_2/relu_/0" [id=462, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6d.branch7x7dbl_3.conv.weight" [id=463, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [id=464, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7dbl_3.bn.weight" [id=465, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_3.bn.bias" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_3.bn.running_mean" [id=467, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_3.bn.running_var" [id=468, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [id=469, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7dbl_3/relu_/0" [id=470, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6d.branch7x7dbl_4.conv.weight" [id=471, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [id=472, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7dbl_4.bn.weight" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_4.bn.bias" [id=474, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_4.bn.running_mean" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_4.bn.running_var" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [id=477, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7dbl_4/relu_/0" [id=478, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6d.branch7x7dbl_5.conv.weight" [id=479, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [id=480, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7dbl_5.bn.weight" [id=481, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_5.bn.bias" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_5.bn.running_mean" [id=483, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_5.bn.running_var" [id=484, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [id=485, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7dbl_5/relu_/0" [id=486, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6d/avg_pool2d/0" [id=487, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"Mixed_6d.branch_pool.conv.weight" [id=488, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch_pool/conv/conv2d/0" [id=489, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch_pool.bn.weight" [id=490, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch_pool.bn.bias" [id=491, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch_pool.bn.running_mean" [id=492, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch_pool.bn.running_var" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch_pool/bn/batch_norm/0" [id=494, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch_pool/relu_/0" [id=495, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6d/cat/0" [id=496, metatype=PTCatMetatype, type=cat]; -"Mixed_6e.branch1x1.conv.weight" [id=497, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch1x1/conv/conv2d/0" [id=498, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch1x1.bn.weight" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch1x1.bn.bias" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch1x1.bn.running_mean" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch1x1.bn.running_var" [id=502, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch1x1/bn/batch_norm/0" [id=503, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch1x1/relu_/0" [id=504, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6e.branch7x7_1.conv.weight" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7_1/conv/conv2d/0" [id=506, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7_1.bn.weight" [id=507, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_1.bn.bias" [id=508, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_1.bn.running_mean" [id=509, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_1.bn.running_var" [id=510, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7_1/bn/batch_norm/0" [id=511, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7_1/relu_/0" [id=512, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6e.branch7x7_2.conv.weight" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7_2/conv/conv2d/0" [id=514, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7_2.bn.weight" [id=515, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_2.bn.bias" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_2.bn.running_mean" [id=517, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_2.bn.running_var" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7_2/bn/batch_norm/0" [id=519, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7_2/relu_/0" [id=520, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6e.branch7x7_3.conv.weight" [id=521, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7_3/conv/conv2d/0" [id=522, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7_3.bn.weight" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_3.bn.bias" [id=524, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_3.bn.running_mean" [id=525, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_3.bn.running_var" [id=526, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7_3/bn/batch_norm/0" [id=527, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7_3/relu_/0" [id=528, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6e.branch7x7dbl_1.conv.weight" [id=529, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [id=530, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7dbl_1.bn.weight" [id=531, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_1.bn.bias" [id=532, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_1.bn.running_mean" [id=533, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_1.bn.running_var" [id=534, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [id=535, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7dbl_1/relu_/0" [id=536, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6e.branch7x7dbl_2.conv.weight" [id=537, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [id=538, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7dbl_2.bn.weight" [id=539, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_2.bn.bias" [id=540, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_2.bn.running_mean" [id=541, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_2.bn.running_var" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [id=543, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7dbl_2/relu_/0" [id=544, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6e.branch7x7dbl_3.conv.weight" [id=545, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [id=546, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7dbl_3.bn.weight" [id=547, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_3.bn.bias" [id=548, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_3.bn.running_mean" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_3.bn.running_var" [id=550, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [id=551, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7dbl_3/relu_/0" [id=552, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6e.branch7x7dbl_4.conv.weight" [id=553, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [id=554, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7dbl_4.bn.weight" [id=555, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_4.bn.bias" [id=556, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_4.bn.running_mean" [id=557, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_4.bn.running_var" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [id=559, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7dbl_4/relu_/0" [id=560, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6e.branch7x7dbl_5.conv.weight" [id=561, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [id=562, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7dbl_5.bn.weight" [id=563, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_5.bn.bias" [id=564, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_5.bn.running_mean" [id=565, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_5.bn.running_var" [id=566, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [id=567, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7dbl_5/relu_/0" [id=568, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6e/avg_pool2d/0" [id=569, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"Mixed_6e.branch_pool.conv.weight" [id=570, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch_pool/conv/conv2d/0" [id=571, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch_pool.bn.weight" [id=572, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch_pool.bn.bias" [id=573, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch_pool.bn.running_mean" [id=574, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch_pool.bn.running_var" [id=575, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch_pool/bn/batch_norm/0" [id=576, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch_pool/relu_/0" [id=577, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6e/cat/0" [id=578, metatype=PTCatMetatype, type=cat]; -"Mixed_7a.branch3x3_1.conv.weight" [id=579, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch3x3_1/conv/conv2d/0" [id=580, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7a.branch3x3_1.bn.weight" [id=581, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch3x3_1.bn.bias" [id=582, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch3x3_1.bn.running_mean" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch3x3_1.bn.running_var" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch3x3_1/bn/batch_norm/0" [id=585, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7a/branch3x3_1/relu_/0" [id=586, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7a.branch3x3_2.conv.weight" [id=587, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch3x3_2/conv/conv2d/0" [id=588, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7a.branch3x3_2.bn.weight" [id=589, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch3x3_2.bn.bias" [id=590, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch3x3_2.bn.running_mean" [id=591, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch3x3_2.bn.running_var" [id=592, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch3x3_2/bn/batch_norm/0" [id=593, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7a/branch3x3_2/relu_/0" [id=594, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7a.branch7x7x3_1.conv.weight" [id=595, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_1/conv/conv2d/0" [id=596, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7a.branch7x7x3_1.bn.weight" [id=597, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_1.bn.bias" [id=598, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_1.bn.running_mean" [id=599, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_1.bn.running_var" [id=600, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [id=601, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7a/branch7x7x3_1/relu_/0" [id=602, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7a.branch7x7x3_2.conv.weight" [id=603, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_2/conv/conv2d/0" [id=604, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7a.branch7x7x3_2.bn.weight" [id=605, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_2.bn.bias" [id=606, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_2.bn.running_mean" [id=607, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_2.bn.running_var" [id=608, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [id=609, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7a/branch7x7x3_2/relu_/0" [id=610, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7a.branch7x7x3_3.conv.weight" [id=611, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_3/conv/conv2d/0" [id=612, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7a.branch7x7x3_3.bn.weight" [id=613, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_3.bn.bias" [id=614, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_3.bn.running_mean" [id=615, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_3.bn.running_var" [id=616, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [id=617, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7a/branch7x7x3_3/relu_/0" [id=618, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7a.branch7x7x3_4.conv.weight" [id=619, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_4/conv/conv2d/0" [id=620, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7a.branch7x7x3_4.bn.weight" [id=621, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_4.bn.bias" [id=622, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_4.bn.running_mean" [id=623, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_4.bn.running_var" [id=624, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [id=625, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7a/branch7x7x3_4/relu_/0" [id=626, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7a/max_pool2d/0" [id=627, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"Mixed_7a/cat/0" [id=628, metatype=PTCatMetatype, type=cat]; -"Mixed_7b.branch1x1.conv.weight" [id=629, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch1x1/conv/conv2d/0" [id=630, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch1x1.bn.weight" [id=631, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch1x1.bn.bias" [id=632, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch1x1.bn.running_mean" [id=633, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch1x1.bn.running_var" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch1x1/bn/batch_norm/0" [id=635, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch1x1/relu_/0" [id=636, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7b.branch3x3_1.conv.weight" [id=637, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3_1/conv/conv2d/0" [id=638, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch3x3_1.bn.weight" [id=639, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_1.bn.bias" [id=640, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_1.bn.running_mean" [id=641, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_1.bn.running_var" [id=642, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3_1/bn/batch_norm/0" [id=643, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch3x3_1/relu_/0" [id=644, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7b.branch3x3_2a.conv.weight" [id=645, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3_2a/conv/conv2d/0" [id=646, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch3x3_2a.bn.weight" [id=647, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_2a.bn.bias" [id=648, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_2a.bn.running_mean" [id=649, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_2a.bn.running_var" [id=650, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3_2a/bn/batch_norm/0" [id=651, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch3x3_2a/relu_/0" [id=652, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7b.branch3x3_2b.conv.weight" [id=653, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3_2b/conv/conv2d/0" [id=654, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch3x3_2b.bn.weight" [id=655, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_2b.bn.bias" [id=656, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_2b.bn.running_mean" [id=657, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_2b.bn.running_var" [id=658, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3_2b/bn/batch_norm/0" [id=659, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch3x3_2b/relu_/0" [id=660, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7b/cat/0" [id=661, metatype=PTCatMetatype, type=cat]; -"Mixed_7b.branch3x3dbl_1.conv.weight" [id=662, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [id=663, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch3x3dbl_1.bn.weight" [id=664, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_1.bn.bias" [id=665, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_1.bn.running_mean" [id=666, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_1.bn.running_var" [id=667, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [id=668, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch3x3dbl_1/relu_/0" [id=669, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7b.branch3x3dbl_2.conv.weight" [id=670, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [id=671, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch3x3dbl_2.bn.weight" [id=672, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_2.bn.bias" [id=673, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_2.bn.running_mean" [id=674, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_2.bn.running_var" [id=675, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [id=676, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch3x3dbl_2/relu_/0" [id=677, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7b.branch3x3dbl_3a.conv.weight" [id=678, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [id=679, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch3x3dbl_3a.bn.weight" [id=680, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_3a.bn.bias" [id=681, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_3a.bn.running_mean" [id=682, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_3a.bn.running_var" [id=683, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [id=684, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch3x3dbl_3a/relu_/0" [id=685, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7b.branch3x3dbl_3b.conv.weight" [id=686, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [id=687, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch3x3dbl_3b.bn.weight" [id=688, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_3b.bn.bias" [id=689, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_3b.bn.running_mean" [id=690, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_3b.bn.running_var" [id=691, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [id=692, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch3x3dbl_3b/relu_/0" [id=693, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7b/cat/1" [id=694, metatype=PTCatMetatype, type=cat]; -"Mixed_7b/avg_pool2d/0" [id=695, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"Mixed_7b.branch_pool.conv.weight" [id=696, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch_pool/conv/conv2d/0" [id=697, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch_pool.bn.weight" [id=698, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch_pool.bn.bias" [id=699, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch_pool.bn.running_mean" [id=700, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch_pool.bn.running_var" [id=701, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch_pool/bn/batch_norm/0" [id=702, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch_pool/relu_/0" [id=703, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7b/cat/2" [id=704, metatype=PTCatMetatype, type=cat]; -"Mixed_7c.branch1x1.conv.weight" [id=705, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch1x1/conv/conv2d/0" [id=706, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch1x1.bn.weight" [id=707, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch1x1.bn.bias" [id=708, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch1x1.bn.running_mean" [id=709, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch1x1.bn.running_var" [id=710, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch1x1/bn/batch_norm/0" [id=711, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch1x1/relu_/0" [id=712, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7c.branch3x3_1.conv.weight" [id=713, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_1/conv/conv2d/0" [id=714, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch3x3_1.bn.weight" [id=715, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_1.bn.bias" [id=716, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_1.bn.running_mean" [id=717, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_1.bn.running_var" [id=718, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_1/bn/batch_norm/0" [id=719, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch3x3_1/relu_/0" [id=720, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7c.branch3x3_2a.conv.weight" [id=721, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_2a/conv/conv2d/0" [id=722, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch3x3_2a.bn.weight" [id=723, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_2a.bn.bias" [id=724, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_2a.bn.running_mean" [id=725, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_2a.bn.running_var" [id=726, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_2a/bn/batch_norm/0" [id=727, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch3x3_2a/relu_/0" [id=728, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7c.branch3x3_2b.conv.weight" [id=729, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_2b/conv/conv2d/0" [id=730, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch3x3_2b.bn.weight" [id=731, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_2b.bn.bias" [id=732, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_2b.bn.running_mean" [id=733, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_2b.bn.running_var" [id=734, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_2b/bn/batch_norm/0" [id=735, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch3x3_2b/relu_/0" [id=736, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7c/cat/0" [id=737, metatype=PTCatMetatype, type=cat]; -"Mixed_7c.branch3x3dbl_1.conv.weight" [id=738, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [id=739, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch3x3dbl_1.bn.weight" [id=740, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_1.bn.bias" [id=741, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_1.bn.running_mean" [id=742, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_1.bn.running_var" [id=743, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [id=744, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch3x3dbl_1/relu_/0" [id=745, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7c.branch3x3dbl_2.conv.weight" [id=746, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [id=747, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch3x3dbl_2.bn.weight" [id=748, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_2.bn.bias" [id=749, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_2.bn.running_mean" [id=750, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_2.bn.running_var" [id=751, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [id=752, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch3x3dbl_2/relu_/0" [id=753, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7c.branch3x3dbl_3a.conv.weight" [id=754, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [id=755, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch3x3dbl_3a.bn.weight" [id=756, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_3a.bn.bias" [id=757, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_3a.bn.running_mean" [id=758, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_3a.bn.running_var" [id=759, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [id=760, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch3x3dbl_3a/relu_/0" [id=761, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7c.branch3x3dbl_3b.conv.weight" [id=762, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [id=763, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch3x3dbl_3b.bn.weight" [id=764, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_3b.bn.bias" [id=765, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_3b.bn.running_mean" [id=766, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_3b.bn.running_var" [id=767, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [id=768, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch3x3dbl_3b/relu_/0" [id=769, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7c/cat/1" [id=770, metatype=PTCatMetatype, type=cat]; -"Mixed_7c/avg_pool2d/0" [id=771, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"Mixed_7c.branch_pool.conv.weight" [id=772, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch_pool/conv/conv2d/0" [id=773, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch_pool.bn.weight" [id=774, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch_pool.bn.bias" [id=775, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch_pool.bn.running_mean" [id=776, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch_pool.bn.running_var" [id=777, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch_pool/bn/batch_norm/0" [id=778, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch_pool/relu_/0" [id=779, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7c/cat/2" [id=780, metatype=PTCatMetatype, type=cat]; -"avgpool/adaptive_avg_pool2d/0" [id=781, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"dropout/dropout/0" [id=782, metatype=PTDropoutMetatype, type=dropout]; -"/flatten/0" [id=783, metatype=PTReshapeMetatype, type=flatten]; -"fc.weight" [id=784, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc.bias" [id=785, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc/linear/0" [id=786, metatype=PTLinearMetatype, type=linear]; -output [id=787, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 300, 300)"]; -"Conv2d_1a_3x3.conv.weight" -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 3, 3, 3)"]; -"Conv2d_1a_3x3/conv/conv2d/0" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 149, 149)"]; -"Conv2d_1a_3x3.bn.weight" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"Conv2d_1a_3x3.bn.bias" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"Conv2d_1a_3x3.bn.running_mean" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"Conv2d_1a_3x3.bn.running_var" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"Conv2d_1a_3x3/bn/batch_norm/0" -> "Conv2d_1a_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 149, 149)"]; -"Conv2d_1a_3x3/relu_/0" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 149, 149)"]; -"Conv2d_2a_3x3.conv.weight" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 32, 3, 3)"]; -"Conv2d_2a_3x3/conv/conv2d/0" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 147, 147)"]; -"Conv2d_2a_3x3.bn.weight" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"Conv2d_2a_3x3.bn.bias" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"Conv2d_2a_3x3.bn.running_mean" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"Conv2d_2a_3x3.bn.running_var" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"Conv2d_2a_3x3/bn/batch_norm/0" -> "Conv2d_2a_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 147, 147)"]; -"Conv2d_2a_3x3/relu_/0" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 147, 147)"]; -"Conv2d_2b_3x3.conv.weight" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 32, 3, 3)"]; -"Conv2d_2b_3x3/conv/conv2d/0" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 147, 147)"]; -"Conv2d_2b_3x3.bn.weight" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Conv2d_2b_3x3.bn.bias" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Conv2d_2b_3x3.bn.running_mean" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Conv2d_2b_3x3.bn.running_var" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Conv2d_2b_3x3/bn/batch_norm/0" -> "Conv2d_2b_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 147, 147)"]; -"Conv2d_2b_3x3/relu_/0" -> "maxpool1/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 147, 147)"]; -"maxpool1/max_pool2d/0" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 73, 73)"]; -"Conv2d_3b_1x1.conv.weight" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80, 64, 1, 1)"]; -"Conv2d_3b_1x1/conv/conv2d/0" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 73, 73)"]; -"Conv2d_3b_1x1.bn.weight" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80,)"]; -"Conv2d_3b_1x1.bn.bias" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(80,)"]; -"Conv2d_3b_1x1.bn.running_mean" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(80,)"]; -"Conv2d_3b_1x1.bn.running_var" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(80,)"]; -"Conv2d_3b_1x1/bn/batch_norm/0" -> "Conv2d_3b_1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 73, 73)"]; -"Conv2d_3b_1x1/relu_/0" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 80, 73, 73)"]; -"Conv2d_4a_3x3.conv.weight" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 80, 3, 3)"]; -"Conv2d_4a_3x3/conv/conv2d/0" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 71, 71)"]; -"Conv2d_4a_3x3.bn.weight" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Conv2d_4a_3x3.bn.bias" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Conv2d_4a_3x3.bn.running_mean" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Conv2d_4a_3x3.bn.running_var" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Conv2d_4a_3x3/bn/batch_norm/0" -> "Conv2d_4a_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 71, 71)"]; -"Conv2d_4a_3x3/relu_/0" -> "maxpool2/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 71, 71)"]; -"maxpool2/max_pool2d/0" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 35, 35)"]; -"maxpool2/max_pool2d/0" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 35, 35)"]; -"maxpool2/max_pool2d/0" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 35, 35)"]; -"maxpool2/max_pool2d/0" -> "Mixed_5b/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 35, 35)"]; -"Mixed_5b.branch1x1.conv.weight" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 192, 1, 1)"]; -"Mixed_5b/branch1x1/conv/conv2d/0" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5b.branch1x1.bn.weight" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch1x1.bn.bias" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch1x1.bn.running_mean" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch1x1.bn.running_var" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5b/branch1x1/bn/batch_norm/0" -> "Mixed_5b/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5b/branch1x1/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5b.branch5x5_1.conv.weight" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 192, 1, 1)"]; -"Mixed_5b/branch5x5_1/conv/conv2d/0" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; -"Mixed_5b.branch5x5_1.bn.weight" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"Mixed_5b.branch5x5_1.bn.bias" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"Mixed_5b.branch5x5_1.bn.running_mean" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"Mixed_5b.branch5x5_1.bn.running_var" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"Mixed_5b/branch5x5_1/bn/batch_norm/0" -> "Mixed_5b/branch5x5_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; -"Mixed_5b/branch5x5_1/relu_/0" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; -"Mixed_5b.branch5x5_2.conv.weight" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 48, 5, 5)"]; -"Mixed_5b/branch5x5_2/conv/conv2d/0" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5b.branch5x5_2.bn.weight" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch5x5_2.bn.bias" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch5x5_2.bn.running_mean" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch5x5_2.bn.running_var" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5b/branch5x5_2/bn/batch_norm/0" -> "Mixed_5b/branch5x5_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5b/branch5x5_2/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5b.branch3x3dbl_1.conv.weight" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 192, 1, 1)"]; -"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5b.branch3x3dbl_1.bn.weight" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch3x3dbl_1.bn.bias" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch3x3dbl_1.bn.running_mean" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch3x3dbl_1.bn.running_var" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5b/branch3x3dbl_1/relu_/0" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5b.branch3x3dbl_2.conv.weight" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; -"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5b.branch3x3dbl_2.bn.weight" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_5b.branch3x3dbl_2.bn.bias" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_5b.branch3x3dbl_2.bn.running_mean" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_5b.branch3x3dbl_2.bn.running_var" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5b/branch3x3dbl_2/relu_/0" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5b.branch3x3dbl_3.conv.weight" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; -"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5b.branch3x3dbl_3.bn.weight" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_5b.branch3x3dbl_3.bn.bias" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_5b.branch3x3dbl_3.bn.running_mean" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_5b.branch3x3dbl_3.bn.running_var" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5b/branch3x3dbl_3/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5b/avg_pool2d/0" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 35, 35)"]; -"Mixed_5b.branch_pool.conv.weight" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 192, 1, 1)"]; -"Mixed_5b/branch_pool/conv/conv2d/0" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 35, 35)"]; -"Mixed_5b.branch_pool.bn.weight" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"Mixed_5b.branch_pool.bn.bias" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"Mixed_5b.branch_pool.bn.running_mean" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"Mixed_5b.branch_pool.bn.running_var" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"Mixed_5b/branch_pool/bn/batch_norm/0" -> "Mixed_5b/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 35, 35)"]; -"Mixed_5b/branch_pool/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 35, 35)"]; -"Mixed_5b/cat/0" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 35, 35)"]; -"Mixed_5b/cat/0" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 35, 35)"]; -"Mixed_5b/cat/0" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 35, 35)"]; -"Mixed_5b/cat/0" -> "Mixed_5c/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 35, 35)"]; -"Mixed_5c.branch1x1.conv.weight" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 256, 1, 1)"]; -"Mixed_5c/branch1x1/conv/conv2d/0" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5c.branch1x1.bn.weight" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch1x1.bn.bias" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch1x1.bn.running_mean" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch1x1.bn.running_var" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5c/branch1x1/bn/batch_norm/0" -> "Mixed_5c/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5c/branch1x1/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5c.branch5x5_1.conv.weight" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 256, 1, 1)"]; -"Mixed_5c/branch5x5_1/conv/conv2d/0" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; -"Mixed_5c.branch5x5_1.bn.weight" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"Mixed_5c.branch5x5_1.bn.bias" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"Mixed_5c.branch5x5_1.bn.running_mean" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"Mixed_5c.branch5x5_1.bn.running_var" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"Mixed_5c/branch5x5_1/bn/batch_norm/0" -> "Mixed_5c/branch5x5_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; -"Mixed_5c/branch5x5_1/relu_/0" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; -"Mixed_5c.branch5x5_2.conv.weight" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 48, 5, 5)"]; -"Mixed_5c/branch5x5_2/conv/conv2d/0" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5c.branch5x5_2.bn.weight" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch5x5_2.bn.bias" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch5x5_2.bn.running_mean" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch5x5_2.bn.running_var" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5c/branch5x5_2/bn/batch_norm/0" -> "Mixed_5c/branch5x5_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5c/branch5x5_2/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5c.branch3x3dbl_1.conv.weight" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 256, 1, 1)"]; -"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5c.branch3x3dbl_1.bn.weight" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch3x3dbl_1.bn.bias" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch3x3dbl_1.bn.running_mean" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch3x3dbl_1.bn.running_var" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5c/branch3x3dbl_1/relu_/0" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5c.branch3x3dbl_2.conv.weight" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; -"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5c.branch3x3dbl_2.bn.weight" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_5c.branch3x3dbl_2.bn.bias" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_5c.branch3x3dbl_2.bn.running_mean" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_5c.branch3x3dbl_2.bn.running_var" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5c/branch3x3dbl_2/relu_/0" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5c.branch3x3dbl_3.conv.weight" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; -"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5c.branch3x3dbl_3.bn.weight" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_5c.branch3x3dbl_3.bn.bias" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_5c.branch3x3dbl_3.bn.running_mean" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_5c.branch3x3dbl_3.bn.running_var" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5c/branch3x3dbl_3/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5c/avg_pool2d/0" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 35, 35)"]; -"Mixed_5c.branch_pool.conv.weight" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 256, 1, 1)"]; -"Mixed_5c/branch_pool/conv/conv2d/0" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5c.branch_pool.bn.weight" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch_pool.bn.bias" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch_pool.bn.running_mean" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch_pool.bn.running_var" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5c/branch_pool/bn/batch_norm/0" -> "Mixed_5c/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5c/branch_pool/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5c/cat/0" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; -"Mixed_5c/cat/0" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; -"Mixed_5c/cat/0" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; -"Mixed_5c/cat/0" -> "Mixed_5d/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; -"Mixed_5d.branch1x1.conv.weight" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; -"Mixed_5d/branch1x1/conv/conv2d/0" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5d.branch1x1.bn.weight" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch1x1.bn.bias" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch1x1.bn.running_mean" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch1x1.bn.running_var" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5d/branch1x1/bn/batch_norm/0" -> "Mixed_5d/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5d/branch1x1/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5d.branch5x5_1.conv.weight" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 288, 1, 1)"]; -"Mixed_5d/branch5x5_1/conv/conv2d/0" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; -"Mixed_5d.branch5x5_1.bn.weight" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"Mixed_5d.branch5x5_1.bn.bias" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"Mixed_5d.branch5x5_1.bn.running_mean" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"Mixed_5d.branch5x5_1.bn.running_var" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"Mixed_5d/branch5x5_1/bn/batch_norm/0" -> "Mixed_5d/branch5x5_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; -"Mixed_5d/branch5x5_1/relu_/0" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 35, 35)"]; -"Mixed_5d.branch5x5_2.conv.weight" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 48, 5, 5)"]; -"Mixed_5d/branch5x5_2/conv/conv2d/0" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5d.branch5x5_2.bn.weight" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch5x5_2.bn.bias" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch5x5_2.bn.running_mean" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch5x5_2.bn.running_var" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5d/branch5x5_2/bn/batch_norm/0" -> "Mixed_5d/branch5x5_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5d/branch5x5_2/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5d.branch3x3dbl_1.conv.weight" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; -"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5d.branch3x3dbl_1.bn.weight" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch3x3dbl_1.bn.bias" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch3x3dbl_1.bn.running_mean" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch3x3dbl_1.bn.running_var" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5d/branch3x3dbl_1/relu_/0" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5d.branch3x3dbl_2.conv.weight" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; -"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5d.branch3x3dbl_2.bn.weight" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_5d.branch3x3dbl_2.bn.bias" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_5d.branch3x3dbl_2.bn.running_mean" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_5d.branch3x3dbl_2.bn.running_var" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5d/branch3x3dbl_2/relu_/0" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5d.branch3x3dbl_3.conv.weight" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; -"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5d.branch3x3dbl_3.bn.weight" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_5d.branch3x3dbl_3.bn.bias" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_5d.branch3x3dbl_3.bn.running_mean" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_5d.branch3x3dbl_3.bn.running_var" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5d/branch3x3dbl_3/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_5d/avg_pool2d/0" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; -"Mixed_5d.branch_pool.conv.weight" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; -"Mixed_5d/branch_pool/conv/conv2d/0" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5d.branch_pool.bn.weight" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch_pool.bn.bias" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch_pool.bn.running_mean" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch_pool.bn.running_var" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5d/branch_pool/bn/batch_norm/0" -> "Mixed_5d/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5d/branch_pool/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; -"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; -"Mixed_5d/cat/0" -> "Mixed_6a/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 35, 35)"]; -"Mixed_6a.branch3x3.conv.weight" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 288, 3, 3)"]; -"Mixed_6a/branch3x3/conv/conv2d/0" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 17, 17)"]; -"Mixed_6a.branch3x3.bn.weight" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_6a.branch3x3.bn.bias" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_6a.branch3x3.bn.running_mean" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_6a.branch3x3.bn.running_var" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_6a/branch3x3/bn/batch_norm/0" -> "Mixed_6a/branch3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 17, 17)"]; -"Mixed_6a/branch3x3/relu_/0" -> "Mixed_6a/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 17, 17)"]; -"Mixed_6a.branch3x3dbl_1.conv.weight" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; -"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_6a.branch3x3dbl_1.bn.weight" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_6a.branch3x3dbl_1.bn.bias" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_6a.branch3x3dbl_1.bn.running_mean" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_6a.branch3x3dbl_1.bn.running_var" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_6a/branch3x3dbl_1/relu_/0" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 35, 35)"]; -"Mixed_6a.branch3x3dbl_2.conv.weight" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; -"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_6a.branch3x3dbl_2.bn.weight" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_6a.branch3x3dbl_2.bn.bias" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_6a.branch3x3dbl_2.bn.running_mean" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_6a.branch3x3dbl_2.bn.running_var" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_6a/branch3x3dbl_2/relu_/0" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 35, 35)"]; -"Mixed_6a.branch3x3dbl_3.conv.weight" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; -"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 17, 17)"]; -"Mixed_6a.branch3x3dbl_3.bn.weight" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_6a.branch3x3dbl_3.bn.bias" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_6a.branch3x3dbl_3.bn.running_mean" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_6a.branch3x3dbl_3.bn.running_var" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 17, 17)"]; -"Mixed_6a/branch3x3dbl_3/relu_/0" -> "Mixed_6a/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 17, 17)"]; -"Mixed_6a/max_pool2d/0" -> "Mixed_6a/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 288, 17, 17)"]; -"Mixed_6a/cat/0" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6a/cat/0" -> "Mixed_6b/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6b.branch1x1.conv.weight" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6b/branch1x1/conv/conv2d/0" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6b.branch1x1.bn.weight" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch1x1.bn.bias" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch1x1.bn.running_mean" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch1x1.bn.running_var" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6b/branch1x1/bn/batch_norm/0" -> "Mixed_6b/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6b/branch1x1/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6b.branch7x7_1.conv.weight" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; -"Mixed_6b/branch7x7_1/conv/conv2d/0" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b.branch7x7_1.bn.weight" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7_1.bn.bias" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7_1.bn.running_mean" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7_1.bn.running_var" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"Mixed_6b/branch7x7_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b/branch7x7_1/relu_/0" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b.branch7x7_2.conv.weight" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 7)"]; -"Mixed_6b/branch7x7_2/conv/conv2d/0" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b.branch7x7_2.bn.weight" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7_2.bn.bias" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7_2.bn.running_mean" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7_2.bn.running_var" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"Mixed_6b/branch7x7_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b/branch7x7_2/relu_/0" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b.branch7x7_3.conv.weight" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 128, 7, 1)"]; -"Mixed_6b/branch7x7_3/conv/conv2d/0" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6b.branch7x7_3.bn.weight" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch7x7_3.bn.bias" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch7x7_3.bn.running_mean" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch7x7_3.bn.running_var" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6b/branch7x7_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6b/branch7x7_3/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6b.branch7x7dbl_1.conv.weight" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; -"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_1.bn.weight" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_1.bn.bias" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_1.bn.running_mean" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_1.bn.running_var" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b/branch7x7dbl_1/relu_/0" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_2.conv.weight" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 7, 1)"]; -"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_2.bn.weight" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_2.bn.bias" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_2.bn.running_mean" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_2.bn.running_var" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b/branch7x7dbl_2/relu_/0" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_3.conv.weight" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 7)"]; -"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_3.bn.weight" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_3.bn.bias" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_3.bn.running_mean" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_3.bn.running_var" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b/branch7x7dbl_3/relu_/0" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_4.conv.weight" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 7, 1)"]; -"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_4.bn.weight" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_4.bn.bias" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_4.bn.running_mean" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_4.bn.running_var" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b/branch7x7dbl_4/relu_/0" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_5.conv.weight" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 128, 1, 7)"]; -"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6b.branch7x7dbl_5.bn.weight" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch7x7dbl_5.bn.bias" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch7x7dbl_5.bn.running_mean" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch7x7dbl_5.bn.running_var" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6b/branch7x7dbl_5/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6b/avg_pool2d/0" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6b.branch_pool.conv.weight" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6b/branch_pool/conv/conv2d/0" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6b.branch_pool.bn.weight" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch_pool.bn.bias" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch_pool.bn.running_mean" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch_pool.bn.running_var" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6b/branch_pool/bn/batch_norm/0" -> "Mixed_6b/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6b/branch_pool/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6b/cat/0" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6b/cat/0" -> "Mixed_6c/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6c.branch1x1.conv.weight" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6c/branch1x1/conv/conv2d/0" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6c.branch1x1.bn.weight" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch1x1.bn.bias" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch1x1.bn.running_mean" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch1x1.bn.running_var" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6c/branch1x1/bn/batch_norm/0" -> "Mixed_6c/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6c/branch1x1/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6c.branch7x7_1.conv.weight" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; -"Mixed_6c/branch7x7_1/conv/conv2d/0" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c.branch7x7_1.bn.weight" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7_1.bn.bias" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7_1.bn.running_mean" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7_1.bn.running_var" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6c/branch7x7_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c/branch7x7_1/relu_/0" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c.branch7x7_2.conv.weight" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; -"Mixed_6c/branch7x7_2/conv/conv2d/0" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c.branch7x7_2.bn.weight" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7_2.bn.bias" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7_2.bn.running_mean" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7_2.bn.running_var" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6c/branch7x7_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c/branch7x7_2/relu_/0" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c.branch7x7_3.conv.weight" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 7, 1)"]; -"Mixed_6c/branch7x7_3/conv/conv2d/0" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6c.branch7x7_3.bn.weight" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch7x7_3.bn.bias" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch7x7_3.bn.running_mean" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch7x7_3.bn.running_var" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6c/branch7x7_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6c/branch7x7_3/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6c.branch7x7dbl_1.conv.weight" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; -"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_1.bn.weight" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_1.bn.bias" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_1.bn.running_mean" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_1.bn.running_var" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c/branch7x7dbl_1/relu_/0" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_2.conv.weight" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; -"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_2.bn.weight" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_2.bn.bias" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_2.bn.running_mean" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_2.bn.running_var" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c/branch7x7dbl_2/relu_/0" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_3.conv.weight" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; -"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_3.bn.weight" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_3.bn.bias" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_3.bn.running_mean" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_3.bn.running_var" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c/branch7x7dbl_3/relu_/0" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_4.conv.weight" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; -"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_4.bn.weight" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_4.bn.bias" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_4.bn.running_mean" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_4.bn.running_var" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c/branch7x7dbl_4/relu_/0" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_5.conv.weight" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 1, 7)"]; -"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6c.branch7x7dbl_5.bn.weight" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch7x7dbl_5.bn.bias" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch7x7dbl_5.bn.running_mean" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch7x7dbl_5.bn.running_var" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6c/branch7x7dbl_5/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6c/avg_pool2d/0" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6c.branch_pool.conv.weight" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6c/branch_pool/conv/conv2d/0" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6c.branch_pool.bn.weight" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch_pool.bn.bias" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch_pool.bn.running_mean" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch_pool.bn.running_var" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6c/branch_pool/bn/batch_norm/0" -> "Mixed_6c/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6c/branch_pool/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6c/cat/0" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6c/cat/0" -> "Mixed_6d/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6d.branch1x1.conv.weight" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6d/branch1x1/conv/conv2d/0" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6d.branch1x1.bn.weight" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch1x1.bn.bias" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch1x1.bn.running_mean" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch1x1.bn.running_var" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6d/branch1x1/bn/batch_norm/0" -> "Mixed_6d/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6d/branch1x1/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6d.branch7x7_1.conv.weight" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; -"Mixed_6d/branch7x7_1/conv/conv2d/0" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d.branch7x7_1.bn.weight" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7_1.bn.bias" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7_1.bn.running_mean" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7_1.bn.running_var" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6d/branch7x7_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d/branch7x7_1/relu_/0" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d.branch7x7_2.conv.weight" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; -"Mixed_6d/branch7x7_2/conv/conv2d/0" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d.branch7x7_2.bn.weight" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7_2.bn.bias" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7_2.bn.running_mean" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7_2.bn.running_var" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6d/branch7x7_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d/branch7x7_2/relu_/0" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d.branch7x7_3.conv.weight" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 7, 1)"]; -"Mixed_6d/branch7x7_3/conv/conv2d/0" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6d.branch7x7_3.bn.weight" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch7x7_3.bn.bias" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch7x7_3.bn.running_mean" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch7x7_3.bn.running_var" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6d/branch7x7_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6d/branch7x7_3/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6d.branch7x7dbl_1.conv.weight" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; -"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_1.bn.weight" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_1.bn.bias" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_1.bn.running_mean" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_1.bn.running_var" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d/branch7x7dbl_1/relu_/0" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_2.conv.weight" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; -"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_2.bn.weight" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_2.bn.bias" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_2.bn.running_mean" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_2.bn.running_var" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d/branch7x7dbl_2/relu_/0" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_3.conv.weight" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; -"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_3.bn.weight" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_3.bn.bias" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_3.bn.running_mean" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_3.bn.running_var" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d/branch7x7dbl_3/relu_/0" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_4.conv.weight" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; -"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_4.bn.weight" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_4.bn.bias" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_4.bn.running_mean" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_4.bn.running_var" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d/branch7x7dbl_4/relu_/0" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_5.conv.weight" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 1, 7)"]; -"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6d.branch7x7dbl_5.bn.weight" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch7x7dbl_5.bn.bias" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch7x7dbl_5.bn.running_mean" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch7x7dbl_5.bn.running_var" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6d/branch7x7dbl_5/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6d/avg_pool2d/0" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6d.branch_pool.conv.weight" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6d/branch_pool/conv/conv2d/0" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6d.branch_pool.bn.weight" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch_pool.bn.bias" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch_pool.bn.running_mean" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch_pool.bn.running_var" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6d/branch_pool/bn/batch_norm/0" -> "Mixed_6d/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6d/branch_pool/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6d/cat/0" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6d/cat/0" -> "Mixed_6e/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6e.branch1x1.conv.weight" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6e/branch1x1/conv/conv2d/0" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch1x1.bn.weight" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch1x1.bn.bias" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch1x1.bn.running_mean" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch1x1.bn.running_var" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch1x1/bn/batch_norm/0" -> "Mixed_6e/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e/branch1x1/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7_1.conv.weight" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6e/branch7x7_1/conv/conv2d/0" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7_1.bn.weight" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_1.bn.bias" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_1.bn.running_mean" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_1.bn.running_var" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e/branch7x7_1/relu_/0" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7_2.conv.weight" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; -"Mixed_6e/branch7x7_2/conv/conv2d/0" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7_2.bn.weight" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_2.bn.bias" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_2.bn.running_mean" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_2.bn.running_var" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e/branch7x7_2/relu_/0" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7_3.conv.weight" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; -"Mixed_6e/branch7x7_3/conv/conv2d/0" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7_3.bn.weight" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_3.bn.bias" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_3.bn.running_mean" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_3.bn.running_var" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e/branch7x7_3/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_1.conv.weight" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_1.bn.weight" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_1.bn.bias" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_1.bn.running_mean" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_1.bn.running_var" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e/branch7x7dbl_1/relu_/0" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_2.conv.weight" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; -"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_2.bn.weight" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_2.bn.bias" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_2.bn.running_mean" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_2.bn.running_var" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e/branch7x7dbl_2/relu_/0" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_3.conv.weight" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; -"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_3.bn.weight" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_3.bn.bias" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_3.bn.running_mean" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_3.bn.running_var" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e/branch7x7dbl_3/relu_/0" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_4.conv.weight" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; -"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_4.bn.weight" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_4.bn.bias" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_4.bn.running_mean" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_4.bn.running_var" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e/branch7x7dbl_4/relu_/0" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_5.conv.weight" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; -"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_5.bn.weight" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_5.bn.bias" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_5.bn.running_mean" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_5.bn.running_var" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e/branch7x7dbl_5/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e/avg_pool2d/0" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6e.branch_pool.conv.weight" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6e/branch_pool/conv/conv2d/0" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e.branch_pool.bn.weight" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch_pool.bn.bias" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch_pool.bn.running_mean" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch_pool.bn.running_var" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch_pool/bn/batch_norm/0" -> "Mixed_6e/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e/branch_pool/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_6e/cat/0" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6e/cat/0" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_6e/cat/0" -> "Mixed_7a/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 17, 17)"]; -"Mixed_7a.branch3x3_1.conv.weight" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_7a/branch3x3_1/conv/conv2d/0" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_7a.branch3x3_1.bn.weight" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch3x3_1.bn.bias" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch3x3_1.bn.running_mean" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch3x3_1.bn.running_var" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_7a/branch3x3_1/bn/batch_norm/0" -> "Mixed_7a/branch3x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_7a/branch3x3_1/relu_/0" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_7a.branch3x3_2.conv.weight" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 192, 3, 3)"]; -"Mixed_7a/branch3x3_2/conv/conv2d/0" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"Mixed_7a.branch3x3_2.bn.weight" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"Mixed_7a.branch3x3_2.bn.bias" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"Mixed_7a.branch3x3_2.bn.running_mean" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"Mixed_7a.branch3x3_2.bn.running_var" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"Mixed_7a/branch3x3_2/bn/batch_norm/0" -> "Mixed_7a/branch3x3_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"Mixed_7a/branch3x3_2/relu_/0" -> "Mixed_7a/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"Mixed_7a.branch7x7x3_1.conv.weight" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_7a/branch7x7x3_1/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_7a.branch7x7x3_1.bn.weight" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_1.bn.bias" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_1.bn.running_mean" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_1.bn.running_var" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_7a/branch7x7x3_1/relu_/0" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_7a.branch7x7x3_2.conv.weight" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; -"Mixed_7a/branch7x7x3_2/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_7a.branch7x7x3_2.bn.weight" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_2.bn.bias" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_2.bn.running_mean" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_2.bn.running_var" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_7a/branch7x7x3_2/relu_/0" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_7a.branch7x7x3_3.conv.weight" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; -"Mixed_7a/branch7x7x3_3/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_7a.branch7x7x3_3.bn.weight" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_3.bn.bias" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_3.bn.running_mean" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_3.bn.running_var" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_7a/branch7x7x3_3/relu_/0" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 17, 17)"]; -"Mixed_7a.branch7x7x3_4.conv.weight" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 3, 3)"]; -"Mixed_7a/branch7x7x3_4/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"Mixed_7a.branch7x7x3_4.bn.weight" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_4.bn.bias" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_4.bn.running_mean" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_4.bn.running_var" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"Mixed_7a/branch7x7x3_4/relu_/0" -> "Mixed_7a/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 8, 8)"]; -"Mixed_7a/max_pool2d/0" -> "Mixed_7a/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 768, 8, 8)"]; -"Mixed_7a/cat/0" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 8, 8)"]; -"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 8, 8)"]; -"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 8, 8)"]; -"Mixed_7a/cat/0" -> "Mixed_7b/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 8, 8)"]; -"Mixed_7b.branch1x1.conv.weight" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 1280, 1, 1)"]; -"Mixed_7b/branch1x1/conv/conv2d/0" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"Mixed_7b.branch1x1.bn.weight" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"Mixed_7b.branch1x1.bn.bias" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"Mixed_7b.branch1x1.bn.running_mean" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"Mixed_7b.branch1x1.bn.running_var" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"Mixed_7b/branch1x1/bn/batch_norm/0" -> "Mixed_7b/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"Mixed_7b/branch1x1/relu_/0" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"Mixed_7b.branch3x3_1.conv.weight" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1280, 1, 1)"]; -"Mixed_7b/branch3x3_1/conv/conv2d/0" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b.branch3x3_1.bn.weight" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_1.bn.bias" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_1.bn.running_mean" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_1.bn.running_var" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7b/branch3x3_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b/branch3x3_1/relu_/0" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b/branch3x3_1/relu_/0" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b.branch3x3_2a.conv.weight" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; -"Mixed_7b/branch3x3_2a/conv/conv2d/0" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b.branch3x3_2a.bn.weight" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_2a.bn.bias" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_2a.bn.running_mean" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_2a.bn.running_var" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7b/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b/branch3x3_2a/relu_/0" -> "Mixed_7b/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b.branch3x3_2b.conv.weight" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; -"Mixed_7b/branch3x3_2b/conv/conv2d/0" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b.branch3x3_2b.bn.weight" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_2b.bn.bias" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_2b.bn.running_mean" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_2b.bn.running_var" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7b/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b/branch3x3_2b/relu_/0" -> "Mixed_7b/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b/cat/0" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 8, 8)"]; -"Mixed_7b.branch3x3dbl_1.conv.weight" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448, 1280, 1, 1)"]; -"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; -"Mixed_7b.branch3x3dbl_1.bn.weight" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; -"Mixed_7b.branch3x3dbl_1.bn.bias" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; -"Mixed_7b.branch3x3dbl_1.bn.running_mean" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; -"Mixed_7b.branch3x3dbl_1.bn.running_var" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; -"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; -"Mixed_7b/branch3x3dbl_1/relu_/0" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; -"Mixed_7b.branch3x3dbl_2.conv.weight" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 448, 3, 3)"]; -"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b.branch3x3dbl_2.bn.weight" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_2.bn.bias" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_2.bn.running_mean" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_2.bn.running_var" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b/branch3x3dbl_2/relu_/0" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b/branch3x3dbl_2/relu_/0" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b.branch3x3dbl_3a.conv.weight" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; -"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b.branch3x3dbl_3a.bn.weight" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_3a.bn.bias" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_3a.bn.running_var" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b/branch3x3dbl_3a/relu_/0" -> "Mixed_7b/cat/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b.branch3x3dbl_3b.conv.weight" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; -"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b.branch3x3dbl_3b.bn.weight" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_3b.bn.bias" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_3b.bn.running_var" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b/branch3x3dbl_3b/relu_/0" -> "Mixed_7b/cat/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7b/cat/1" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 768, 8, 8)"]; -"Mixed_7b/avg_pool2d/0" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 8, 8)"]; -"Mixed_7b.branch_pool.conv.weight" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1280, 1, 1)"]; -"Mixed_7b/branch_pool/conv/conv2d/0" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"Mixed_7b.branch_pool.bn.weight" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_7b.branch_pool.bn.bias" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_7b.branch_pool.bn.running_mean" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_7b.branch_pool.bn.running_var" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_7b/branch_pool/bn/batch_norm/0" -> "Mixed_7b/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"Mixed_7b/branch_pool/relu_/0" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 192, 8, 8)"]; -"Mixed_7b/cat/2" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 8, 8)"]; -"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 8, 8)"]; -"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 8, 8)"]; -"Mixed_7b/cat/2" -> "Mixed_7c/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 8, 8)"]; -"Mixed_7c.branch1x1.conv.weight" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 2048, 1, 1)"]; -"Mixed_7c/branch1x1/conv/conv2d/0" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"Mixed_7c.branch1x1.bn.weight" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"Mixed_7c.branch1x1.bn.bias" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"Mixed_7c.branch1x1.bn.running_mean" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"Mixed_7c.branch1x1.bn.running_var" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"Mixed_7c/branch1x1/bn/batch_norm/0" -> "Mixed_7c/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"Mixed_7c/branch1x1/relu_/0" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"Mixed_7c.branch3x3_1.conv.weight" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 2048, 1, 1)"]; -"Mixed_7c/branch3x3_1/conv/conv2d/0" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c.branch3x3_1.bn.weight" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_1.bn.bias" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_1.bn.running_mean" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_1.bn.running_var" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7c/branch3x3_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c/branch3x3_1/relu_/0" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c/branch3x3_1/relu_/0" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c.branch3x3_2a.conv.weight" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; -"Mixed_7c/branch3x3_2a/conv/conv2d/0" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c.branch3x3_2a.bn.weight" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_2a.bn.bias" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_2a.bn.running_mean" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_2a.bn.running_var" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7c/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c/branch3x3_2a/relu_/0" -> "Mixed_7c/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c.branch3x3_2b.conv.weight" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; -"Mixed_7c/branch3x3_2b/conv/conv2d/0" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c.branch3x3_2b.bn.weight" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_2b.bn.bias" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_2b.bn.running_mean" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_2b.bn.running_var" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7c/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c/branch3x3_2b/relu_/0" -> "Mixed_7c/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c/cat/0" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 8, 8)"]; -"Mixed_7c.branch3x3dbl_1.conv.weight" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448, 2048, 1, 1)"]; -"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; -"Mixed_7c.branch3x3dbl_1.bn.weight" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; -"Mixed_7c.branch3x3dbl_1.bn.bias" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; -"Mixed_7c.branch3x3dbl_1.bn.running_mean" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; -"Mixed_7c.branch3x3dbl_1.bn.running_var" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; -"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; -"Mixed_7c/branch3x3dbl_1/relu_/0" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; -"Mixed_7c.branch3x3dbl_2.conv.weight" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 448, 3, 3)"]; -"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c.branch3x3dbl_2.bn.weight" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_2.bn.bias" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_2.bn.running_mean" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_2.bn.running_var" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c/branch3x3dbl_2/relu_/0" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c/branch3x3dbl_2/relu_/0" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c.branch3x3dbl_3a.conv.weight" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; -"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c.branch3x3dbl_3a.bn.weight" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_3a.bn.bias" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_3a.bn.running_var" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c/branch3x3dbl_3a/relu_/0" -> "Mixed_7c/cat/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c.branch3x3dbl_3b.conv.weight" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; -"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c.branch3x3dbl_3b.bn.weight" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_3b.bn.bias" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_3b.bn.running_var" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c/branch3x3dbl_3b/relu_/0" -> "Mixed_7c/cat/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 8, 8)"]; -"Mixed_7c/cat/1" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 768, 8, 8)"]; -"Mixed_7c/avg_pool2d/0" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 8, 8)"]; -"Mixed_7c.branch_pool.conv.weight" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 2048, 1, 1)"]; -"Mixed_7c/branch_pool/conv/conv2d/0" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"Mixed_7c.branch_pool.bn.weight" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_7c.branch_pool.bn.bias" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_7c.branch_pool.bn.running_mean" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_7c.branch_pool.bn.running_var" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_7c/branch_pool/bn/batch_norm/0" -> "Mixed_7c/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"Mixed_7c/branch_pool/relu_/0" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 192, 8, 8)"]; -"Mixed_7c/cat/2" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 8, 8)"]; -"avgpool/adaptive_avg_pool2d/0" -> "dropout/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 1, 1)"]; -"dropout/dropout/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 1, 1)"]; -"/flatten/0" -> "fc/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048)"]; -"fc.weight" -> "fc/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 2048)"]; -"fc.bias" -> "fc/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"fc/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"Conv2d_1a_3x3.conv.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_1a_3x3/conv/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; +"Conv2d_1a_3x3.bn.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_1a_3x3.bn.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_1a_3x3.bn.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_1a_3x3.bn.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_1a_3x3/bn/batch_norm/0" [id=7, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Conv2d_1a_3x3/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; +"Conv2d_2a_3x3.conv.weight" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2a_3x3/conv/conv2d/0" [id=10, type=conv2d, metatype=PTConv2dMetatype]; +"Conv2d_2a_3x3.bn.weight" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2a_3x3.bn.bias" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2a_3x3.bn.running_mean" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2a_3x3.bn.running_var" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2a_3x3/bn/batch_norm/0" [id=15, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Conv2d_2a_3x3/relu_/0" [id=16, type="relu_", metatype=PTRELUMetatype]; +"Conv2d_2b_3x3.conv.weight" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2b_3x3/conv/conv2d/0" [id=18, type=conv2d, metatype=PTConv2dMetatype]; +"Conv2d_2b_3x3.bn.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2b_3x3.bn.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2b_3x3.bn.running_mean" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2b_3x3.bn.running_var" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2b_3x3/bn/batch_norm/0" [id=23, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Conv2d_2b_3x3/relu_/0" [id=24, type="relu_", metatype=PTRELUMetatype]; +"maxpool1/max_pool2d/0" [id=25, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"Conv2d_3b_1x1.conv.weight" [id=26, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_3b_1x1/conv/conv2d/0" [id=27, type=conv2d, metatype=PTConv2dMetatype]; +"Conv2d_3b_1x1.bn.weight" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_3b_1x1.bn.bias" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_3b_1x1.bn.running_mean" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_3b_1x1.bn.running_var" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_3b_1x1/bn/batch_norm/0" [id=32, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Conv2d_3b_1x1/relu_/0" [id=33, type="relu_", metatype=PTRELUMetatype]; +"Conv2d_4a_3x3.conv.weight" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_4a_3x3/conv/conv2d/0" [id=35, type=conv2d, metatype=PTConv2dMetatype]; +"Conv2d_4a_3x3.bn.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_4a_3x3.bn.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_4a_3x3.bn.running_mean" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_4a_3x3.bn.running_var" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_4a_3x3/bn/batch_norm/0" [id=40, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Conv2d_4a_3x3/relu_/0" [id=41, type="relu_", metatype=PTRELUMetatype]; +"maxpool2/max_pool2d/0" [id=42, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"Mixed_5b.branch1x1.conv.weight" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch1x1/conv/conv2d/0" [id=44, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5b.branch1x1.bn.weight" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch1x1.bn.bias" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch1x1.bn.running_mean" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch1x1.bn.running_var" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch1x1/bn/batch_norm/0" [id=49, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5b/branch1x1/relu_/0" [id=50, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5b.branch5x5_1.conv.weight" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch5x5_1/conv/conv2d/0" [id=52, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5b.branch5x5_1.bn.weight" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch5x5_1.bn.bias" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch5x5_1.bn.running_mean" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch5x5_1.bn.running_var" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch5x5_1/bn/batch_norm/0" [id=57, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5b/branch5x5_1/relu_/0" [id=58, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5b.branch5x5_2.conv.weight" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch5x5_2/conv/conv2d/0" [id=60, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5b.branch5x5_2.bn.weight" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch5x5_2.bn.bias" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch5x5_2.bn.running_mean" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch5x5_2.bn.running_var" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch5x5_2/bn/batch_norm/0" [id=65, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5b/branch5x5_2/relu_/0" [id=66, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5b.branch3x3dbl_1.conv.weight" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [id=68, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5b.branch3x3dbl_1.bn.weight" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_1.bn.bias" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_1.bn.running_mean" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_1.bn.running_var" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [id=73, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5b/branch3x3dbl_1/relu_/0" [id=74, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5b.branch3x3dbl_2.conv.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [id=76, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5b.branch3x3dbl_2.bn.weight" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_2.bn.bias" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_2.bn.running_mean" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_2.bn.running_var" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [id=81, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5b/branch3x3dbl_2/relu_/0" [id=82, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5b.branch3x3dbl_3.conv.weight" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [id=84, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5b.branch3x3dbl_3.bn.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_3.bn.bias" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_3.bn.running_mean" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_3.bn.running_var" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [id=89, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5b/branch3x3dbl_3/relu_/0" [id=90, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5b/avg_pool2d/0" [id=91, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"Mixed_5b.branch_pool.conv.weight" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch_pool/conv/conv2d/0" [id=93, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5b.branch_pool.bn.weight" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch_pool.bn.bias" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch_pool.bn.running_mean" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch_pool.bn.running_var" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch_pool/bn/batch_norm/0" [id=98, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5b/branch_pool/relu_/0" [id=99, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5b/cat/0" [id=100, type=cat, metatype=PTCatMetatype]; +"Mixed_5c.branch1x1.conv.weight" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch1x1/conv/conv2d/0" [id=102, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5c.branch1x1.bn.weight" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch1x1.bn.bias" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch1x1.bn.running_mean" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch1x1.bn.running_var" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch1x1/bn/batch_norm/0" [id=107, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5c/branch1x1/relu_/0" [id=108, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5c.branch5x5_1.conv.weight" [id=109, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch5x5_1/conv/conv2d/0" [id=110, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5c.branch5x5_1.bn.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch5x5_1.bn.bias" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch5x5_1.bn.running_mean" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch5x5_1.bn.running_var" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch5x5_1/bn/batch_norm/0" [id=115, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5c/branch5x5_1/relu_/0" [id=116, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5c.branch5x5_2.conv.weight" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch5x5_2/conv/conv2d/0" [id=118, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5c.branch5x5_2.bn.weight" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch5x5_2.bn.bias" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch5x5_2.bn.running_mean" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch5x5_2.bn.running_var" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch5x5_2/bn/batch_norm/0" [id=123, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5c/branch5x5_2/relu_/0" [id=124, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5c.branch3x3dbl_1.conv.weight" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [id=126, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5c.branch3x3dbl_1.bn.weight" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_1.bn.bias" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_1.bn.running_mean" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_1.bn.running_var" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [id=131, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5c/branch3x3dbl_1/relu_/0" [id=132, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5c.branch3x3dbl_2.conv.weight" [id=133, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [id=134, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5c.branch3x3dbl_2.bn.weight" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_2.bn.bias" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_2.bn.running_mean" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_2.bn.running_var" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [id=139, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5c/branch3x3dbl_2/relu_/0" [id=140, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5c.branch3x3dbl_3.conv.weight" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [id=142, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5c.branch3x3dbl_3.bn.weight" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_3.bn.bias" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_3.bn.running_mean" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_3.bn.running_var" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [id=147, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5c/branch3x3dbl_3/relu_/0" [id=148, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5c/avg_pool2d/0" [id=149, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"Mixed_5c.branch_pool.conv.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch_pool/conv/conv2d/0" [id=151, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5c.branch_pool.bn.weight" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch_pool.bn.bias" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch_pool.bn.running_mean" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch_pool.bn.running_var" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch_pool/bn/batch_norm/0" [id=156, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5c/branch_pool/relu_/0" [id=157, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5c/cat/0" [id=158, type=cat, metatype=PTCatMetatype]; +"Mixed_5d.branch1x1.conv.weight" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch1x1/conv/conv2d/0" [id=160, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5d.branch1x1.bn.weight" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch1x1.bn.bias" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch1x1.bn.running_mean" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch1x1.bn.running_var" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch1x1/bn/batch_norm/0" [id=165, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5d/branch1x1/relu_/0" [id=166, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5d.branch5x5_1.conv.weight" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch5x5_1/conv/conv2d/0" [id=168, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5d.branch5x5_1.bn.weight" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch5x5_1.bn.bias" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch5x5_1.bn.running_mean" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch5x5_1.bn.running_var" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch5x5_1/bn/batch_norm/0" [id=173, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5d/branch5x5_1/relu_/0" [id=174, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5d.branch5x5_2.conv.weight" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch5x5_2/conv/conv2d/0" [id=176, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5d.branch5x5_2.bn.weight" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch5x5_2.bn.bias" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch5x5_2.bn.running_mean" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch5x5_2.bn.running_var" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch5x5_2/bn/batch_norm/0" [id=181, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5d/branch5x5_2/relu_/0" [id=182, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5d.branch3x3dbl_1.conv.weight" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [id=184, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5d.branch3x3dbl_1.bn.weight" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_1.bn.bias" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_1.bn.running_mean" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_1.bn.running_var" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [id=189, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5d/branch3x3dbl_1/relu_/0" [id=190, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5d.branch3x3dbl_2.conv.weight" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [id=192, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5d.branch3x3dbl_2.bn.weight" [id=193, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_2.bn.bias" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_2.bn.running_mean" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_2.bn.running_var" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [id=197, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5d/branch3x3dbl_2/relu_/0" [id=198, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5d.branch3x3dbl_3.conv.weight" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [id=200, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5d.branch3x3dbl_3.bn.weight" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_3.bn.bias" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_3.bn.running_mean" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_3.bn.running_var" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [id=205, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5d/branch3x3dbl_3/relu_/0" [id=206, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5d/avg_pool2d/0" [id=207, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"Mixed_5d.branch_pool.conv.weight" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch_pool/conv/conv2d/0" [id=209, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5d.branch_pool.bn.weight" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch_pool.bn.bias" [id=211, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch_pool.bn.running_mean" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch_pool.bn.running_var" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch_pool/bn/batch_norm/0" [id=214, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5d/branch_pool/relu_/0" [id=215, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5d/cat/0" [id=216, type=cat, metatype=PTCatMetatype]; +"Mixed_6a.branch3x3.conv.weight" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3/conv/conv2d/0" [id=218, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6a.branch3x3.bn.weight" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3.bn.bias" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3.bn.running_mean" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3.bn.running_var" [id=222, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3/bn/batch_norm/0" [id=223, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6a/branch3x3/relu_/0" [id=224, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6a.branch3x3dbl_1.conv.weight" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [id=226, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6a.branch3x3dbl_1.bn.weight" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_1.bn.bias" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_1.bn.running_mean" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_1.bn.running_var" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [id=231, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6a/branch3x3dbl_1/relu_/0" [id=232, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6a.branch3x3dbl_2.conv.weight" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [id=234, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6a.branch3x3dbl_2.bn.weight" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_2.bn.bias" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_2.bn.running_mean" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_2.bn.running_var" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [id=239, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6a/branch3x3dbl_2/relu_/0" [id=240, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6a.branch3x3dbl_3.conv.weight" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [id=242, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6a.branch3x3dbl_3.bn.weight" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_3.bn.bias" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_3.bn.running_mean" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_3.bn.running_var" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [id=247, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6a/branch3x3dbl_3/relu_/0" [id=248, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6a/max_pool2d/0" [id=249, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"Mixed_6a/cat/0" [id=250, type=cat, metatype=PTCatMetatype]; +"Mixed_6b.branch1x1.conv.weight" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch1x1/conv/conv2d/0" [id=252, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch1x1.bn.weight" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch1x1.bn.bias" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch1x1.bn.running_mean" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch1x1.bn.running_var" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch1x1/bn/batch_norm/0" [id=257, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch1x1/relu_/0" [id=258, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6b.branch7x7_1.conv.weight" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7_1/conv/conv2d/0" [id=260, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7_1.bn.weight" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_1.bn.bias" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_1.bn.running_mean" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_1.bn.running_var" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7_1/bn/batch_norm/0" [id=265, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7_1/relu_/0" [id=266, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6b.branch7x7_2.conv.weight" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7_2/conv/conv2d/0" [id=268, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7_2.bn.weight" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_2.bn.bias" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_2.bn.running_mean" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_2.bn.running_var" [id=272, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7_2/bn/batch_norm/0" [id=273, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7_2/relu_/0" [id=274, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6b.branch7x7_3.conv.weight" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7_3/conv/conv2d/0" [id=276, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7_3.bn.weight" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_3.bn.bias" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_3.bn.running_mean" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_3.bn.running_var" [id=280, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7_3/bn/batch_norm/0" [id=281, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7_3/relu_/0" [id=282, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6b.branch7x7dbl_1.conv.weight" [id=283, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [id=284, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7dbl_1.bn.weight" [id=285, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_1.bn.bias" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_1.bn.running_mean" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_1.bn.running_var" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [id=289, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7dbl_1/relu_/0" [id=290, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6b.branch7x7dbl_2.conv.weight" [id=291, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [id=292, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7dbl_2.bn.weight" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_2.bn.bias" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_2.bn.running_mean" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_2.bn.running_var" [id=296, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [id=297, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7dbl_2/relu_/0" [id=298, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6b.branch7x7dbl_3.conv.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [id=300, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7dbl_3.bn.weight" [id=301, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_3.bn.bias" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_3.bn.running_mean" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_3.bn.running_var" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [id=305, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7dbl_3/relu_/0" [id=306, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6b.branch7x7dbl_4.conv.weight" [id=307, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [id=308, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7dbl_4.bn.weight" [id=309, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_4.bn.bias" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_4.bn.running_mean" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_4.bn.running_var" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [id=313, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7dbl_4/relu_/0" [id=314, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6b.branch7x7dbl_5.conv.weight" [id=315, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [id=316, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7dbl_5.bn.weight" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_5.bn.bias" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_5.bn.running_mean" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_5.bn.running_var" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [id=321, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7dbl_5/relu_/0" [id=322, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6b/avg_pool2d/0" [id=323, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"Mixed_6b.branch_pool.conv.weight" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch_pool/conv/conv2d/0" [id=325, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch_pool.bn.weight" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch_pool.bn.bias" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch_pool.bn.running_mean" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch_pool.bn.running_var" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch_pool/bn/batch_norm/0" [id=330, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch_pool/relu_/0" [id=331, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6b/cat/0" [id=332, type=cat, metatype=PTCatMetatype]; +"Mixed_6c.branch1x1.conv.weight" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch1x1/conv/conv2d/0" [id=334, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch1x1.bn.weight" [id=335, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch1x1.bn.bias" [id=336, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch1x1.bn.running_mean" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch1x1.bn.running_var" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch1x1/bn/batch_norm/0" [id=339, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch1x1/relu_/0" [id=340, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6c.branch7x7_1.conv.weight" [id=341, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7_1/conv/conv2d/0" [id=342, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7_1.bn.weight" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_1.bn.bias" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_1.bn.running_mean" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_1.bn.running_var" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7_1/bn/batch_norm/0" [id=347, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7_1/relu_/0" [id=348, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6c.branch7x7_2.conv.weight" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7_2/conv/conv2d/0" [id=350, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7_2.bn.weight" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_2.bn.bias" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_2.bn.running_mean" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_2.bn.running_var" [id=354, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7_2/bn/batch_norm/0" [id=355, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7_2/relu_/0" [id=356, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6c.branch7x7_3.conv.weight" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7_3/conv/conv2d/0" [id=358, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7_3.bn.weight" [id=359, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_3.bn.bias" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_3.bn.running_mean" [id=361, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_3.bn.running_var" [id=362, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7_3/bn/batch_norm/0" [id=363, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7_3/relu_/0" [id=364, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6c.branch7x7dbl_1.conv.weight" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [id=366, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7dbl_1.bn.weight" [id=367, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_1.bn.bias" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_1.bn.running_mean" [id=369, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_1.bn.running_var" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [id=371, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7dbl_1/relu_/0" [id=372, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6c.branch7x7dbl_2.conv.weight" [id=373, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [id=374, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7dbl_2.bn.weight" [id=375, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_2.bn.bias" [id=376, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_2.bn.running_mean" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_2.bn.running_var" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [id=379, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7dbl_2/relu_/0" [id=380, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6c.branch7x7dbl_3.conv.weight" [id=381, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [id=382, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7dbl_3.bn.weight" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_3.bn.bias" [id=384, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_3.bn.running_mean" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_3.bn.running_var" [id=386, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [id=387, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7dbl_3/relu_/0" [id=388, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6c.branch7x7dbl_4.conv.weight" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [id=390, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7dbl_4.bn.weight" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_4.bn.bias" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_4.bn.running_mean" [id=393, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_4.bn.running_var" [id=394, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [id=395, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7dbl_4/relu_/0" [id=396, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6c.branch7x7dbl_5.conv.weight" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [id=398, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7dbl_5.bn.weight" [id=399, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_5.bn.bias" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_5.bn.running_mean" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_5.bn.running_var" [id=402, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [id=403, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7dbl_5/relu_/0" [id=404, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6c/avg_pool2d/0" [id=405, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"Mixed_6c.branch_pool.conv.weight" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch_pool/conv/conv2d/0" [id=407, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch_pool.bn.weight" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch_pool.bn.bias" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch_pool.bn.running_mean" [id=410, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch_pool.bn.running_var" [id=411, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch_pool/bn/batch_norm/0" [id=412, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch_pool/relu_/0" [id=413, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6c/cat/0" [id=414, type=cat, metatype=PTCatMetatype]; +"Mixed_6d.branch1x1.conv.weight" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch1x1/conv/conv2d/0" [id=416, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch1x1.bn.weight" [id=417, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch1x1.bn.bias" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch1x1.bn.running_mean" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch1x1.bn.running_var" [id=420, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch1x1/bn/batch_norm/0" [id=421, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch1x1/relu_/0" [id=422, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6d.branch7x7_1.conv.weight" [id=423, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7_1/conv/conv2d/0" [id=424, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7_1.bn.weight" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_1.bn.bias" [id=426, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_1.bn.running_mean" [id=427, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_1.bn.running_var" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7_1/bn/batch_norm/0" [id=429, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7_1/relu_/0" [id=430, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6d.branch7x7_2.conv.weight" [id=431, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7_2/conv/conv2d/0" [id=432, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7_2.bn.weight" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_2.bn.bias" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_2.bn.running_mean" [id=435, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_2.bn.running_var" [id=436, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7_2/bn/batch_norm/0" [id=437, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7_2/relu_/0" [id=438, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6d.branch7x7_3.conv.weight" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7_3/conv/conv2d/0" [id=440, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7_3.bn.weight" [id=441, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_3.bn.bias" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_3.bn.running_mean" [id=443, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_3.bn.running_var" [id=444, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7_3/bn/batch_norm/0" [id=445, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7_3/relu_/0" [id=446, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6d.branch7x7dbl_1.conv.weight" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [id=448, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7dbl_1.bn.weight" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_1.bn.bias" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_1.bn.running_mean" [id=451, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_1.bn.running_var" [id=452, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [id=453, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7dbl_1/relu_/0" [id=454, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6d.branch7x7dbl_2.conv.weight" [id=455, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [id=456, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7dbl_2.bn.weight" [id=457, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_2.bn.bias" [id=458, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_2.bn.running_mean" [id=459, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_2.bn.running_var" [id=460, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [id=461, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7dbl_2/relu_/0" [id=462, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6d.branch7x7dbl_3.conv.weight" [id=463, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [id=464, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7dbl_3.bn.weight" [id=465, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_3.bn.bias" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_3.bn.running_mean" [id=467, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_3.bn.running_var" [id=468, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [id=469, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7dbl_3/relu_/0" [id=470, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6d.branch7x7dbl_4.conv.weight" [id=471, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [id=472, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7dbl_4.bn.weight" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_4.bn.bias" [id=474, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_4.bn.running_mean" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_4.bn.running_var" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [id=477, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7dbl_4/relu_/0" [id=478, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6d.branch7x7dbl_5.conv.weight" [id=479, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [id=480, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7dbl_5.bn.weight" [id=481, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_5.bn.bias" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_5.bn.running_mean" [id=483, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_5.bn.running_var" [id=484, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [id=485, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7dbl_5/relu_/0" [id=486, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6d/avg_pool2d/0" [id=487, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"Mixed_6d.branch_pool.conv.weight" [id=488, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch_pool/conv/conv2d/0" [id=489, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch_pool.bn.weight" [id=490, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch_pool.bn.bias" [id=491, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch_pool.bn.running_mean" [id=492, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch_pool.bn.running_var" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch_pool/bn/batch_norm/0" [id=494, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch_pool/relu_/0" [id=495, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6d/cat/0" [id=496, type=cat, metatype=PTCatMetatype]; +"Mixed_6e.branch1x1.conv.weight" [id=497, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch1x1/conv/conv2d/0" [id=498, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch1x1.bn.weight" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch1x1.bn.bias" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch1x1.bn.running_mean" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch1x1.bn.running_var" [id=502, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch1x1/bn/batch_norm/0" [id=503, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch1x1/relu_/0" [id=504, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6e.branch7x7_1.conv.weight" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7_1/conv/conv2d/0" [id=506, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7_1.bn.weight" [id=507, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_1.bn.bias" [id=508, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_1.bn.running_mean" [id=509, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_1.bn.running_var" [id=510, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7_1/bn/batch_norm/0" [id=511, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7_1/relu_/0" [id=512, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6e.branch7x7_2.conv.weight" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7_2/conv/conv2d/0" [id=514, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7_2.bn.weight" [id=515, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_2.bn.bias" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_2.bn.running_mean" [id=517, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_2.bn.running_var" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7_2/bn/batch_norm/0" [id=519, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7_2/relu_/0" [id=520, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6e.branch7x7_3.conv.weight" [id=521, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7_3/conv/conv2d/0" [id=522, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7_3.bn.weight" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_3.bn.bias" [id=524, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_3.bn.running_mean" [id=525, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_3.bn.running_var" [id=526, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7_3/bn/batch_norm/0" [id=527, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7_3/relu_/0" [id=528, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6e.branch7x7dbl_1.conv.weight" [id=529, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [id=530, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7dbl_1.bn.weight" [id=531, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_1.bn.bias" [id=532, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_1.bn.running_mean" [id=533, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_1.bn.running_var" [id=534, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [id=535, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7dbl_1/relu_/0" [id=536, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6e.branch7x7dbl_2.conv.weight" [id=537, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [id=538, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7dbl_2.bn.weight" [id=539, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_2.bn.bias" [id=540, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_2.bn.running_mean" [id=541, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_2.bn.running_var" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [id=543, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7dbl_2/relu_/0" [id=544, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6e.branch7x7dbl_3.conv.weight" [id=545, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [id=546, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7dbl_3.bn.weight" [id=547, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_3.bn.bias" [id=548, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_3.bn.running_mean" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_3.bn.running_var" [id=550, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [id=551, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7dbl_3/relu_/0" [id=552, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6e.branch7x7dbl_4.conv.weight" [id=553, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [id=554, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7dbl_4.bn.weight" [id=555, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_4.bn.bias" [id=556, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_4.bn.running_mean" [id=557, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_4.bn.running_var" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [id=559, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7dbl_4/relu_/0" [id=560, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6e.branch7x7dbl_5.conv.weight" [id=561, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [id=562, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7dbl_5.bn.weight" [id=563, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_5.bn.bias" [id=564, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_5.bn.running_mean" [id=565, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_5.bn.running_var" [id=566, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [id=567, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7dbl_5/relu_/0" [id=568, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6e/avg_pool2d/0" [id=569, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"Mixed_6e.branch_pool.conv.weight" [id=570, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch_pool/conv/conv2d/0" [id=571, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch_pool.bn.weight" [id=572, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch_pool.bn.bias" [id=573, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch_pool.bn.running_mean" [id=574, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch_pool.bn.running_var" [id=575, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch_pool/bn/batch_norm/0" [id=576, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch_pool/relu_/0" [id=577, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6e/cat/0" [id=578, type=cat, metatype=PTCatMetatype]; +"Mixed_7a.branch3x3_1.conv.weight" [id=579, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch3x3_1/conv/conv2d/0" [id=580, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7a.branch3x3_1.bn.weight" [id=581, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch3x3_1.bn.bias" [id=582, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch3x3_1.bn.running_mean" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch3x3_1.bn.running_var" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch3x3_1/bn/batch_norm/0" [id=585, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7a/branch3x3_1/relu_/0" [id=586, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7a.branch3x3_2.conv.weight" [id=587, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch3x3_2/conv/conv2d/0" [id=588, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7a.branch3x3_2.bn.weight" [id=589, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch3x3_2.bn.bias" [id=590, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch3x3_2.bn.running_mean" [id=591, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch3x3_2.bn.running_var" [id=592, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch3x3_2/bn/batch_norm/0" [id=593, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7a/branch3x3_2/relu_/0" [id=594, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7a.branch7x7x3_1.conv.weight" [id=595, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_1/conv/conv2d/0" [id=596, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7a.branch7x7x3_1.bn.weight" [id=597, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_1.bn.bias" [id=598, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_1.bn.running_mean" [id=599, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_1.bn.running_var" [id=600, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [id=601, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7a/branch7x7x3_1/relu_/0" [id=602, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7a.branch7x7x3_2.conv.weight" [id=603, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_2/conv/conv2d/0" [id=604, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7a.branch7x7x3_2.bn.weight" [id=605, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_2.bn.bias" [id=606, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_2.bn.running_mean" [id=607, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_2.bn.running_var" [id=608, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [id=609, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7a/branch7x7x3_2/relu_/0" [id=610, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7a.branch7x7x3_3.conv.weight" [id=611, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_3/conv/conv2d/0" [id=612, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7a.branch7x7x3_3.bn.weight" [id=613, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_3.bn.bias" [id=614, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_3.bn.running_mean" [id=615, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_3.bn.running_var" [id=616, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [id=617, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7a/branch7x7x3_3/relu_/0" [id=618, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7a.branch7x7x3_4.conv.weight" [id=619, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_4/conv/conv2d/0" [id=620, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7a.branch7x7x3_4.bn.weight" [id=621, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_4.bn.bias" [id=622, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_4.bn.running_mean" [id=623, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_4.bn.running_var" [id=624, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [id=625, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7a/branch7x7x3_4/relu_/0" [id=626, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7a/max_pool2d/0" [id=627, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"Mixed_7a/cat/0" [id=628, type=cat, metatype=PTCatMetatype]; +"Mixed_7b.branch1x1.conv.weight" [id=629, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch1x1/conv/conv2d/0" [id=630, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch1x1.bn.weight" [id=631, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch1x1.bn.bias" [id=632, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch1x1.bn.running_mean" [id=633, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch1x1.bn.running_var" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch1x1/bn/batch_norm/0" [id=635, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch1x1/relu_/0" [id=636, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7b.branch3x3_1.conv.weight" [id=637, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3_1/conv/conv2d/0" [id=638, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch3x3_1.bn.weight" [id=639, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_1.bn.bias" [id=640, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_1.bn.running_mean" [id=641, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_1.bn.running_var" [id=642, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3_1/bn/batch_norm/0" [id=643, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch3x3_1/relu_/0" [id=644, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7b.branch3x3_2a.conv.weight" [id=645, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3_2a/conv/conv2d/0" [id=646, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch3x3_2a.bn.weight" [id=647, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_2a.bn.bias" [id=648, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_2a.bn.running_mean" [id=649, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_2a.bn.running_var" [id=650, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3_2a/bn/batch_norm/0" [id=651, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch3x3_2a/relu_/0" [id=652, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7b.branch3x3_2b.conv.weight" [id=653, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3_2b/conv/conv2d/0" [id=654, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch3x3_2b.bn.weight" [id=655, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_2b.bn.bias" [id=656, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_2b.bn.running_mean" [id=657, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_2b.bn.running_var" [id=658, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3_2b/bn/batch_norm/0" [id=659, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch3x3_2b/relu_/0" [id=660, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7b/cat/0" [id=661, type=cat, metatype=PTCatMetatype]; +"Mixed_7b.branch3x3dbl_1.conv.weight" [id=662, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [id=663, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch3x3dbl_1.bn.weight" [id=664, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_1.bn.bias" [id=665, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_1.bn.running_mean" [id=666, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_1.bn.running_var" [id=667, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [id=668, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch3x3dbl_1/relu_/0" [id=669, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7b.branch3x3dbl_2.conv.weight" [id=670, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [id=671, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch3x3dbl_2.bn.weight" [id=672, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_2.bn.bias" [id=673, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_2.bn.running_mean" [id=674, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_2.bn.running_var" [id=675, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [id=676, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch3x3dbl_2/relu_/0" [id=677, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7b.branch3x3dbl_3a.conv.weight" [id=678, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [id=679, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch3x3dbl_3a.bn.weight" [id=680, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_3a.bn.bias" [id=681, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_3a.bn.running_mean" [id=682, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_3a.bn.running_var" [id=683, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [id=684, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch3x3dbl_3a/relu_/0" [id=685, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7b.branch3x3dbl_3b.conv.weight" [id=686, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [id=687, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch3x3dbl_3b.bn.weight" [id=688, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_3b.bn.bias" [id=689, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_3b.bn.running_mean" [id=690, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_3b.bn.running_var" [id=691, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [id=692, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch3x3dbl_3b/relu_/0" [id=693, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7b/cat/1" [id=694, type=cat, metatype=PTCatMetatype]; +"Mixed_7b/avg_pool2d/0" [id=695, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"Mixed_7b.branch_pool.conv.weight" [id=696, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch_pool/conv/conv2d/0" [id=697, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch_pool.bn.weight" [id=698, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch_pool.bn.bias" [id=699, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch_pool.bn.running_mean" [id=700, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch_pool.bn.running_var" [id=701, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch_pool/bn/batch_norm/0" [id=702, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch_pool/relu_/0" [id=703, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7b/cat/2" [id=704, type=cat, metatype=PTCatMetatype]; +"Mixed_7c.branch1x1.conv.weight" [id=705, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch1x1/conv/conv2d/0" [id=706, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch1x1.bn.weight" [id=707, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch1x1.bn.bias" [id=708, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch1x1.bn.running_mean" [id=709, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch1x1.bn.running_var" [id=710, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch1x1/bn/batch_norm/0" [id=711, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch1x1/relu_/0" [id=712, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7c.branch3x3_1.conv.weight" [id=713, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_1/conv/conv2d/0" [id=714, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch3x3_1.bn.weight" [id=715, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_1.bn.bias" [id=716, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_1.bn.running_mean" [id=717, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_1.bn.running_var" [id=718, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_1/bn/batch_norm/0" [id=719, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch3x3_1/relu_/0" [id=720, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7c.branch3x3_2a.conv.weight" [id=721, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_2a/conv/conv2d/0" [id=722, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch3x3_2a.bn.weight" [id=723, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_2a.bn.bias" [id=724, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_2a.bn.running_mean" [id=725, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_2a.bn.running_var" [id=726, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_2a/bn/batch_norm/0" [id=727, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch3x3_2a/relu_/0" [id=728, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7c.branch3x3_2b.conv.weight" [id=729, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_2b/conv/conv2d/0" [id=730, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch3x3_2b.bn.weight" [id=731, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_2b.bn.bias" [id=732, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_2b.bn.running_mean" [id=733, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_2b.bn.running_var" [id=734, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_2b/bn/batch_norm/0" [id=735, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch3x3_2b/relu_/0" [id=736, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7c/cat/0" [id=737, type=cat, metatype=PTCatMetatype]; +"Mixed_7c.branch3x3dbl_1.conv.weight" [id=738, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [id=739, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch3x3dbl_1.bn.weight" [id=740, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_1.bn.bias" [id=741, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_1.bn.running_mean" [id=742, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_1.bn.running_var" [id=743, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [id=744, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch3x3dbl_1/relu_/0" [id=745, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7c.branch3x3dbl_2.conv.weight" [id=746, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [id=747, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch3x3dbl_2.bn.weight" [id=748, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_2.bn.bias" [id=749, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_2.bn.running_mean" [id=750, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_2.bn.running_var" [id=751, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [id=752, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch3x3dbl_2/relu_/0" [id=753, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7c.branch3x3dbl_3a.conv.weight" [id=754, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [id=755, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch3x3dbl_3a.bn.weight" [id=756, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_3a.bn.bias" [id=757, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_3a.bn.running_mean" [id=758, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_3a.bn.running_var" [id=759, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [id=760, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch3x3dbl_3a/relu_/0" [id=761, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7c.branch3x3dbl_3b.conv.weight" [id=762, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [id=763, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch3x3dbl_3b.bn.weight" [id=764, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_3b.bn.bias" [id=765, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_3b.bn.running_mean" [id=766, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_3b.bn.running_var" [id=767, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [id=768, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch3x3dbl_3b/relu_/0" [id=769, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7c/cat/1" [id=770, type=cat, metatype=PTCatMetatype]; +"Mixed_7c/avg_pool2d/0" [id=771, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"Mixed_7c.branch_pool.conv.weight" [id=772, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch_pool/conv/conv2d/0" [id=773, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch_pool.bn.weight" [id=774, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch_pool.bn.bias" [id=775, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch_pool.bn.running_mean" [id=776, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch_pool.bn.running_var" [id=777, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch_pool/bn/batch_norm/0" [id=778, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch_pool/relu_/0" [id=779, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7c/cat/2" [id=780, type=cat, metatype=PTCatMetatype]; +"avgpool/adaptive_avg_pool2d/0" [id=781, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"dropout/dropout/0" [id=782, type=dropout, metatype=PTDropoutMetatype]; +"/flatten/0" [id=783, type=flatten, metatype=PTReshapeMetatype]; +"fc.weight" [id=784, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc.bias" [id=785, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc/linear/0" [id=786, type=linear, metatype=PTLinearMetatype]; +output [id=787, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, shape="(1, 3, 300, 300)", out_port_id=0, in_port_id=0]; +"Conv2d_1a_3x3.conv.weight" -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, shape="(32, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"Conv2d_1a_3x3/conv/conv2d/0" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(1, 32, 149, 149)", out_port_id=0, in_port_id=0]; +"Conv2d_1a_3x3.bn.weight" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"Conv2d_1a_3x3.bn.bias" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"Conv2d_1a_3x3.bn.running_mean" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"Conv2d_1a_3x3.bn.running_var" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"Conv2d_1a_3x3/bn/batch_norm/0" -> "Conv2d_1a_3x3/relu_/0" [dtype=float, shape="(1, 32, 149, 149)", out_port_id=0, in_port_id=0]; +"Conv2d_1a_3x3/relu_/0" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, shape="(1, 32, 149, 149)", out_port_id=0, in_port_id=0]; +"Conv2d_2a_3x3.conv.weight" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, shape="(32, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"Conv2d_2a_3x3/conv/conv2d/0" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(1, 32, 147, 147)", out_port_id=0, in_port_id=0]; +"Conv2d_2a_3x3.bn.weight" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"Conv2d_2a_3x3.bn.bias" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"Conv2d_2a_3x3.bn.running_mean" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"Conv2d_2a_3x3.bn.running_var" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"Conv2d_2a_3x3/bn/batch_norm/0" -> "Conv2d_2a_3x3/relu_/0" [dtype=float, shape="(1, 32, 147, 147)", out_port_id=0, in_port_id=0]; +"Conv2d_2a_3x3/relu_/0" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, shape="(1, 32, 147, 147)", out_port_id=0, in_port_id=0]; +"Conv2d_2b_3x3.conv.weight" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, shape="(64, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"Conv2d_2b_3x3/conv/conv2d/0" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(1, 64, 147, 147)", out_port_id=0, in_port_id=0]; +"Conv2d_2b_3x3.bn.weight" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Conv2d_2b_3x3.bn.bias" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Conv2d_2b_3x3.bn.running_mean" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Conv2d_2b_3x3.bn.running_var" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Conv2d_2b_3x3/bn/batch_norm/0" -> "Conv2d_2b_3x3/relu_/0" [dtype=float, shape="(1, 64, 147, 147)", out_port_id=0, in_port_id=0]; +"Conv2d_2b_3x3/relu_/0" -> "maxpool1/max_pool2d/0" [dtype=float, shape="(1, 64, 147, 147)", out_port_id=0, in_port_id=0]; +"maxpool1/max_pool2d/0" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, shape="(1, 64, 73, 73)", out_port_id=0, in_port_id=0]; +"Conv2d_3b_1x1.conv.weight" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, shape="(80, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"Conv2d_3b_1x1/conv/conv2d/0" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(1, 80, 73, 73)", out_port_id=0, in_port_id=0]; +"Conv2d_3b_1x1.bn.weight" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=1]; +"Conv2d_3b_1x1.bn.bias" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=2]; +"Conv2d_3b_1x1.bn.running_mean" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=3]; +"Conv2d_3b_1x1.bn.running_var" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=4]; +"Conv2d_3b_1x1/bn/batch_norm/0" -> "Conv2d_3b_1x1/relu_/0" [dtype=float, shape="(1, 80, 73, 73)", out_port_id=0, in_port_id=0]; +"Conv2d_3b_1x1/relu_/0" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, shape="(1, 80, 73, 73)", out_port_id=0, in_port_id=0]; +"Conv2d_4a_3x3.conv.weight" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, shape="(192, 80, 3, 3)", out_port_id=0, in_port_id=1]; +"Conv2d_4a_3x3/conv/conv2d/0" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(1, 192, 71, 71)", out_port_id=0, in_port_id=0]; +"Conv2d_4a_3x3.bn.weight" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Conv2d_4a_3x3.bn.bias" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Conv2d_4a_3x3.bn.running_mean" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Conv2d_4a_3x3.bn.running_var" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Conv2d_4a_3x3/bn/batch_norm/0" -> "Conv2d_4a_3x3/relu_/0" [dtype=float, shape="(1, 192, 71, 71)", out_port_id=0, in_port_id=0]; +"Conv2d_4a_3x3/relu_/0" -> "maxpool2/max_pool2d/0" [dtype=float, shape="(1, 192, 71, 71)", out_port_id=0, in_port_id=0]; +"maxpool2/max_pool2d/0" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 192, 35, 35)", out_port_id=0, in_port_id=0]; +"maxpool2/max_pool2d/0" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(1, 192, 35, 35)", out_port_id=0, in_port_id=0]; +"maxpool2/max_pool2d/0" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 192, 35, 35)", out_port_id=0, in_port_id=0]; +"maxpool2/max_pool2d/0" -> "Mixed_5b/avg_pool2d/0" [dtype=float, shape="(1, 192, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch1x1.conv.weight" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5b/branch1x1/conv/conv2d/0" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch1x1.bn.weight" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch1x1.bn.bias" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5b.branch1x1.bn.running_mean" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5b.branch1x1.bn.running_var" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch1x1/bn/batch_norm/0" -> "Mixed_5b/branch1x1/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch1x1/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch5x5_1.conv.weight" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(48, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5b/branch5x5_1/conv/conv2d/0" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch5x5_1.bn.weight" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch5x5_1.bn.bias" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"Mixed_5b.branch5x5_1.bn.running_mean" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"Mixed_5b.branch5x5_1.bn.running_var" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch5x5_1/bn/batch_norm/0" -> "Mixed_5b/branch5x5_1/relu_/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch5x5_1/relu_/0" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch5x5_2.conv.weight" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=1]; +"Mixed_5b/branch5x5_2/conv/conv2d/0" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch5x5_2.bn.weight" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch5x5_2.bn.bias" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5b.branch5x5_2.bn.running_mean" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5b.branch5x5_2.bn.running_var" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch5x5_2/bn/batch_norm/0" -> "Mixed_5b/branch5x5_2/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch5x5_2/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch3x3dbl_1.conv.weight" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch3x3dbl_1.bn.weight" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch3x3dbl_1.bn.bias" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5b.branch3x3dbl_1.bn.running_mean" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5b.branch3x3dbl_1.bn.running_var" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_1/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch3x3dbl_1/relu_/0" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch3x3dbl_2.conv.weight" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch3x3dbl_2.bn.weight" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch3x3dbl_2.bn.bias" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_5b.branch3x3dbl_2.bn.running_mean" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_5b.branch3x3dbl_2.bn.running_var" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_2/relu_/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch3x3dbl_2/relu_/0" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch3x3dbl_3.conv.weight" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch3x3dbl_3.bn.weight" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch3x3dbl_3.bn.bias" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_5b.branch3x3dbl_3.bn.running_mean" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_5b.branch3x3dbl_3.bn.running_var" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_3/relu_/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch3x3dbl_3/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=2]; +"Mixed_5b/avg_pool2d/0" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 192, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch_pool.conv.weight" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5b/branch_pool/conv/conv2d/0" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 32, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch_pool.bn.weight" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch_pool.bn.bias" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"Mixed_5b.branch_pool.bn.running_mean" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"Mixed_5b.branch_pool.bn.running_var" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch_pool/bn/batch_norm/0" -> "Mixed_5b/branch_pool/relu_/0" [dtype=float, shape="(1, 32, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch_pool/relu_/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(1, 32, 35, 35)", out_port_id=0, in_port_id=3]; +"Mixed_5b/cat/0" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 256, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/cat/0" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(1, 256, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/cat/0" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 256, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/cat/0" -> "Mixed_5c/avg_pool2d/0" [dtype=float, shape="(1, 256, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch1x1.conv.weight" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5c/branch1x1/conv/conv2d/0" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch1x1.bn.weight" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch1x1.bn.bias" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5c.branch1x1.bn.running_mean" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5c.branch1x1.bn.running_var" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch1x1/bn/batch_norm/0" -> "Mixed_5c/branch1x1/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch1x1/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch5x5_1.conv.weight" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(48, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5c/branch5x5_1/conv/conv2d/0" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch5x5_1.bn.weight" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch5x5_1.bn.bias" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"Mixed_5c.branch5x5_1.bn.running_mean" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"Mixed_5c.branch5x5_1.bn.running_var" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch5x5_1/bn/batch_norm/0" -> "Mixed_5c/branch5x5_1/relu_/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch5x5_1/relu_/0" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch5x5_2.conv.weight" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=1]; +"Mixed_5c/branch5x5_2/conv/conv2d/0" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch5x5_2.bn.weight" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch5x5_2.bn.bias" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5c.branch5x5_2.bn.running_mean" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5c.branch5x5_2.bn.running_var" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch5x5_2/bn/batch_norm/0" -> "Mixed_5c/branch5x5_2/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch5x5_2/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch3x3dbl_1.conv.weight" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch3x3dbl_1.bn.weight" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch3x3dbl_1.bn.bias" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5c.branch3x3dbl_1.bn.running_mean" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5c.branch3x3dbl_1.bn.running_var" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_1/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch3x3dbl_1/relu_/0" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch3x3dbl_2.conv.weight" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch3x3dbl_2.bn.weight" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch3x3dbl_2.bn.bias" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_5c.branch3x3dbl_2.bn.running_mean" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_5c.branch3x3dbl_2.bn.running_var" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_2/relu_/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch3x3dbl_2/relu_/0" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch3x3dbl_3.conv.weight" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch3x3dbl_3.bn.weight" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch3x3dbl_3.bn.bias" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_5c.branch3x3dbl_3.bn.running_mean" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_5c.branch3x3dbl_3.bn.running_var" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_3/relu_/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch3x3dbl_3/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=2]; +"Mixed_5c/avg_pool2d/0" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 256, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch_pool.conv.weight" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5c/branch_pool/conv/conv2d/0" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch_pool.bn.weight" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch_pool.bn.bias" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5c.branch_pool.bn.running_mean" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5c.branch_pool.bn.running_var" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch_pool/bn/batch_norm/0" -> "Mixed_5c/branch_pool/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch_pool/relu_/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=3]; +"Mixed_5c/cat/0" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/cat/0" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/cat/0" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/cat/0" -> "Mixed_5d/avg_pool2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch1x1.conv.weight" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5d/branch1x1/conv/conv2d/0" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch1x1.bn.weight" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch1x1.bn.bias" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5d.branch1x1.bn.running_mean" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5d.branch1x1.bn.running_var" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch1x1/bn/batch_norm/0" -> "Mixed_5d/branch1x1/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch1x1/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch5x5_1.conv.weight" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(48, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5d/branch5x5_1/conv/conv2d/0" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch5x5_1.bn.weight" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch5x5_1.bn.bias" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"Mixed_5d.branch5x5_1.bn.running_mean" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"Mixed_5d.branch5x5_1.bn.running_var" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch5x5_1/bn/batch_norm/0" -> "Mixed_5d/branch5x5_1/relu_/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch5x5_1/relu_/0" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(1, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch5x5_2.conv.weight" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=1]; +"Mixed_5d/branch5x5_2/conv/conv2d/0" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch5x5_2.bn.weight" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch5x5_2.bn.bias" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5d.branch5x5_2.bn.running_mean" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5d.branch5x5_2.bn.running_var" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch5x5_2/bn/batch_norm/0" -> "Mixed_5d/branch5x5_2/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch5x5_2/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch3x3dbl_1.conv.weight" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch3x3dbl_1.bn.weight" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch3x3dbl_1.bn.bias" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5d.branch3x3dbl_1.bn.running_mean" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5d.branch3x3dbl_1.bn.running_var" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_1/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch3x3dbl_1/relu_/0" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch3x3dbl_2.conv.weight" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch3x3dbl_2.bn.weight" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch3x3dbl_2.bn.bias" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_5d.branch3x3dbl_2.bn.running_mean" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_5d.branch3x3dbl_2.bn.running_var" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_2/relu_/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch3x3dbl_2/relu_/0" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch3x3dbl_3.conv.weight" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch3x3dbl_3.bn.weight" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch3x3dbl_3.bn.bias" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_5d.branch3x3dbl_3.bn.running_mean" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_5d.branch3x3dbl_3.bn.running_var" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_3/relu_/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch3x3dbl_3/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=2]; +"Mixed_5d/avg_pool2d/0" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch_pool.conv.weight" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5d/branch_pool/conv/conv2d/0" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch_pool.bn.weight" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch_pool.bn.bias" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5d.branch_pool.bn.running_mean" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5d.branch_pool.bn.running_var" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch_pool/bn/batch_norm/0" -> "Mixed_5d/branch_pool/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch_pool/relu_/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=3]; +"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/cat/0" -> "Mixed_6a/max_pool2d/0" [dtype=float, shape="(1, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3.conv.weight" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, shape="(384, 288, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_6a/branch3x3/conv/conv2d/0" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(1, 384, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3.bn.weight" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_6a.branch3x3.bn.bias" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_6a.branch3x3.bn.running_mean" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_6a.branch3x3.bn.running_var" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_6a/branch3x3/bn/batch_norm/0" -> "Mixed_6a/branch3x3/relu_/0" [dtype=float, shape="(1, 384, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a/branch3x3/relu_/0" -> "Mixed_6a/cat/0" [dtype=float, shape="(1, 384, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3dbl_1.conv.weight" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3dbl_1.bn.weight" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_6a.branch3x3dbl_1.bn.bias" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_6a.branch3x3dbl_1.bn.running_mean" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_6a.branch3x3dbl_1.bn.running_var" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_1/relu_/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_6a/branch3x3dbl_1/relu_/0" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3dbl_2.conv.weight" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3dbl_2.bn.weight" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_6a.branch3x3dbl_2.bn.bias" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_6a.branch3x3dbl_2.bn.running_mean" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_6a.branch3x3dbl_2.bn.running_var" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_2/relu_/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_6a/branch3x3dbl_2/relu_/0" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3dbl_3.conv.weight" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 96, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3dbl_3.bn.weight" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_6a.branch3x3dbl_3.bn.bias" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_6a.branch3x3dbl_3.bn.running_mean" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_6a.branch3x3dbl_3.bn.running_var" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_3/relu_/0" [dtype=float, shape="(1, 96, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a/branch3x3dbl_3/relu_/0" -> "Mixed_6a/cat/0" [dtype=float, shape="(1, 96, 17, 17)", out_port_id=0, in_port_id=1]; +"Mixed_6a/max_pool2d/0" -> "Mixed_6a/cat/0" [dtype=float, shape="(1, 288, 17, 17)", out_port_id=0, in_port_id=2]; +"Mixed_6a/cat/0" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a/cat/0" -> "Mixed_6b/avg_pool2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch1x1.conv.weight" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch1x1/conv/conv2d/0" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch1x1.bn.weight" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch1x1.bn.bias" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch1x1.bn.running_mean" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch1x1.bn.running_var" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch1x1/bn/batch_norm/0" -> "Mixed_6b/branch1x1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch1x1/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7_1.conv.weight" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7_1/conv/conv2d/0" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7_1.bn.weight" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7_1.bn.bias" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7_1.bn.running_mean" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7_1.bn.running_var" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7_1/relu_/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7_1/relu_/0" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7_2.conv.weight" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(128, 128, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7_2/conv/conv2d/0" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7_2.bn.weight" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7_2.bn.bias" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7_2.bn.running_mean" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7_2.bn.running_var" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7_2/relu_/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7_2/relu_/0" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7_3.conv.weight" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 128, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7_3/conv/conv2d/0" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7_3.bn.weight" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7_3.bn.bias" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7_3.bn.running_mean" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7_3.bn.running_var" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7_3/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7_3/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7dbl_1.conv.weight" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_1.bn.weight" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7dbl_1.bn.bias" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7dbl_1.bn.running_mean" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7dbl_1.bn.running_var" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_1/relu_/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7dbl_1/relu_/0" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_2.conv.weight" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(128, 128, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_2.bn.weight" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7dbl_2.bn.bias" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7dbl_2.bn.running_mean" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7dbl_2.bn.running_var" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_2/relu_/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7dbl_2/relu_/0" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_3.conv.weight" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(128, 128, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_3.bn.weight" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7dbl_3.bn.bias" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7dbl_3.bn.running_mean" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7dbl_3.bn.running_var" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_3/relu_/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7dbl_3/relu_/0" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_4.conv.weight" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(128, 128, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_4.bn.weight" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7dbl_4.bn.bias" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7dbl_4.bn.running_mean" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7dbl_4.bn.running_var" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_4/relu_/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7dbl_4/relu_/0" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(1, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_5.conv.weight" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 128, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_5.bn.weight" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7dbl_5.bn.bias" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7dbl_5.bn.running_mean" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7dbl_5.bn.running_var" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_5/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7dbl_5/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=2]; +"Mixed_6b/avg_pool2d/0" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch_pool.conv.weight" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch_pool/conv/conv2d/0" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch_pool.bn.weight" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch_pool.bn.bias" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch_pool.bn.running_mean" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch_pool.bn.running_var" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch_pool/bn/batch_norm/0" -> "Mixed_6b/branch_pool/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch_pool/relu_/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=3]; +"Mixed_6b/cat/0" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/cat/0" -> "Mixed_6c/avg_pool2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch1x1.conv.weight" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch1x1/conv/conv2d/0" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch1x1.bn.weight" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch1x1.bn.bias" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch1x1.bn.running_mean" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch1x1.bn.running_var" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch1x1/bn/batch_norm/0" -> "Mixed_6c/branch1x1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch1x1/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7_1.conv.weight" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7_1/conv/conv2d/0" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7_1.bn.weight" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7_1.bn.bias" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7_1.bn.running_mean" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7_1.bn.running_var" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7_1/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7_1/relu_/0" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7_2.conv.weight" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7_2/conv/conv2d/0" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7_2.bn.weight" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7_2.bn.bias" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7_2.bn.running_mean" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7_2.bn.running_var" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7_2/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7_2/relu_/0" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7_3.conv.weight" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 160, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7_3/conv/conv2d/0" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7_3.bn.weight" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7_3.bn.bias" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7_3.bn.running_mean" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7_3.bn.running_var" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7_3/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7_3/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7dbl_1.conv.weight" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_1.bn.weight" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7dbl_1.bn.bias" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7dbl_1.bn.running_mean" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7dbl_1.bn.running_var" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_1/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7dbl_1/relu_/0" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_2.conv.weight" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_2.bn.weight" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7dbl_2.bn.bias" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7dbl_2.bn.running_mean" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7dbl_2.bn.running_var" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_2/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7dbl_2/relu_/0" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_3.conv.weight" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_3.bn.weight" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7dbl_3.bn.bias" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7dbl_3.bn.running_mean" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7dbl_3.bn.running_var" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_3/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7dbl_3/relu_/0" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_4.conv.weight" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_4.bn.weight" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7dbl_4.bn.bias" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7dbl_4.bn.running_mean" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7dbl_4.bn.running_var" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_4/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7dbl_4/relu_/0" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_5.conv.weight" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 160, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_5.bn.weight" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7dbl_5.bn.bias" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7dbl_5.bn.running_mean" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7dbl_5.bn.running_var" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_5/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7dbl_5/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=2]; +"Mixed_6c/avg_pool2d/0" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch_pool.conv.weight" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch_pool/conv/conv2d/0" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch_pool.bn.weight" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch_pool.bn.bias" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch_pool.bn.running_mean" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch_pool.bn.running_var" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch_pool/bn/batch_norm/0" -> "Mixed_6c/branch_pool/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch_pool/relu_/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=3]; +"Mixed_6c/cat/0" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/cat/0" -> "Mixed_6d/avg_pool2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch1x1.conv.weight" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch1x1/conv/conv2d/0" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch1x1.bn.weight" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch1x1.bn.bias" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch1x1.bn.running_mean" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch1x1.bn.running_var" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch1x1/bn/batch_norm/0" -> "Mixed_6d/branch1x1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch1x1/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7_1.conv.weight" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7_1/conv/conv2d/0" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7_1.bn.weight" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7_1.bn.bias" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7_1.bn.running_mean" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7_1.bn.running_var" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7_1/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7_1/relu_/0" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7_2.conv.weight" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7_2/conv/conv2d/0" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7_2.bn.weight" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7_2.bn.bias" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7_2.bn.running_mean" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7_2.bn.running_var" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7_2/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7_2/relu_/0" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7_3.conv.weight" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 160, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7_3/conv/conv2d/0" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7_3.bn.weight" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7_3.bn.bias" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7_3.bn.running_mean" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7_3.bn.running_var" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7_3/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7_3/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7dbl_1.conv.weight" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_1.bn.weight" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7dbl_1.bn.bias" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7dbl_1.bn.running_mean" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7dbl_1.bn.running_var" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_1/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7dbl_1/relu_/0" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_2.conv.weight" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_2.bn.weight" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7dbl_2.bn.bias" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7dbl_2.bn.running_mean" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7dbl_2.bn.running_var" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_2/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7dbl_2/relu_/0" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_3.conv.weight" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_3.bn.weight" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7dbl_3.bn.bias" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7dbl_3.bn.running_mean" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7dbl_3.bn.running_var" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_3/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7dbl_3/relu_/0" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_4.conv.weight" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_4.bn.weight" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7dbl_4.bn.bias" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7dbl_4.bn.running_mean" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7dbl_4.bn.running_var" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_4/relu_/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7dbl_4/relu_/0" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(1, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_5.conv.weight" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 160, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_5.bn.weight" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7dbl_5.bn.bias" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7dbl_5.bn.running_mean" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7dbl_5.bn.running_var" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_5/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7dbl_5/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=2]; +"Mixed_6d/avg_pool2d/0" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch_pool.conv.weight" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch_pool/conv/conv2d/0" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch_pool.bn.weight" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch_pool.bn.bias" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch_pool.bn.running_mean" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch_pool.bn.running_var" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch_pool/bn/batch_norm/0" -> "Mixed_6d/branch_pool/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch_pool/relu_/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=3]; +"Mixed_6d/cat/0" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/cat/0" -> "Mixed_6e/avg_pool2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch1x1.conv.weight" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch1x1/conv/conv2d/0" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch1x1.bn.weight" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch1x1.bn.bias" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch1x1.bn.running_mean" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch1x1.bn.running_var" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch1x1/bn/batch_norm/0" -> "Mixed_6e/branch1x1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch1x1/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7_1.conv.weight" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7_1/conv/conv2d/0" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7_1.bn.weight" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7_1.bn.bias" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7_1.bn.running_mean" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7_1.bn.running_var" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7_1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7_1/relu_/0" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7_2.conv.weight" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7_2/conv/conv2d/0" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7_2.bn.weight" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7_2.bn.bias" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7_2.bn.running_mean" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7_2.bn.running_var" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7_2/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7_2/relu_/0" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7_3.conv.weight" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7_3/conv/conv2d/0" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7_3.bn.weight" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7_3.bn.bias" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7_3.bn.running_mean" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7_3.bn.running_var" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7_3/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7_3/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7dbl_1.conv.weight" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_1.bn.weight" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7dbl_1.bn.bias" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7dbl_1.bn.running_mean" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7dbl_1.bn.running_var" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7dbl_1/relu_/0" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_2.conv.weight" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_2.bn.weight" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7dbl_2.bn.bias" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7dbl_2.bn.running_mean" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7dbl_2.bn.running_var" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_2/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7dbl_2/relu_/0" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_3.conv.weight" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_3.bn.weight" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7dbl_3.bn.bias" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7dbl_3.bn.running_mean" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7dbl_3.bn.running_var" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_3/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7dbl_3/relu_/0" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_4.conv.weight" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_4.bn.weight" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7dbl_4.bn.bias" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7dbl_4.bn.running_mean" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7dbl_4.bn.running_var" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_4/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7dbl_4/relu_/0" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_5.conv.weight" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_5.bn.weight" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7dbl_5.bn.bias" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7dbl_5.bn.running_mean" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7dbl_5.bn.running_var" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_5/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7dbl_5/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=2]; +"Mixed_6e/avg_pool2d/0" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch_pool.conv.weight" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch_pool/conv/conv2d/0" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch_pool.bn.weight" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch_pool.bn.bias" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch_pool.bn.running_mean" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch_pool.bn.running_var" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch_pool/bn/batch_norm/0" -> "Mixed_6e/branch_pool/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch_pool/relu_/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=3]; +"Mixed_6e/cat/0" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/cat/0" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/cat/0" -> "Mixed_7a/max_pool2d/0" [dtype=float, shape="(1, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch3x3_1.conv.weight" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7a/branch3x3_1/conv/conv2d/0" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch3x3_1.bn.weight" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_7a.branch3x3_1.bn.bias" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_7a.branch3x3_1.bn.running_mean" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_7a.branch3x3_1.bn.running_var" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch3x3_1/bn/batch_norm/0" -> "Mixed_7a/branch3x3_1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a/branch3x3_1/relu_/0" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch3x3_2.conv.weight" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, shape="(320, 192, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7a/branch3x3_2/conv/conv2d/0" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch3x3_2.bn.weight" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"Mixed_7a.branch3x3_2.bn.bias" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"Mixed_7a.branch3x3_2.bn.running_mean" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"Mixed_7a.branch3x3_2.bn.running_var" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch3x3_2/bn/batch_norm/0" -> "Mixed_7a/branch3x3_2/relu_/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a/branch3x3_2/relu_/0" -> "Mixed_7a/cat/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_1.conv.weight" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7a/branch7x7x3_1/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_1.bn.weight" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_7a.branch7x7x3_1.bn.bias" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_7a.branch7x7x3_1.bn.running_mean" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_7a.branch7x7x3_1.bn.running_var" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_1/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a/branch7x7x3_1/relu_/0" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_2.conv.weight" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_7a/branch7x7x3_2/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_2.bn.weight" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_7a.branch7x7x3_2.bn.bias" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_7a.branch7x7x3_2.bn.running_mean" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_7a.branch7x7x3_2.bn.running_var" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_2/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a/branch7x7x3_2/relu_/0" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_3.conv.weight" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7a/branch7x7x3_3/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_3.bn.weight" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_7a.branch7x7x3_3.bn.bias" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_7a.branch7x7x3_3.bn.running_mean" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_7a.branch7x7x3_3.bn.running_var" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_3/relu_/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a/branch7x7x3_3/relu_/0" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, shape="(1, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_4.conv.weight" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, shape="(192, 192, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7a/branch7x7x3_4/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_4.bn.weight" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_7a.branch7x7x3_4.bn.bias" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_7a.branch7x7x3_4.bn.running_mean" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_7a.branch7x7x3_4.bn.running_var" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_4/relu_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a/branch7x7x3_4/relu_/0" -> "Mixed_7a/cat/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=1]; +"Mixed_7a/max_pool2d/0" -> "Mixed_7a/cat/0" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=2]; +"Mixed_7a/cat/0" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 1280, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(1, 1280, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 1280, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a/cat/0" -> "Mixed_7b/avg_pool2d/0" [dtype=float, shape="(1, 1280, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch1x1.conv.weight" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, shape="(320, 1280, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch1x1/conv/conv2d/0" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch1x1.bn.weight" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch1x1.bn.bias" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch1x1.bn.running_mean" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch1x1.bn.running_var" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch1x1/bn/batch_norm/0" -> "Mixed_7b/branch1x1/relu_/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch1x1/relu_/0" -> "Mixed_7b/cat/2" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3_1.conv.weight" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(384, 1280, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch3x3_1/conv/conv2d/0" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3_1.bn.weight" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3_1.bn.bias" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch3x3_1.bn.running_mean" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch3x3_1.bn.running_var" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3_1/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3_1/relu_/0" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3_1/relu_/0" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3_2a.conv.weight" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch3x3_2a/conv/conv2d/0" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3_2a.bn.weight" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3_2a.bn.bias" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch3x3_2a.bn.running_mean" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch3x3_2a.bn.running_var" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2a/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3_2a/relu_/0" -> "Mixed_7b/cat/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3_2b.conv.weight" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch3x3_2b/conv/conv2d/0" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3_2b.bn.weight" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3_2b.bn.bias" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch3x3_2b.bn.running_mean" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch3x3_2b.bn.running_var" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2b/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3_2b/relu_/0" -> "Mixed_7b/cat/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=1]; +"Mixed_7b/cat/0" -> "Mixed_7b/cat/2" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3dbl_1.conv.weight" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(448, 1280, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3dbl_1.bn.weight" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3dbl_1.bn.bias" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch3x3dbl_1.bn.running_mean" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch3x3dbl_1.bn.running_var" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_1/relu_/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3dbl_1/relu_/0" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3dbl_2.conv.weight" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(384, 448, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3dbl_2.bn.weight" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3dbl_2.bn.bias" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch3x3dbl_2.bn.running_mean" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch3x3dbl_2.bn.running_var" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_2/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3dbl_2/relu_/0" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3dbl_2/relu_/0" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3dbl_3a.conv.weight" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3dbl_3a.bn.weight" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3dbl_3a.bn.bias" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch3x3dbl_3a.bn.running_var" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3a/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3dbl_3a/relu_/0" -> "Mixed_7b/cat/1" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3dbl_3b.conv.weight" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3dbl_3b.bn.weight" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3dbl_3b.bn.bias" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch3x3dbl_3b.bn.running_var" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3b/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3dbl_3b/relu_/0" -> "Mixed_7b/cat/1" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=1]; +"Mixed_7b/cat/1" -> "Mixed_7b/cat/2" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=2]; +"Mixed_7b/avg_pool2d/0" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 1280, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch_pool.conv.weight" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 1280, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch_pool/conv/conv2d/0" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch_pool.bn.weight" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch_pool.bn.bias" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch_pool.bn.running_mean" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch_pool.bn.running_var" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch_pool/bn/batch_norm/0" -> "Mixed_7b/branch_pool/relu_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch_pool/relu_/0" -> "Mixed_7b/cat/2" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=3]; +"Mixed_7b/cat/2" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, shape="(1, 2048, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(1, 2048, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(1, 2048, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/cat/2" -> "Mixed_7c/avg_pool2d/0" [dtype=float, shape="(1, 2048, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch1x1.conv.weight" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, shape="(320, 2048, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch1x1/conv/conv2d/0" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch1x1.bn.weight" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch1x1.bn.bias" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch1x1.bn.running_mean" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch1x1.bn.running_var" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch1x1/bn/batch_norm/0" -> "Mixed_7c/branch1x1/relu_/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch1x1/relu_/0" -> "Mixed_7c/cat/2" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3_1.conv.weight" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(384, 2048, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch3x3_1/conv/conv2d/0" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3_1.bn.weight" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3_1.bn.bias" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch3x3_1.bn.running_mean" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch3x3_1.bn.running_var" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3_1/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3_1/relu_/0" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3_1/relu_/0" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3_2a.conv.weight" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch3x3_2a/conv/conv2d/0" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3_2a.bn.weight" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3_2a.bn.bias" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch3x3_2a.bn.running_mean" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch3x3_2a.bn.running_var" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2a/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3_2a/relu_/0" -> "Mixed_7c/cat/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3_2b.conv.weight" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch3x3_2b/conv/conv2d/0" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3_2b.bn.weight" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3_2b.bn.bias" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch3x3_2b.bn.running_mean" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch3x3_2b.bn.running_var" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2b/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3_2b/relu_/0" -> "Mixed_7c/cat/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=1]; +"Mixed_7c/cat/0" -> "Mixed_7c/cat/2" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3dbl_1.conv.weight" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(448, 2048, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3dbl_1.bn.weight" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3dbl_1.bn.bias" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch3x3dbl_1.bn.running_mean" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch3x3dbl_1.bn.running_var" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_1/relu_/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3dbl_1/relu_/0" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3dbl_2.conv.weight" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(384, 448, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3dbl_2.bn.weight" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3dbl_2.bn.bias" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch3x3dbl_2.bn.running_mean" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch3x3dbl_2.bn.running_var" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_2/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3dbl_2/relu_/0" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3dbl_2/relu_/0" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3dbl_3a.conv.weight" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3dbl_3a.bn.weight" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3dbl_3a.bn.bias" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch3x3dbl_3a.bn.running_var" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3a/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3dbl_3a/relu_/0" -> "Mixed_7c/cat/1" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3dbl_3b.conv.weight" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3dbl_3b.bn.weight" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3dbl_3b.bn.bias" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch3x3dbl_3b.bn.running_var" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3b/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3dbl_3b/relu_/0" -> "Mixed_7c/cat/1" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=1]; +"Mixed_7c/cat/1" -> "Mixed_7c/cat/2" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=2]; +"Mixed_7c/avg_pool2d/0" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, shape="(1, 2048, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch_pool.conv.weight" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 2048, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch_pool/conv/conv2d/0" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch_pool.bn.weight" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch_pool.bn.bias" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch_pool.bn.running_mean" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch_pool.bn.running_var" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch_pool/bn/batch_norm/0" -> "Mixed_7c/branch_pool/relu_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch_pool/relu_/0" -> "Mixed_7c/cat/2" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=3]; +"Mixed_7c/cat/2" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 2048, 8, 8)", out_port_id=0, in_port_id=0]; +"avgpool/adaptive_avg_pool2d/0" -> "dropout/dropout/0" [dtype=float, shape="(1, 2048, 1, 1)", out_port_id=0, in_port_id=0]; +"dropout/dropout/0" -> "/flatten/0" [dtype=float, shape="(1, 2048, 1, 1)", out_port_id=0, in_port_id=0]; +"/flatten/0" -> "fc/linear/0" [dtype=float, shape="(1, 2048)", out_port_id=0, in_port_id=0]; +"fc.weight" -> "fc/linear/0" [dtype=float, shape="(1000, 2048)", out_port_id=0, in_port_id=1]; +"fc.bias" -> "fc/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"fc/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v2.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v2.dot index 3e4000b069e..2e3e2d2ca93 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v2.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v2.dot @@ -1,845 +1,845 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"features.0.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/0/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; -"features.0.1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/1/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/0/2/hardtanh/0" [id=8, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.1.conv.0.0.weight" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/conv/0/0/conv2d/0" [id=10, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.1.conv.0.1.weight" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.conv.0.1.bias" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.conv.0.1.running_mean" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.conv.0.1.running_var" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/conv/0/1/batch_norm/0" [id=15, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/1/conv/0/2/hardtanh/0" [id=16, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.1.conv.1.weight" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/conv/1/conv2d/0" [id=18, metatype=PTConv2dMetatype, type=conv2d]; -"features.1.conv.2.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.conv.2.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.conv.2.running_mean" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.conv.2.running_var" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/conv/2/batch_norm/0" [id=23, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.2.conv.0.0.weight" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/0/0/conv2d/0" [id=25, metatype=PTConv2dMetatype, type=conv2d]; -"features.2.conv.0.1.weight" [id=26, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.0.1.bias" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.0.1.running_mean" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.0.1.running_var" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/0/1/batch_norm/0" [id=30, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/2/conv/0/2/hardtanh/0" [id=31, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.2.conv.1.0.weight" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/1/0/conv2d/0" [id=33, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.2.conv.1.1.weight" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.1.1.bias" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.1.1.running_mean" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.1.1.running_var" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/1/1/batch_norm/0" [id=38, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/2/conv/1/2/hardtanh/0" [id=39, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.2.conv.2.weight" [id=40, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/2/conv2d/0" [id=41, metatype=PTConv2dMetatype, type=conv2d]; -"features.2.conv.3.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.3.bias" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.3.running_mean" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.3.running_var" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/3/batch_norm/0" [id=46, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.3.conv.0.0.weight" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/0/0/conv2d/0" [id=48, metatype=PTConv2dMetatype, type=conv2d]; -"features.3.conv.0.1.weight" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.0.1.bias" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.0.1.running_mean" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.0.1.running_var" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/0/1/batch_norm/0" [id=53, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/conv/0/2/hardtanh/0" [id=54, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.3.conv.1.0.weight" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/1/0/conv2d/0" [id=56, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.3.conv.1.1.weight" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.1.1.bias" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.1.1.running_mean" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.1.1.running_var" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/1/1/batch_norm/0" [id=61, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/conv/1/2/hardtanh/0" [id=62, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.3.conv.2.weight" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/2/conv2d/0" [id=64, metatype=PTConv2dMetatype, type=conv2d]; -"features.3.conv.3.weight" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.3.bias" [id=66, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.3.running_mean" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.3.running_var" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/3/batch_norm/0" [id=69, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/add/0" [id=70, metatype=PTAddMetatype, type=add]; -"features.4.conv.0.0.weight" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/0/0/conv2d/0" [id=72, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.conv.0.1.weight" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.0.1.bias" [id=74, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.0.1.running_mean" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.0.1.running_var" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/0/1/batch_norm/0" [id=77, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/conv/0/2/hardtanh/0" [id=78, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.4.conv.1.0.weight" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/1/0/conv2d/0" [id=80, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.4.conv.1.1.weight" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.1.1.bias" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.1.1.running_mean" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.1.1.running_var" [id=84, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/1/1/batch_norm/0" [id=85, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/conv/1/2/hardtanh/0" [id=86, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.4.conv.2.weight" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/2/conv2d/0" [id=88, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.conv.3.weight" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.3.bias" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.3.running_mean" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.3.running_var" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/3/batch_norm/0" [id=93, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.5.conv.0.0.weight" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/0/0/conv2d/0" [id=95, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.conv.0.1.weight" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.0.1.bias" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.0.1.running_mean" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.0.1.running_var" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/0/1/batch_norm/0" [id=100, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/conv/0/2/hardtanh/0" [id=101, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.5.conv.1.0.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/1/0/conv2d/0" [id=103, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.5.conv.1.1.weight" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.1.1.bias" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.1.1.running_mean" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.1.1.running_var" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/1/1/batch_norm/0" [id=108, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/conv/1/2/hardtanh/0" [id=109, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.5.conv.2.weight" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/2/conv2d/0" [id=111, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.conv.3.weight" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.3.bias" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.3.running_mean" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.3.running_var" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/3/batch_norm/0" [id=116, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/add/0" [id=117, metatype=PTAddMetatype, type=add]; -"features.6.conv.0.0.weight" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/0/0/conv2d/0" [id=119, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.conv.0.1.weight" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.0.1.bias" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.0.1.running_mean" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.0.1.running_var" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/0/1/batch_norm/0" [id=124, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/conv/0/2/hardtanh/0" [id=125, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.6.conv.1.0.weight" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/1/0/conv2d/0" [id=127, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.6.conv.1.1.weight" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.1.1.bias" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.1.1.running_mean" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.1.1.running_var" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/1/1/batch_norm/0" [id=132, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/conv/1/2/hardtanh/0" [id=133, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.6.conv.2.weight" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/2/conv2d/0" [id=135, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.conv.3.weight" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.3.bias" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.3.running_mean" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.3.running_var" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/3/batch_norm/0" [id=140, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/add/0" [id=141, metatype=PTAddMetatype, type=add]; -"features.7.conv.0.0.weight" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/0/0/conv2d/0" [id=143, metatype=PTConv2dMetatype, type=conv2d]; -"features.7.conv.0.1.weight" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.0.1.bias" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.0.1.running_mean" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.0.1.running_var" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/0/1/batch_norm/0" [id=148, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/7/conv/0/2/hardtanh/0" [id=149, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.7.conv.1.0.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/1/0/conv2d/0" [id=151, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.7.conv.1.1.weight" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.1.1.bias" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.1.1.running_mean" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.1.1.running_var" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/1/1/batch_norm/0" [id=156, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/7/conv/1/2/hardtanh/0" [id=157, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.7.conv.2.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/2/conv2d/0" [id=159, metatype=PTConv2dMetatype, type=conv2d]; -"features.7.conv.3.weight" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.3.bias" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.3.running_mean" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.3.running_var" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/3/batch_norm/0" [id=164, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.8.conv.0.0.weight" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/0/0/conv2d/0" [id=166, metatype=PTConv2dMetatype, type=conv2d]; -"features.8.conv.0.1.weight" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.0.1.bias" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.0.1.running_mean" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.0.1.running_var" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/0/1/batch_norm/0" [id=171, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/8/conv/0/2/hardtanh/0" [id=172, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.8.conv.1.0.weight" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/1/0/conv2d/0" [id=174, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.8.conv.1.1.weight" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.1.1.bias" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.1.1.running_mean" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.1.1.running_var" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/1/1/batch_norm/0" [id=179, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/8/conv/1/2/hardtanh/0" [id=180, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.8.conv.2.weight" [id=181, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/2/conv2d/0" [id=182, metatype=PTConv2dMetatype, type=conv2d]; -"features.8.conv.3.weight" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.3.bias" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.3.running_mean" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.3.running_var" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/3/batch_norm/0" [id=187, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/8/add/0" [id=188, metatype=PTAddMetatype, type=add]; -"features.9.conv.0.0.weight" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/0/0/conv2d/0" [id=190, metatype=PTConv2dMetatype, type=conv2d]; -"features.9.conv.0.1.weight" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.0.1.bias" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.0.1.running_mean" [id=193, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.0.1.running_var" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/0/1/batch_norm/0" [id=195, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/9/conv/0/2/hardtanh/0" [id=196, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.9.conv.1.0.weight" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/1/0/conv2d/0" [id=198, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.9.conv.1.1.weight" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.1.1.bias" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.1.1.running_mean" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.1.1.running_var" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/1/1/batch_norm/0" [id=203, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/9/conv/1/2/hardtanh/0" [id=204, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.9.conv.2.weight" [id=205, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/2/conv2d/0" [id=206, metatype=PTConv2dMetatype, type=conv2d]; -"features.9.conv.3.weight" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.3.bias" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.3.running_mean" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.3.running_var" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/3/batch_norm/0" [id=211, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/9/add/0" [id=212, metatype=PTAddMetatype, type=add]; -"features.10.conv.0.0.weight" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/0/0/conv2d/0" [id=214, metatype=PTConv2dMetatype, type=conv2d]; -"features.10.conv.0.1.weight" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.0.1.bias" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.0.1.running_mean" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.0.1.running_var" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/0/1/batch_norm/0" [id=219, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/10/conv/0/2/hardtanh/0" [id=220, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.10.conv.1.0.weight" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/1/0/conv2d/0" [id=222, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.10.conv.1.1.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.1.1.bias" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.1.1.running_mean" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.1.1.running_var" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/1/1/batch_norm/0" [id=227, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/10/conv/1/2/hardtanh/0" [id=228, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.10.conv.2.weight" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/2/conv2d/0" [id=230, metatype=PTConv2dMetatype, type=conv2d]; -"features.10.conv.3.weight" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.3.bias" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.3.running_mean" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.3.running_var" [id=234, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/3/batch_norm/0" [id=235, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/10/add/0" [id=236, metatype=PTAddMetatype, type=add]; -"features.11.conv.0.0.weight" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/0/0/conv2d/0" [id=238, metatype=PTConv2dMetatype, type=conv2d]; -"features.11.conv.0.1.weight" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.0.1.bias" [id=240, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.0.1.running_mean" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.0.1.running_var" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/0/1/batch_norm/0" [id=243, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/11/conv/0/2/hardtanh/0" [id=244, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.11.conv.1.0.weight" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/1/0/conv2d/0" [id=246, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.11.conv.1.1.weight" [id=247, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.1.1.bias" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.1.1.running_mean" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.1.1.running_var" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/1/1/batch_norm/0" [id=251, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/11/conv/1/2/hardtanh/0" [id=252, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.11.conv.2.weight" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/2/conv2d/0" [id=254, metatype=PTConv2dMetatype, type=conv2d]; -"features.11.conv.3.weight" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.3.bias" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.3.running_mean" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.3.running_var" [id=258, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/3/batch_norm/0" [id=259, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.12.conv.0.0.weight" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/0/0/conv2d/0" [id=261, metatype=PTConv2dMetatype, type=conv2d]; -"features.12.conv.0.1.weight" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.0.1.bias" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.0.1.running_mean" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.0.1.running_var" [id=265, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/0/1/batch_norm/0" [id=266, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/12/conv/0/2/hardtanh/0" [id=267, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.12.conv.1.0.weight" [id=268, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/1/0/conv2d/0" [id=269, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.12.conv.1.1.weight" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.1.1.bias" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.1.1.running_mean" [id=272, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.1.1.running_var" [id=273, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/1/1/batch_norm/0" [id=274, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/12/conv/1/2/hardtanh/0" [id=275, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.12.conv.2.weight" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/2/conv2d/0" [id=277, metatype=PTConv2dMetatype, type=conv2d]; -"features.12.conv.3.weight" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.3.bias" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.3.running_mean" [id=280, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.3.running_var" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/3/batch_norm/0" [id=282, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/12/add/0" [id=283, metatype=PTAddMetatype, type=add]; -"features.13.conv.0.0.weight" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/0/0/conv2d/0" [id=285, metatype=PTConv2dMetatype, type=conv2d]; -"features.13.conv.0.1.weight" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.0.1.bias" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.0.1.running_mean" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.0.1.running_var" [id=289, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/0/1/batch_norm/0" [id=290, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/13/conv/0/2/hardtanh/0" [id=291, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.13.conv.1.0.weight" [id=292, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/1/0/conv2d/0" [id=293, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.13.conv.1.1.weight" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.1.1.bias" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.1.1.running_mean" [id=296, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.1.1.running_var" [id=297, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/1/1/batch_norm/0" [id=298, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/13/conv/1/2/hardtanh/0" [id=299, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.13.conv.2.weight" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/2/conv2d/0" [id=301, metatype=PTConv2dMetatype, type=conv2d]; -"features.13.conv.3.weight" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.3.bias" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.3.running_mean" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.3.running_var" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/3/batch_norm/0" [id=306, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/13/add/0" [id=307, metatype=PTAddMetatype, type=add]; -"features.14.conv.0.0.weight" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/0/0/conv2d/0" [id=309, metatype=PTConv2dMetatype, type=conv2d]; -"features.14.conv.0.1.weight" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.0.1.bias" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.0.1.running_mean" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.0.1.running_var" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/0/1/batch_norm/0" [id=314, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/14/conv/0/2/hardtanh/0" [id=315, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.14.conv.1.0.weight" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/1/0/conv2d/0" [id=317, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.14.conv.1.1.weight" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.1.1.bias" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.1.1.running_mean" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.1.1.running_var" [id=321, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/1/1/batch_norm/0" [id=322, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/14/conv/1/2/hardtanh/0" [id=323, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.14.conv.2.weight" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/2/conv2d/0" [id=325, metatype=PTConv2dMetatype, type=conv2d]; -"features.14.conv.3.weight" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.3.bias" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.3.running_mean" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.3.running_var" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/3/batch_norm/0" [id=330, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.15.conv.0.0.weight" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/0/0/conv2d/0" [id=332, metatype=PTConv2dMetatype, type=conv2d]; -"features.15.conv.0.1.weight" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.0.1.bias" [id=334, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.0.1.running_mean" [id=335, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.0.1.running_var" [id=336, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/0/1/batch_norm/0" [id=337, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/15/conv/0/2/hardtanh/0" [id=338, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.15.conv.1.0.weight" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/1/0/conv2d/0" [id=340, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.15.conv.1.1.weight" [id=341, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.1.1.bias" [id=342, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.1.1.running_mean" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.1.1.running_var" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/1/1/batch_norm/0" [id=345, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/15/conv/1/2/hardtanh/0" [id=346, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.15.conv.2.weight" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/2/conv2d/0" [id=348, metatype=PTConv2dMetatype, type=conv2d]; -"features.15.conv.3.weight" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.3.bias" [id=350, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.3.running_mean" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.3.running_var" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/3/batch_norm/0" [id=353, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/15/add/0" [id=354, metatype=PTAddMetatype, type=add]; -"features.16.conv.0.0.weight" [id=355, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/0/0/conv2d/0" [id=356, metatype=PTConv2dMetatype, type=conv2d]; -"features.16.conv.0.1.weight" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.0.1.bias" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.0.1.running_mean" [id=359, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.0.1.running_var" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/0/1/batch_norm/0" [id=361, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/16/conv/0/2/hardtanh/0" [id=362, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.16.conv.1.0.weight" [id=363, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/1/0/conv2d/0" [id=364, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.16.conv.1.1.weight" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.1.1.bias" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.1.1.running_mean" [id=367, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.1.1.running_var" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/1/1/batch_norm/0" [id=369, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/16/conv/1/2/hardtanh/0" [id=370, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.16.conv.2.weight" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/2/conv2d/0" [id=372, metatype=PTConv2dMetatype, type=conv2d]; -"features.16.conv.3.weight" [id=373, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.3.bias" [id=374, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.3.running_mean" [id=375, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.3.running_var" [id=376, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/3/batch_norm/0" [id=377, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/16/add/0" [id=378, metatype=PTAddMetatype, type=add]; -"features.17.conv.0.0.weight" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/0/0/conv2d/0" [id=380, metatype=PTConv2dMetatype, type=conv2d]; -"features.17.conv.0.1.weight" [id=381, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.0.1.bias" [id=382, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.0.1.running_mean" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.0.1.running_var" [id=384, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/0/1/batch_norm/0" [id=385, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/17/conv/0/2/hardtanh/0" [id=386, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.17.conv.1.0.weight" [id=387, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/1/0/conv2d/0" [id=388, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.17.conv.1.1.weight" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.1.1.bias" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.1.1.running_mean" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.1.1.running_var" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/1/1/batch_norm/0" [id=393, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/17/conv/1/2/hardtanh/0" [id=394, metatype=PTHardTanhMetatype, type=hardtanh]; -"features.17.conv.2.weight" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/2/conv2d/0" [id=396, metatype=PTConv2dMetatype, type=conv2d]; -"features.17.conv.3.weight" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.3.bias" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.3.running_mean" [id=399, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.3.running_var" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/3/batch_norm/0" [id=401, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.18.0.weight" [id=402, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/18/0/conv2d/0" [id=403, metatype=PTConv2dMetatype, type=conv2d]; -"features.18.1.weight" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.18.1.bias" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.18.1.running_mean" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.18.1.running_var" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/18/1/batch_norm/0" [id=408, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/18/2/hardtanh/0" [id=409, metatype=PTHardTanhMetatype, type=hardtanh]; -"/adaptive_avg_pool2d/0" [id=410, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"/flatten/0" [id=411, metatype=PTReshapeMetatype, type=flatten]; -"classifier/0/dropout/0" [id=412, metatype=PTDropoutMetatype, type=dropout]; -"classifier.1.weight" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.1.bias" [id=414, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/1/linear/0" [id=415, metatype=PTLinearMetatype, type=linear]; -output [id=416, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "features/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; -"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 3, 3, 3)"]; -"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"features/0/1/batch_norm/0" -> "features/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"features/0/2/hardtanh/0" -> "features/1/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"features.1.conv.0.0.weight" -> "features/1/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 1, 3, 3)"]; -"features/1/conv/0/0/conv2d/0" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"features.1.conv.0.1.weight" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"features.1.conv.0.1.bias" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features.1.conv.0.1.running_mean" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"features.1.conv.0.1.running_var" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"features/1/conv/0/1/batch_norm/0" -> "features/1/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"features/1/conv/0/2/hardtanh/0" -> "features/1/conv/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"features.1.conv.1.weight" -> "features/1/conv/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 32, 1, 1)"]; -"features/1/conv/1/conv2d/0" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; -"features.1.conv.2.weight" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; -"features.1.conv.2.bias" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"features.1.conv.2.running_mean" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; -"features.1.conv.2.running_var" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; -"features/1/conv/2/batch_norm/0" -> "features/2/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; -"features.2.conv.0.0.weight" -> "features/2/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 16, 1, 1)"]; -"features/2/conv/0/0/conv2d/0" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"features.2.conv.0.1.weight" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.2.conv.0.1.bias" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.2.conv.0.1.running_mean" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.2.conv.0.1.running_var" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/2/conv/0/1/batch_norm/0" -> "features/2/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"features/2/conv/0/2/hardtanh/0" -> "features/2/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"features.2.conv.1.0.weight" -> "features/2/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; -"features/2/conv/1/0/conv2d/0" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.2.conv.1.1.weight" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.2.conv.1.1.bias" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.2.conv.1.1.running_mean" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.2.conv.1.1.running_var" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/2/conv/1/1/batch_norm/0" -> "features/2/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/2/conv/1/2/hardtanh/0" -> "features/2/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.2.conv.2.weight" -> "features/2/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 96, 1, 1)"]; -"features/2/conv/2/conv2d/0" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"features.2.conv.3.weight" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"features.2.conv.3.bias" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"features.2.conv.3.running_mean" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"features.2.conv.3.running_var" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"features/2/conv/3/batch_norm/0" -> "features/3/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"features/2/conv/3/batch_norm/0" -> "features/3/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"features.3.conv.0.0.weight" -> "features/3/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 24, 1, 1)"]; -"features/3/conv/0/0/conv2d/0" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features.3.conv.0.1.weight" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.3.conv.0.1.bias" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.3.conv.0.1.running_mean" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.3.conv.0.1.running_var" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/3/conv/0/1/batch_norm/0" -> "features/3/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features/3/conv/0/2/hardtanh/0" -> "features/3/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features.3.conv.1.0.weight" -> "features/3/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 3, 3)"]; -"features/3/conv/1/0/conv2d/0" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features.3.conv.1.1.weight" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.3.conv.1.1.bias" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.3.conv.1.1.running_mean" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.3.conv.1.1.running_var" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/3/conv/1/1/batch_norm/0" -> "features/3/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features/3/conv/1/2/hardtanh/0" -> "features/3/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features.3.conv.2.weight" -> "features/3/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 144, 1, 1)"]; -"features/3/conv/2/conv2d/0" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"features.3.conv.3.weight" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"features.3.conv.3.bias" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"features.3.conv.3.running_mean" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"features.3.conv.3.running_var" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"features/3/conv/3/batch_norm/0" -> "features/3/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 16, 16)"]; -"features/3/add/0" -> "features/4/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"features.4.conv.0.0.weight" -> "features/4/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 24, 1, 1)"]; -"features/4/conv/0/0/conv2d/0" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features.4.conv.0.1.weight" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.4.conv.0.1.bias" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.4.conv.0.1.running_mean" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.4.conv.0.1.running_var" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/4/conv/0/1/batch_norm/0" -> "features/4/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features/4/conv/0/2/hardtanh/0" -> "features/4/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"features.4.conv.1.0.weight" -> "features/4/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 3, 3)"]; -"features/4/conv/1/0/conv2d/0" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features.4.conv.1.1.weight" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.4.conv.1.1.bias" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.4.conv.1.1.running_mean" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.4.conv.1.1.running_var" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/4/conv/1/1/batch_norm/0" -> "features/4/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features/4/conv/1/2/hardtanh/0" -> "features/4/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features.4.conv.2.weight" -> "features/4/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 144, 1, 1)"]; -"features/4/conv/2/conv2d/0" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features.4.conv.3.weight" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"features.4.conv.3.bias" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features.4.conv.3.running_mean" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"features.4.conv.3.running_var" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"features/4/conv/3/batch_norm/0" -> "features/5/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/4/conv/3/batch_norm/0" -> "features/5/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features.5.conv.0.0.weight" -> "features/5/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 32, 1, 1)"]; -"features/5/conv/0/0/conv2d/0" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.5.conv.0.1.weight" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.5.conv.0.1.bias" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.5.conv.0.1.running_mean" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.5.conv.0.1.running_var" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/5/conv/0/1/batch_norm/0" -> "features/5/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/5/conv/0/2/hardtanh/0" -> "features/5/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.5.conv.1.0.weight" -> "features/5/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 3, 3)"]; -"features/5/conv/1/0/conv2d/0" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.5.conv.1.1.weight" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.5.conv.1.1.bias" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.5.conv.1.1.running_mean" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.5.conv.1.1.running_var" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/5/conv/1/1/batch_norm/0" -> "features/5/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/5/conv/1/2/hardtanh/0" -> "features/5/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.5.conv.2.weight" -> "features/5/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 192, 1, 1)"]; -"features/5/conv/2/conv2d/0" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features.5.conv.3.weight" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"features.5.conv.3.bias" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features.5.conv.3.running_mean" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"features.5.conv.3.running_var" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"features/5/conv/3/batch_norm/0" -> "features/5/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/5/add/0" -> "features/6/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/5/add/0" -> "features/6/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features.6.conv.0.0.weight" -> "features/6/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 32, 1, 1)"]; -"features/6/conv/0/0/conv2d/0" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.6.conv.0.1.weight" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.6.conv.0.1.bias" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.6.conv.0.1.running_mean" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.6.conv.0.1.running_var" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/6/conv/0/1/batch_norm/0" -> "features/6/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/6/conv/0/2/hardtanh/0" -> "features/6/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.6.conv.1.0.weight" -> "features/6/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 3, 3)"]; -"features/6/conv/1/0/conv2d/0" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.6.conv.1.1.weight" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.6.conv.1.1.bias" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.6.conv.1.1.running_mean" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.6.conv.1.1.running_var" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/6/conv/1/1/batch_norm/0" -> "features/6/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/6/conv/1/2/hardtanh/0" -> "features/6/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.6.conv.2.weight" -> "features/6/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 192, 1, 1)"]; -"features/6/conv/2/conv2d/0" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features.6.conv.3.weight" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"features.6.conv.3.bias" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features.6.conv.3.running_mean" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"features.6.conv.3.running_var" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"features/6/conv/3/batch_norm/0" -> "features/6/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features/6/add/0" -> "features/7/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"features.7.conv.0.0.weight" -> "features/7/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 32, 1, 1)"]; -"features/7/conv/0/0/conv2d/0" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.7.conv.0.1.weight" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.7.conv.0.1.bias" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.7.conv.0.1.running_mean" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.7.conv.0.1.running_var" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/7/conv/0/1/batch_norm/0" -> "features/7/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/7/conv/0/2/hardtanh/0" -> "features/7/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features.7.conv.1.0.weight" -> "features/7/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 3, 3)"]; -"features/7/conv/1/0/conv2d/0" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features.7.conv.1.1.weight" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.7.conv.1.1.bias" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.7.conv.1.1.running_mean" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.7.conv.1.1.running_var" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/7/conv/1/1/batch_norm/0" -> "features/7/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features/7/conv/1/2/hardtanh/0" -> "features/7/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features.7.conv.2.weight" -> "features/7/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 192, 1, 1)"]; -"features/7/conv/2/conv2d/0" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; -"features.7.conv.3.weight" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"features.7.conv.3.bias" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features.7.conv.3.running_mean" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"features.7.conv.3.running_var" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"features/7/conv/3/batch_norm/0" -> "features/8/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; -"features/7/conv/3/batch_norm/0" -> "features/8/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; -"features.8.conv.0.0.weight" -> "features/8/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; -"features/8/conv/0/0/conv2d/0" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.8.conv.0.1.weight" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.8.conv.0.1.bias" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.8.conv.0.1.running_mean" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.8.conv.0.1.running_var" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/8/conv/0/1/batch_norm/0" -> "features/8/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/8/conv/0/2/hardtanh/0" -> "features/8/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.8.conv.1.0.weight" -> "features/8/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; -"features/8/conv/1/0/conv2d/0" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.8.conv.1.1.weight" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.8.conv.1.1.bias" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.8.conv.1.1.running_mean" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.8.conv.1.1.running_var" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/8/conv/1/1/batch_norm/0" -> "features/8/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/8/conv/1/2/hardtanh/0" -> "features/8/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.8.conv.2.weight" -> "features/8/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; -"features/8/conv/2/conv2d/0" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; -"features.8.conv.3.weight" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"features.8.conv.3.bias" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features.8.conv.3.running_mean" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"features.8.conv.3.running_var" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"features/8/conv/3/batch_norm/0" -> "features/8/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 4, 4)"]; -"features/8/add/0" -> "features/9/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; -"features/8/add/0" -> "features/9/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; -"features.9.conv.0.0.weight" -> "features/9/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; -"features/9/conv/0/0/conv2d/0" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.9.conv.0.1.weight" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.9.conv.0.1.bias" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.9.conv.0.1.running_mean" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.9.conv.0.1.running_var" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/9/conv/0/1/batch_norm/0" -> "features/9/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/9/conv/0/2/hardtanh/0" -> "features/9/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.9.conv.1.0.weight" -> "features/9/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; -"features/9/conv/1/0/conv2d/0" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.9.conv.1.1.weight" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.9.conv.1.1.bias" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.9.conv.1.1.running_mean" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.9.conv.1.1.running_var" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/9/conv/1/1/batch_norm/0" -> "features/9/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/9/conv/1/2/hardtanh/0" -> "features/9/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.9.conv.2.weight" -> "features/9/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; -"features/9/conv/2/conv2d/0" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; -"features.9.conv.3.weight" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"features.9.conv.3.bias" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features.9.conv.3.running_mean" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"features.9.conv.3.running_var" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"features/9/conv/3/batch_norm/0" -> "features/9/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 4, 4)"]; -"features/9/add/0" -> "features/10/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; -"features/9/add/0" -> "features/10/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; -"features.10.conv.0.0.weight" -> "features/10/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; -"features/10/conv/0/0/conv2d/0" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.10.conv.0.1.weight" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.10.conv.0.1.bias" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.10.conv.0.1.running_mean" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.10.conv.0.1.running_var" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/10/conv/0/1/batch_norm/0" -> "features/10/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/10/conv/0/2/hardtanh/0" -> "features/10/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.10.conv.1.0.weight" -> "features/10/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; -"features/10/conv/1/0/conv2d/0" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.10.conv.1.1.weight" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.10.conv.1.1.bias" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.10.conv.1.1.running_mean" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.10.conv.1.1.running_var" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/10/conv/1/1/batch_norm/0" -> "features/10/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/10/conv/1/2/hardtanh/0" -> "features/10/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.10.conv.2.weight" -> "features/10/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; -"features/10/conv/2/conv2d/0" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; -"features.10.conv.3.weight" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"features.10.conv.3.bias" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features.10.conv.3.running_mean" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"features.10.conv.3.running_var" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"features/10/conv/3/batch_norm/0" -> "features/10/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 4, 4)"]; -"features/10/add/0" -> "features/11/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 4, 4)"]; -"features.11.conv.0.0.weight" -> "features/11/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; -"features/11/conv/0/0/conv2d/0" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.11.conv.0.1.weight" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.11.conv.0.1.bias" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.11.conv.0.1.running_mean" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.11.conv.0.1.running_var" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/11/conv/0/1/batch_norm/0" -> "features/11/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/11/conv/0/2/hardtanh/0" -> "features/11/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.11.conv.1.0.weight" -> "features/11/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; -"features/11/conv/1/0/conv2d/0" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.11.conv.1.1.weight" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.11.conv.1.1.bias" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.11.conv.1.1.running_mean" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.11.conv.1.1.running_var" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/11/conv/1/1/batch_norm/0" -> "features/11/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/11/conv/1/2/hardtanh/0" -> "features/11/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.11.conv.2.weight" -> "features/11/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 384, 1, 1)"]; -"features/11/conv/2/conv2d/0" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features.11.conv.3.weight" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.11.conv.3.bias" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.11.conv.3.running_mean" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.11.conv.3.running_var" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/11/conv/3/batch_norm/0" -> "features/12/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features/11/conv/3/batch_norm/0" -> "features/12/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features.12.conv.0.0.weight" -> "features/12/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; -"features/12/conv/0/0/conv2d/0" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features.12.conv.0.1.weight" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.12.conv.0.1.bias" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.12.conv.0.1.running_mean" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.12.conv.0.1.running_var" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/12/conv/0/1/batch_norm/0" -> "features/12/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features/12/conv/0/2/hardtanh/0" -> "features/12/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features.12.conv.1.0.weight" -> "features/12/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 3, 3)"]; -"features/12/conv/1/0/conv2d/0" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features.12.conv.1.1.weight" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.12.conv.1.1.bias" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.12.conv.1.1.running_mean" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.12.conv.1.1.running_var" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/12/conv/1/1/batch_norm/0" -> "features/12/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features/12/conv/1/2/hardtanh/0" -> "features/12/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features.12.conv.2.weight" -> "features/12/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; -"features/12/conv/2/conv2d/0" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features.12.conv.3.weight" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.12.conv.3.bias" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.12.conv.3.running_mean" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.12.conv.3.running_var" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/12/conv/3/batch_norm/0" -> "features/12/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features/12/add/0" -> "features/13/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features/12/add/0" -> "features/13/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features.13.conv.0.0.weight" -> "features/13/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; -"features/13/conv/0/0/conv2d/0" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features.13.conv.0.1.weight" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.13.conv.0.1.bias" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.13.conv.0.1.running_mean" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.13.conv.0.1.running_var" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/13/conv/0/1/batch_norm/0" -> "features/13/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features/13/conv/0/2/hardtanh/0" -> "features/13/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features.13.conv.1.0.weight" -> "features/13/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 3, 3)"]; -"features/13/conv/1/0/conv2d/0" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features.13.conv.1.1.weight" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.13.conv.1.1.bias" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.13.conv.1.1.running_mean" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.13.conv.1.1.running_var" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/13/conv/1/1/batch_norm/0" -> "features/13/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features/13/conv/1/2/hardtanh/0" -> "features/13/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features.13.conv.2.weight" -> "features/13/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; -"features/13/conv/2/conv2d/0" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features.13.conv.3.weight" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.13.conv.3.bias" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.13.conv.3.running_mean" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.13.conv.3.running_var" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/13/conv/3/batch_norm/0" -> "features/13/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features/13/add/0" -> "features/14/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features.14.conv.0.0.weight" -> "features/14/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; -"features/14/conv/0/0/conv2d/0" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features.14.conv.0.1.weight" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.14.conv.0.1.bias" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.14.conv.0.1.running_mean" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.14.conv.0.1.running_var" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/14/conv/0/1/batch_norm/0" -> "features/14/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features/14/conv/0/2/hardtanh/0" -> "features/14/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"features.14.conv.1.0.weight" -> "features/14/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 3, 3)"]; -"features/14/conv/1/0/conv2d/0" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.14.conv.1.1.weight" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.14.conv.1.1.bias" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.14.conv.1.1.running_mean" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.14.conv.1.1.running_var" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/14/conv/1/1/batch_norm/0" -> "features/14/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/14/conv/1/2/hardtanh/0" -> "features/14/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.14.conv.2.weight" -> "features/14/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 576, 1, 1)"]; -"features/14/conv/2/conv2d/0" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; -"features.14.conv.3.weight" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"features.14.conv.3.bias" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"features.14.conv.3.running_mean" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"features.14.conv.3.running_var" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"features/14/conv/3/batch_norm/0" -> "features/15/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; -"features/14/conv/3/batch_norm/0" -> "features/15/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; -"features.15.conv.0.0.weight" -> "features/15/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 160, 1, 1)"]; -"features/15/conv/0/0/conv2d/0" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features.15.conv.0.1.weight" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"features.15.conv.0.1.bias" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"features.15.conv.0.1.running_mean" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"features.15.conv.0.1.running_var" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"features/15/conv/0/1/batch_norm/0" -> "features/15/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features/15/conv/0/2/hardtanh/0" -> "features/15/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features.15.conv.1.0.weight" -> "features/15/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 1, 3, 3)"]; -"features/15/conv/1/0/conv2d/0" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features.15.conv.1.1.weight" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"features.15.conv.1.1.bias" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"features.15.conv.1.1.running_mean" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"features.15.conv.1.1.running_var" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"features/15/conv/1/1/batch_norm/0" -> "features/15/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features/15/conv/1/2/hardtanh/0" -> "features/15/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features.15.conv.2.weight" -> "features/15/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 960, 1, 1)"]; -"features/15/conv/2/conv2d/0" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; -"features.15.conv.3.weight" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"features.15.conv.3.bias" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"features.15.conv.3.running_mean" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"features.15.conv.3.running_var" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"features/15/conv/3/batch_norm/0" -> "features/15/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 160, 2, 2)"]; -"features/15/add/0" -> "features/16/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; -"features/15/add/0" -> "features/16/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; -"features.16.conv.0.0.weight" -> "features/16/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 160, 1, 1)"]; -"features/16/conv/0/0/conv2d/0" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features.16.conv.0.1.weight" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"features.16.conv.0.1.bias" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"features.16.conv.0.1.running_mean" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"features.16.conv.0.1.running_var" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"features/16/conv/0/1/batch_norm/0" -> "features/16/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features/16/conv/0/2/hardtanh/0" -> "features/16/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features.16.conv.1.0.weight" -> "features/16/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 1, 3, 3)"]; -"features/16/conv/1/0/conv2d/0" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features.16.conv.1.1.weight" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"features.16.conv.1.1.bias" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"features.16.conv.1.1.running_mean" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"features.16.conv.1.1.running_var" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"features/16/conv/1/1/batch_norm/0" -> "features/16/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features/16/conv/1/2/hardtanh/0" -> "features/16/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features.16.conv.2.weight" -> "features/16/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 960, 1, 1)"]; -"features/16/conv/2/conv2d/0" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; -"features.16.conv.3.weight" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"features.16.conv.3.bias" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"features.16.conv.3.running_mean" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"features.16.conv.3.running_var" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"features/16/conv/3/batch_norm/0" -> "features/16/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 160, 2, 2)"]; -"features/16/add/0" -> "features/17/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 2, 2)"]; -"features.17.conv.0.0.weight" -> "features/17/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 160, 1, 1)"]; -"features/17/conv/0/0/conv2d/0" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features.17.conv.0.1.weight" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"features.17.conv.0.1.bias" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"features.17.conv.0.1.running_mean" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"features.17.conv.0.1.running_var" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"features/17/conv/0/1/batch_norm/0" -> "features/17/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features/17/conv/0/2/hardtanh/0" -> "features/17/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features.17.conv.1.0.weight" -> "features/17/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 1, 3, 3)"]; -"features/17/conv/1/0/conv2d/0" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features.17.conv.1.1.weight" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"features.17.conv.1.1.bias" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"features.17.conv.1.1.running_mean" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"features.17.conv.1.1.running_var" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"features/17/conv/1/1/batch_norm/0" -> "features/17/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features/17/conv/1/2/hardtanh/0" -> "features/17/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 2, 2)"]; -"features.17.conv.2.weight" -> "features/17/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 960, 1, 1)"]; -"features/17/conv/2/conv2d/0" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 2, 2)"]; -"features.17.conv.3.weight" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"features.17.conv.3.bias" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"features.17.conv.3.running_mean" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"features.17.conv.3.running_var" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"features/17/conv/3/batch_norm/0" -> "features/18/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 2, 2)"]; -"features.18.0.weight" -> "features/18/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1280, 320, 1, 1)"]; -"features/18/0/conv2d/0" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 2, 2)"]; -"features.18.1.weight" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1280,)"]; -"features.18.1.bias" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1280,)"]; -"features.18.1.running_mean" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1280,)"]; -"features.18.1.running_var" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1280,)"]; -"features/18/1/batch_norm/0" -> "features/18/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 2, 2)"]; -"features/18/2/hardtanh/0" -> "/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 2, 2)"]; -"/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; -"/flatten/0" -> "classifier/0/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280)"]; -"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280)"]; -"classifier.1.weight" -> "classifier/1/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1280)"]; -"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"classifier/1/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"features.0.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/0/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; +"features.0.1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/1/batch_norm/0" [id=7, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/0/2/hardtanh/0" [id=8, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.1.conv.0.0.weight" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/conv/0/0/conv2d/0" [id=10, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.1.conv.0.1.weight" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.conv.0.1.bias" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.conv.0.1.running_mean" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.conv.0.1.running_var" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/conv/0/1/batch_norm/0" [id=15, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/1/conv/0/2/hardtanh/0" [id=16, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.1.conv.1.weight" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/conv/1/conv2d/0" [id=18, type=conv2d, metatype=PTConv2dMetatype]; +"features.1.conv.2.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.conv.2.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.conv.2.running_mean" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.conv.2.running_var" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/conv/2/batch_norm/0" [id=23, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.2.conv.0.0.weight" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/0/0/conv2d/0" [id=25, type=conv2d, metatype=PTConv2dMetatype]; +"features.2.conv.0.1.weight" [id=26, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.0.1.bias" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.0.1.running_mean" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.0.1.running_var" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/0/1/batch_norm/0" [id=30, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/2/conv/0/2/hardtanh/0" [id=31, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.2.conv.1.0.weight" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/1/0/conv2d/0" [id=33, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.2.conv.1.1.weight" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.1.1.bias" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.1.1.running_mean" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.1.1.running_var" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/1/1/batch_norm/0" [id=38, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/2/conv/1/2/hardtanh/0" [id=39, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.2.conv.2.weight" [id=40, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/2/conv2d/0" [id=41, type=conv2d, metatype=PTConv2dMetatype]; +"features.2.conv.3.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.3.bias" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.3.running_mean" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.3.running_var" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/3/batch_norm/0" [id=46, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.3.conv.0.0.weight" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/0/0/conv2d/0" [id=48, type=conv2d, metatype=PTConv2dMetatype]; +"features.3.conv.0.1.weight" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.0.1.bias" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.0.1.running_mean" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.0.1.running_var" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/0/1/batch_norm/0" [id=53, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/conv/0/2/hardtanh/0" [id=54, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.3.conv.1.0.weight" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/1/0/conv2d/0" [id=56, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.3.conv.1.1.weight" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.1.1.bias" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.1.1.running_mean" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.1.1.running_var" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/1/1/batch_norm/0" [id=61, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/conv/1/2/hardtanh/0" [id=62, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.3.conv.2.weight" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/2/conv2d/0" [id=64, type=conv2d, metatype=PTConv2dMetatype]; +"features.3.conv.3.weight" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.3.bias" [id=66, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.3.running_mean" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.3.running_var" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/3/batch_norm/0" [id=69, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/add/0" [id=70, type=add, metatype=PTAddMetatype]; +"features.4.conv.0.0.weight" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/0/0/conv2d/0" [id=72, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.conv.0.1.weight" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.0.1.bias" [id=74, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.0.1.running_mean" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.0.1.running_var" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/0/1/batch_norm/0" [id=77, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/conv/0/2/hardtanh/0" [id=78, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.4.conv.1.0.weight" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/1/0/conv2d/0" [id=80, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.4.conv.1.1.weight" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.1.1.bias" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.1.1.running_mean" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.1.1.running_var" [id=84, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/1/1/batch_norm/0" [id=85, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/conv/1/2/hardtanh/0" [id=86, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.4.conv.2.weight" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/2/conv2d/0" [id=88, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.conv.3.weight" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.3.bias" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.3.running_mean" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.3.running_var" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/3/batch_norm/0" [id=93, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.5.conv.0.0.weight" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/0/0/conv2d/0" [id=95, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.conv.0.1.weight" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.0.1.bias" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.0.1.running_mean" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.0.1.running_var" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/0/1/batch_norm/0" [id=100, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/conv/0/2/hardtanh/0" [id=101, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.5.conv.1.0.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/1/0/conv2d/0" [id=103, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.5.conv.1.1.weight" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.1.1.bias" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.1.1.running_mean" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.1.1.running_var" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/1/1/batch_norm/0" [id=108, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/conv/1/2/hardtanh/0" [id=109, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.5.conv.2.weight" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/2/conv2d/0" [id=111, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.conv.3.weight" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.3.bias" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.3.running_mean" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.3.running_var" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/3/batch_norm/0" [id=116, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/add/0" [id=117, type=add, metatype=PTAddMetatype]; +"features.6.conv.0.0.weight" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/0/0/conv2d/0" [id=119, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.conv.0.1.weight" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.0.1.bias" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.0.1.running_mean" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.0.1.running_var" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/0/1/batch_norm/0" [id=124, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/conv/0/2/hardtanh/0" [id=125, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.6.conv.1.0.weight" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/1/0/conv2d/0" [id=127, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.6.conv.1.1.weight" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.1.1.bias" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.1.1.running_mean" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.1.1.running_var" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/1/1/batch_norm/0" [id=132, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/conv/1/2/hardtanh/0" [id=133, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.6.conv.2.weight" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/2/conv2d/0" [id=135, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.conv.3.weight" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.3.bias" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.3.running_mean" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.3.running_var" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/3/batch_norm/0" [id=140, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/add/0" [id=141, type=add, metatype=PTAddMetatype]; +"features.7.conv.0.0.weight" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/0/0/conv2d/0" [id=143, type=conv2d, metatype=PTConv2dMetatype]; +"features.7.conv.0.1.weight" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.0.1.bias" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.0.1.running_mean" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.0.1.running_var" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/0/1/batch_norm/0" [id=148, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/7/conv/0/2/hardtanh/0" [id=149, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.7.conv.1.0.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/1/0/conv2d/0" [id=151, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.7.conv.1.1.weight" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.1.1.bias" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.1.1.running_mean" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.1.1.running_var" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/1/1/batch_norm/0" [id=156, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/7/conv/1/2/hardtanh/0" [id=157, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.7.conv.2.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/2/conv2d/0" [id=159, type=conv2d, metatype=PTConv2dMetatype]; +"features.7.conv.3.weight" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.3.bias" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.3.running_mean" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.3.running_var" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/3/batch_norm/0" [id=164, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.8.conv.0.0.weight" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/0/0/conv2d/0" [id=166, type=conv2d, metatype=PTConv2dMetatype]; +"features.8.conv.0.1.weight" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.0.1.bias" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.0.1.running_mean" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.0.1.running_var" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/0/1/batch_norm/0" [id=171, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/8/conv/0/2/hardtanh/0" [id=172, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.8.conv.1.0.weight" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/1/0/conv2d/0" [id=174, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.8.conv.1.1.weight" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.1.1.bias" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.1.1.running_mean" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.1.1.running_var" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/1/1/batch_norm/0" [id=179, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/8/conv/1/2/hardtanh/0" [id=180, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.8.conv.2.weight" [id=181, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/2/conv2d/0" [id=182, type=conv2d, metatype=PTConv2dMetatype]; +"features.8.conv.3.weight" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.3.bias" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.3.running_mean" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.3.running_var" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/3/batch_norm/0" [id=187, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/8/add/0" [id=188, type=add, metatype=PTAddMetatype]; +"features.9.conv.0.0.weight" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/0/0/conv2d/0" [id=190, type=conv2d, metatype=PTConv2dMetatype]; +"features.9.conv.0.1.weight" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.0.1.bias" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.0.1.running_mean" [id=193, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.0.1.running_var" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/0/1/batch_norm/0" [id=195, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/9/conv/0/2/hardtanh/0" [id=196, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.9.conv.1.0.weight" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/1/0/conv2d/0" [id=198, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.9.conv.1.1.weight" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.1.1.bias" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.1.1.running_mean" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.1.1.running_var" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/1/1/batch_norm/0" [id=203, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/9/conv/1/2/hardtanh/0" [id=204, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.9.conv.2.weight" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/2/conv2d/0" [id=206, type=conv2d, metatype=PTConv2dMetatype]; +"features.9.conv.3.weight" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.3.bias" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.3.running_mean" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.3.running_var" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/3/batch_norm/0" [id=211, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/9/add/0" [id=212, type=add, metatype=PTAddMetatype]; +"features.10.conv.0.0.weight" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/0/0/conv2d/0" [id=214, type=conv2d, metatype=PTConv2dMetatype]; +"features.10.conv.0.1.weight" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.0.1.bias" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.0.1.running_mean" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.0.1.running_var" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/0/1/batch_norm/0" [id=219, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/10/conv/0/2/hardtanh/0" [id=220, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.10.conv.1.0.weight" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/1/0/conv2d/0" [id=222, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.10.conv.1.1.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.1.1.bias" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.1.1.running_mean" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.1.1.running_var" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/1/1/batch_norm/0" [id=227, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/10/conv/1/2/hardtanh/0" [id=228, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.10.conv.2.weight" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/2/conv2d/0" [id=230, type=conv2d, metatype=PTConv2dMetatype]; +"features.10.conv.3.weight" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.3.bias" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.3.running_mean" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.3.running_var" [id=234, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/3/batch_norm/0" [id=235, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/10/add/0" [id=236, type=add, metatype=PTAddMetatype]; +"features.11.conv.0.0.weight" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/0/0/conv2d/0" [id=238, type=conv2d, metatype=PTConv2dMetatype]; +"features.11.conv.0.1.weight" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.0.1.bias" [id=240, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.0.1.running_mean" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.0.1.running_var" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/0/1/batch_norm/0" [id=243, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/11/conv/0/2/hardtanh/0" [id=244, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.11.conv.1.0.weight" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/1/0/conv2d/0" [id=246, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.11.conv.1.1.weight" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.1.1.bias" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.1.1.running_mean" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.1.1.running_var" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/1/1/batch_norm/0" [id=251, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/11/conv/1/2/hardtanh/0" [id=252, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.11.conv.2.weight" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/2/conv2d/0" [id=254, type=conv2d, metatype=PTConv2dMetatype]; +"features.11.conv.3.weight" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.3.bias" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.3.running_mean" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.3.running_var" [id=258, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/3/batch_norm/0" [id=259, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.12.conv.0.0.weight" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/0/0/conv2d/0" [id=261, type=conv2d, metatype=PTConv2dMetatype]; +"features.12.conv.0.1.weight" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.0.1.bias" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.0.1.running_mean" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.0.1.running_var" [id=265, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/0/1/batch_norm/0" [id=266, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/12/conv/0/2/hardtanh/0" [id=267, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.12.conv.1.0.weight" [id=268, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/1/0/conv2d/0" [id=269, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.12.conv.1.1.weight" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.1.1.bias" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.1.1.running_mean" [id=272, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.1.1.running_var" [id=273, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/1/1/batch_norm/0" [id=274, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/12/conv/1/2/hardtanh/0" [id=275, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.12.conv.2.weight" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/2/conv2d/0" [id=277, type=conv2d, metatype=PTConv2dMetatype]; +"features.12.conv.3.weight" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.3.bias" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.3.running_mean" [id=280, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.3.running_var" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/3/batch_norm/0" [id=282, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/12/add/0" [id=283, type=add, metatype=PTAddMetatype]; +"features.13.conv.0.0.weight" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/0/0/conv2d/0" [id=285, type=conv2d, metatype=PTConv2dMetatype]; +"features.13.conv.0.1.weight" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.0.1.bias" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.0.1.running_mean" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.0.1.running_var" [id=289, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/0/1/batch_norm/0" [id=290, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/13/conv/0/2/hardtanh/0" [id=291, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.13.conv.1.0.weight" [id=292, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/1/0/conv2d/0" [id=293, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.13.conv.1.1.weight" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.1.1.bias" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.1.1.running_mean" [id=296, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.1.1.running_var" [id=297, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/1/1/batch_norm/0" [id=298, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/13/conv/1/2/hardtanh/0" [id=299, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.13.conv.2.weight" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/2/conv2d/0" [id=301, type=conv2d, metatype=PTConv2dMetatype]; +"features.13.conv.3.weight" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.3.bias" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.3.running_mean" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.3.running_var" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/3/batch_norm/0" [id=306, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/13/add/0" [id=307, type=add, metatype=PTAddMetatype]; +"features.14.conv.0.0.weight" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/0/0/conv2d/0" [id=309, type=conv2d, metatype=PTConv2dMetatype]; +"features.14.conv.0.1.weight" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.0.1.bias" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.0.1.running_mean" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.0.1.running_var" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/0/1/batch_norm/0" [id=314, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/14/conv/0/2/hardtanh/0" [id=315, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.14.conv.1.0.weight" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/1/0/conv2d/0" [id=317, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.14.conv.1.1.weight" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.1.1.bias" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.1.1.running_mean" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.1.1.running_var" [id=321, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/1/1/batch_norm/0" [id=322, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/14/conv/1/2/hardtanh/0" [id=323, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.14.conv.2.weight" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/2/conv2d/0" [id=325, type=conv2d, metatype=PTConv2dMetatype]; +"features.14.conv.3.weight" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.3.bias" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.3.running_mean" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.3.running_var" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/3/batch_norm/0" [id=330, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.15.conv.0.0.weight" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/0/0/conv2d/0" [id=332, type=conv2d, metatype=PTConv2dMetatype]; +"features.15.conv.0.1.weight" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.0.1.bias" [id=334, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.0.1.running_mean" [id=335, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.0.1.running_var" [id=336, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/0/1/batch_norm/0" [id=337, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/15/conv/0/2/hardtanh/0" [id=338, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.15.conv.1.0.weight" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/1/0/conv2d/0" [id=340, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.15.conv.1.1.weight" [id=341, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.1.1.bias" [id=342, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.1.1.running_mean" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.1.1.running_var" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/1/1/batch_norm/0" [id=345, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/15/conv/1/2/hardtanh/0" [id=346, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.15.conv.2.weight" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/2/conv2d/0" [id=348, type=conv2d, metatype=PTConv2dMetatype]; +"features.15.conv.3.weight" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.3.bias" [id=350, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.3.running_mean" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.3.running_var" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/3/batch_norm/0" [id=353, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/15/add/0" [id=354, type=add, metatype=PTAddMetatype]; +"features.16.conv.0.0.weight" [id=355, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/0/0/conv2d/0" [id=356, type=conv2d, metatype=PTConv2dMetatype]; +"features.16.conv.0.1.weight" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.0.1.bias" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.0.1.running_mean" [id=359, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.0.1.running_var" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/0/1/batch_norm/0" [id=361, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/16/conv/0/2/hardtanh/0" [id=362, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.16.conv.1.0.weight" [id=363, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/1/0/conv2d/0" [id=364, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.16.conv.1.1.weight" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.1.1.bias" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.1.1.running_mean" [id=367, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.1.1.running_var" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/1/1/batch_norm/0" [id=369, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/16/conv/1/2/hardtanh/0" [id=370, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.16.conv.2.weight" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/2/conv2d/0" [id=372, type=conv2d, metatype=PTConv2dMetatype]; +"features.16.conv.3.weight" [id=373, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.3.bias" [id=374, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.3.running_mean" [id=375, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.3.running_var" [id=376, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/3/batch_norm/0" [id=377, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/16/add/0" [id=378, type=add, metatype=PTAddMetatype]; +"features.17.conv.0.0.weight" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/0/0/conv2d/0" [id=380, type=conv2d, metatype=PTConv2dMetatype]; +"features.17.conv.0.1.weight" [id=381, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.0.1.bias" [id=382, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.0.1.running_mean" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.0.1.running_var" [id=384, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/0/1/batch_norm/0" [id=385, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/17/conv/0/2/hardtanh/0" [id=386, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.17.conv.1.0.weight" [id=387, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/1/0/conv2d/0" [id=388, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.17.conv.1.1.weight" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.1.1.bias" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.1.1.running_mean" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.1.1.running_var" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/1/1/batch_norm/0" [id=393, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/17/conv/1/2/hardtanh/0" [id=394, type=hardtanh, metatype=PTHardTanhMetatype]; +"features.17.conv.2.weight" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/2/conv2d/0" [id=396, type=conv2d, metatype=PTConv2dMetatype]; +"features.17.conv.3.weight" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.3.bias" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.3.running_mean" [id=399, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.3.running_var" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/3/batch_norm/0" [id=401, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.18.0.weight" [id=402, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/18/0/conv2d/0" [id=403, type=conv2d, metatype=PTConv2dMetatype]; +"features.18.1.weight" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.18.1.bias" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.18.1.running_mean" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.18.1.running_var" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/18/1/batch_norm/0" [id=408, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/18/2/hardtanh/0" [id=409, type=hardtanh, metatype=PTHardTanhMetatype]; +"/adaptive_avg_pool2d/0" [id=410, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"/flatten/0" [id=411, type=flatten, metatype=PTReshapeMetatype]; +"classifier/0/dropout/0" [id=412, type=dropout, metatype=PTDropoutMetatype]; +"classifier.1.weight" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.1.bias" [id=414, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/1/linear/0" [id=415, type=linear, metatype=PTLinearMetatype]; +output [id=416, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "features/0/0/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; +"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, shape="(32, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"features/0/1/batch_norm/0" -> "features/0/2/hardtanh/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"features/0/2/hardtanh/0" -> "features/1/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"features.1.conv.0.0.weight" -> "features/1/conv/0/0/conv2d/0" [dtype=float, shape="(32, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/1/conv/0/0/conv2d/0" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"features.1.conv.0.1.weight" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"features.1.conv.0.1.bias" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features.1.conv.0.1.running_mean" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"features.1.conv.0.1.running_var" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"features/1/conv/0/1/batch_norm/0" -> "features/1/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"features/1/conv/0/2/hardtanh/0" -> "features/1/conv/1/conv2d/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"features.1.conv.1.weight" -> "features/1/conv/1/conv2d/0" [dtype=float, shape="(16, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features/1/conv/1/conv2d/0" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; +"features.1.conv.2.weight" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; +"features.1.conv.2.bias" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"features.1.conv.2.running_mean" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; +"features.1.conv.2.running_var" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; +"features/1/conv/2/batch_norm/0" -> "features/2/conv/0/0/conv2d/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; +"features.2.conv.0.0.weight" -> "features/2/conv/0/0/conv2d/0" [dtype=float, shape="(96, 16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/2/conv/0/0/conv2d/0" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"features.2.conv.0.1.weight" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.2.conv.0.1.bias" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.2.conv.0.1.running_mean" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.2.conv.0.1.running_var" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/2/conv/0/1/batch_norm/0" -> "features/2/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"features/2/conv/0/2/hardtanh/0" -> "features/2/conv/1/0/conv2d/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"features.2.conv.1.0.weight" -> "features/2/conv/1/0/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/2/conv/1/0/conv2d/0" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.conv.1.1.weight" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.2.conv.1.1.bias" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.2.conv.1.1.running_mean" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.2.conv.1.1.running_var" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/2/conv/1/1/batch_norm/0" -> "features/2/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/2/conv/1/2/hardtanh/0" -> "features/2/conv/2/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.conv.2.weight" -> "features/2/conv/2/conv2d/0" [dtype=float, shape="(24, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/2/conv/2/conv2d/0" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.conv.3.weight" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"features.2.conv.3.bias" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"features.2.conv.3.running_mean" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"features.2.conv.3.running_var" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"features/2/conv/3/batch_norm/0" -> "features/3/conv/0/0/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"features/2/conv/3/batch_norm/0" -> "features/3/add/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"features.3.conv.0.0.weight" -> "features/3/conv/0/0/conv2d/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/conv/0/0/conv2d/0" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features.3.conv.0.1.weight" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.3.conv.0.1.bias" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.3.conv.0.1.running_mean" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.3.conv.0.1.running_var" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/3/conv/0/1/batch_norm/0" -> "features/3/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features/3/conv/0/2/hardtanh/0" -> "features/3/conv/1/0/conv2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features.3.conv.1.0.weight" -> "features/3/conv/1/0/conv2d/0" [dtype=float, shape="(144, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/3/conv/1/0/conv2d/0" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features.3.conv.1.1.weight" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.3.conv.1.1.bias" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.3.conv.1.1.running_mean" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.3.conv.1.1.running_var" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/3/conv/1/1/batch_norm/0" -> "features/3/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features/3/conv/1/2/hardtanh/0" -> "features/3/conv/2/conv2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features.3.conv.2.weight" -> "features/3/conv/2/conv2d/0" [dtype=float, shape="(24, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/conv/2/conv2d/0" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"features.3.conv.3.weight" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"features.3.conv.3.bias" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"features.3.conv.3.running_mean" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"features.3.conv.3.running_var" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"features/3/conv/3/batch_norm/0" -> "features/3/add/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=1]; +"features/3/add/0" -> "features/4/conv/0/0/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"features.4.conv.0.0.weight" -> "features/4/conv/0/0/conv2d/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/conv/0/0/conv2d/0" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features.4.conv.0.1.weight" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.4.conv.0.1.bias" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.4.conv.0.1.running_mean" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.4.conv.0.1.running_var" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/4/conv/0/1/batch_norm/0" -> "features/4/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features/4/conv/0/2/hardtanh/0" -> "features/4/conv/1/0/conv2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"features.4.conv.1.0.weight" -> "features/4/conv/1/0/conv2d/0" [dtype=float, shape="(144, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/4/conv/1/0/conv2d/0" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features.4.conv.1.1.weight" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.4.conv.1.1.bias" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.4.conv.1.1.running_mean" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.4.conv.1.1.running_var" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/4/conv/1/1/batch_norm/0" -> "features/4/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features/4/conv/1/2/hardtanh/0" -> "features/4/conv/2/conv2d/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features.4.conv.2.weight" -> "features/4/conv/2/conv2d/0" [dtype=float, shape="(32, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/conv/2/conv2d/0" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"features.4.conv.3.weight" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"features.4.conv.3.bias" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features.4.conv.3.running_mean" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"features.4.conv.3.running_var" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"features/4/conv/3/batch_norm/0" -> "features/5/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"features/4/conv/3/batch_norm/0" -> "features/5/add/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"features.5.conv.0.0.weight" -> "features/5/conv/0/0/conv2d/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/conv/0/0/conv2d/0" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features.5.conv.0.1.weight" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.5.conv.0.1.bias" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.5.conv.0.1.running_mean" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.5.conv.0.1.running_var" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/5/conv/0/1/batch_norm/0" -> "features/5/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/5/conv/0/2/hardtanh/0" -> "features/5/conv/1/0/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features.5.conv.1.0.weight" -> "features/5/conv/1/0/conv2d/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/5/conv/1/0/conv2d/0" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features.5.conv.1.1.weight" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.5.conv.1.1.bias" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.5.conv.1.1.running_mean" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.5.conv.1.1.running_var" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/5/conv/1/1/batch_norm/0" -> "features/5/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/5/conv/1/2/hardtanh/0" -> "features/5/conv/2/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features.5.conv.2.weight" -> "features/5/conv/2/conv2d/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/conv/2/conv2d/0" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"features.5.conv.3.weight" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"features.5.conv.3.bias" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features.5.conv.3.running_mean" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"features.5.conv.3.running_var" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"features/5/conv/3/batch_norm/0" -> "features/5/add/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; +"features/5/add/0" -> "features/6/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"features/5/add/0" -> "features/6/add/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"features.6.conv.0.0.weight" -> "features/6/conv/0/0/conv2d/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/conv/0/0/conv2d/0" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features.6.conv.0.1.weight" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.6.conv.0.1.bias" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.6.conv.0.1.running_mean" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.6.conv.0.1.running_var" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/6/conv/0/1/batch_norm/0" -> "features/6/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/6/conv/0/2/hardtanh/0" -> "features/6/conv/1/0/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features.6.conv.1.0.weight" -> "features/6/conv/1/0/conv2d/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/6/conv/1/0/conv2d/0" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features.6.conv.1.1.weight" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.6.conv.1.1.bias" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.6.conv.1.1.running_mean" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.6.conv.1.1.running_var" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/6/conv/1/1/batch_norm/0" -> "features/6/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/6/conv/1/2/hardtanh/0" -> "features/6/conv/2/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features.6.conv.2.weight" -> "features/6/conv/2/conv2d/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/conv/2/conv2d/0" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"features.6.conv.3.weight" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"features.6.conv.3.bias" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features.6.conv.3.running_mean" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"features.6.conv.3.running_var" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"features/6/conv/3/batch_norm/0" -> "features/6/add/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=1]; +"features/6/add/0" -> "features/7/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"features.7.conv.0.0.weight" -> "features/7/conv/0/0/conv2d/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features/7/conv/0/0/conv2d/0" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features.7.conv.0.1.weight" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.7.conv.0.1.bias" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.7.conv.0.1.running_mean" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.7.conv.0.1.running_var" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/7/conv/0/1/batch_norm/0" -> "features/7/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/7/conv/0/2/hardtanh/0" -> "features/7/conv/1/0/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features.7.conv.1.0.weight" -> "features/7/conv/1/0/conv2d/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/7/conv/1/0/conv2d/0" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features.7.conv.1.1.weight" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.7.conv.1.1.bias" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.7.conv.1.1.running_mean" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.7.conv.1.1.running_var" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/7/conv/1/1/batch_norm/0" -> "features/7/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features/7/conv/1/2/hardtanh/0" -> "features/7/conv/2/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features.7.conv.2.weight" -> "features/7/conv/2/conv2d/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"features/7/conv/2/conv2d/0" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; +"features.7.conv.3.weight" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"features.7.conv.3.bias" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features.7.conv.3.running_mean" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"features.7.conv.3.running_var" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"features/7/conv/3/batch_norm/0" -> "features/8/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; +"features/7/conv/3/batch_norm/0" -> "features/8/add/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; +"features.8.conv.0.0.weight" -> "features/8/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features/8/conv/0/0/conv2d/0" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.8.conv.0.1.weight" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.8.conv.0.1.bias" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.8.conv.0.1.running_mean" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.8.conv.0.1.running_var" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/8/conv/0/1/batch_norm/0" -> "features/8/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/8/conv/0/2/hardtanh/0" -> "features/8/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.8.conv.1.0.weight" -> "features/8/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/8/conv/1/0/conv2d/0" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.8.conv.1.1.weight" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.8.conv.1.1.bias" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.8.conv.1.1.running_mean" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.8.conv.1.1.running_var" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/8/conv/1/1/batch_norm/0" -> "features/8/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/8/conv/1/2/hardtanh/0" -> "features/8/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.8.conv.2.weight" -> "features/8/conv/2/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"features/8/conv/2/conv2d/0" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; +"features.8.conv.3.weight" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"features.8.conv.3.bias" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features.8.conv.3.running_mean" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"features.8.conv.3.running_var" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"features/8/conv/3/batch_norm/0" -> "features/8/add/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=1]; +"features/8/add/0" -> "features/9/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; +"features/8/add/0" -> "features/9/add/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; +"features.9.conv.0.0.weight" -> "features/9/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features/9/conv/0/0/conv2d/0" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.9.conv.0.1.weight" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.9.conv.0.1.bias" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.9.conv.0.1.running_mean" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.9.conv.0.1.running_var" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/9/conv/0/1/batch_norm/0" -> "features/9/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/9/conv/0/2/hardtanh/0" -> "features/9/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.9.conv.1.0.weight" -> "features/9/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/9/conv/1/0/conv2d/0" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.9.conv.1.1.weight" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.9.conv.1.1.bias" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.9.conv.1.1.running_mean" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.9.conv.1.1.running_var" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/9/conv/1/1/batch_norm/0" -> "features/9/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/9/conv/1/2/hardtanh/0" -> "features/9/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.9.conv.2.weight" -> "features/9/conv/2/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"features/9/conv/2/conv2d/0" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; +"features.9.conv.3.weight" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"features.9.conv.3.bias" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features.9.conv.3.running_mean" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"features.9.conv.3.running_var" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"features/9/conv/3/batch_norm/0" -> "features/9/add/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=1]; +"features/9/add/0" -> "features/10/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; +"features/9/add/0" -> "features/10/add/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; +"features.10.conv.0.0.weight" -> "features/10/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features/10/conv/0/0/conv2d/0" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.10.conv.0.1.weight" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.10.conv.0.1.bias" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.10.conv.0.1.running_mean" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.10.conv.0.1.running_var" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/10/conv/0/1/batch_norm/0" -> "features/10/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/10/conv/0/2/hardtanh/0" -> "features/10/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.10.conv.1.0.weight" -> "features/10/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/10/conv/1/0/conv2d/0" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.10.conv.1.1.weight" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.10.conv.1.1.bias" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.10.conv.1.1.running_mean" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.10.conv.1.1.running_var" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/10/conv/1/1/batch_norm/0" -> "features/10/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/10/conv/1/2/hardtanh/0" -> "features/10/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.10.conv.2.weight" -> "features/10/conv/2/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"features/10/conv/2/conv2d/0" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; +"features.10.conv.3.weight" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"features.10.conv.3.bias" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features.10.conv.3.running_mean" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"features.10.conv.3.running_var" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"features/10/conv/3/batch_norm/0" -> "features/10/add/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=1]; +"features/10/add/0" -> "features/11/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 4, 4)", out_port_id=0, in_port_id=0]; +"features.11.conv.0.0.weight" -> "features/11/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features/11/conv/0/0/conv2d/0" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.11.conv.0.1.weight" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.11.conv.0.1.bias" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.11.conv.0.1.running_mean" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.11.conv.0.1.running_var" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/11/conv/0/1/batch_norm/0" -> "features/11/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/11/conv/0/2/hardtanh/0" -> "features/11/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.11.conv.1.0.weight" -> "features/11/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/11/conv/1/0/conv2d/0" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.11.conv.1.1.weight" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.11.conv.1.1.bias" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.11.conv.1.1.running_mean" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.11.conv.1.1.running_var" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/11/conv/1/1/batch_norm/0" -> "features/11/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/11/conv/1/2/hardtanh/0" -> "features/11/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.11.conv.2.weight" -> "features/11/conv/2/conv2d/0" [dtype=float, shape="(96, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"features/11/conv/2/conv2d/0" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features.11.conv.3.weight" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.11.conv.3.bias" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.11.conv.3.running_mean" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.11.conv.3.running_var" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/11/conv/3/batch_norm/0" -> "features/12/conv/0/0/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features/11/conv/3/batch_norm/0" -> "features/12/add/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features.12.conv.0.0.weight" -> "features/12/conv/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/12/conv/0/0/conv2d/0" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features.12.conv.0.1.weight" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.12.conv.0.1.bias" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.12.conv.0.1.running_mean" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.12.conv.0.1.running_var" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/12/conv/0/1/batch_norm/0" -> "features/12/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features/12/conv/0/2/hardtanh/0" -> "features/12/conv/1/0/conv2d/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features.12.conv.1.0.weight" -> "features/12/conv/1/0/conv2d/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/12/conv/1/0/conv2d/0" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features.12.conv.1.1.weight" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.12.conv.1.1.bias" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.12.conv.1.1.running_mean" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.12.conv.1.1.running_var" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/12/conv/1/1/batch_norm/0" -> "features/12/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features/12/conv/1/2/hardtanh/0" -> "features/12/conv/2/conv2d/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features.12.conv.2.weight" -> "features/12/conv/2/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features/12/conv/2/conv2d/0" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features.12.conv.3.weight" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.12.conv.3.bias" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.12.conv.3.running_mean" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.12.conv.3.running_var" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/12/conv/3/batch_norm/0" -> "features/12/add/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=1]; +"features/12/add/0" -> "features/13/conv/0/0/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features/12/add/0" -> "features/13/add/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features.13.conv.0.0.weight" -> "features/13/conv/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/13/conv/0/0/conv2d/0" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features.13.conv.0.1.weight" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.13.conv.0.1.bias" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.13.conv.0.1.running_mean" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.13.conv.0.1.running_var" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/13/conv/0/1/batch_norm/0" -> "features/13/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features/13/conv/0/2/hardtanh/0" -> "features/13/conv/1/0/conv2d/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features.13.conv.1.0.weight" -> "features/13/conv/1/0/conv2d/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/13/conv/1/0/conv2d/0" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features.13.conv.1.1.weight" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.13.conv.1.1.bias" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.13.conv.1.1.running_mean" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.13.conv.1.1.running_var" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/13/conv/1/1/batch_norm/0" -> "features/13/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features/13/conv/1/2/hardtanh/0" -> "features/13/conv/2/conv2d/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features.13.conv.2.weight" -> "features/13/conv/2/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features/13/conv/2/conv2d/0" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features.13.conv.3.weight" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.13.conv.3.bias" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.13.conv.3.running_mean" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.13.conv.3.running_var" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/13/conv/3/batch_norm/0" -> "features/13/add/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=1]; +"features/13/add/0" -> "features/14/conv/0/0/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features.14.conv.0.0.weight" -> "features/14/conv/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/14/conv/0/0/conv2d/0" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features.14.conv.0.1.weight" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.14.conv.0.1.bias" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.14.conv.0.1.running_mean" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.14.conv.0.1.running_var" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/14/conv/0/1/batch_norm/0" -> "features/14/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features/14/conv/0/2/hardtanh/0" -> "features/14/conv/1/0/conv2d/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"features.14.conv.1.0.weight" -> "features/14/conv/1/0/conv2d/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/14/conv/1/0/conv2d/0" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.14.conv.1.1.weight" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.14.conv.1.1.bias" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.14.conv.1.1.running_mean" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.14.conv.1.1.running_var" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/14/conv/1/1/batch_norm/0" -> "features/14/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features/14/conv/1/2/hardtanh/0" -> "features/14/conv/2/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.14.conv.2.weight" -> "features/14/conv/2/conv2d/0" [dtype=float, shape="(160, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features/14/conv/2/conv2d/0" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; +"features.14.conv.3.weight" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"features.14.conv.3.bias" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"features.14.conv.3.running_mean" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"features.14.conv.3.running_var" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"features/14/conv/3/batch_norm/0" -> "features/15/conv/0/0/conv2d/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; +"features/14/conv/3/batch_norm/0" -> "features/15/add/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; +"features.15.conv.0.0.weight" -> "features/15/conv/0/0/conv2d/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=1]; +"features/15/conv/0/0/conv2d/0" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features.15.conv.0.1.weight" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"features.15.conv.0.1.bias" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"features.15.conv.0.1.running_mean" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"features.15.conv.0.1.running_var" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"features/15/conv/0/1/batch_norm/0" -> "features/15/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features/15/conv/0/2/hardtanh/0" -> "features/15/conv/1/0/conv2d/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features.15.conv.1.0.weight" -> "features/15/conv/1/0/conv2d/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/15/conv/1/0/conv2d/0" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features.15.conv.1.1.weight" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"features.15.conv.1.1.bias" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"features.15.conv.1.1.running_mean" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"features.15.conv.1.1.running_var" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"features/15/conv/1/1/batch_norm/0" -> "features/15/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features/15/conv/1/2/hardtanh/0" -> "features/15/conv/2/conv2d/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features.15.conv.2.weight" -> "features/15/conv/2/conv2d/0" [dtype=float, shape="(160, 960, 1, 1)", out_port_id=0, in_port_id=1]; +"features/15/conv/2/conv2d/0" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; +"features.15.conv.3.weight" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"features.15.conv.3.bias" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"features.15.conv.3.running_mean" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"features.15.conv.3.running_var" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"features/15/conv/3/batch_norm/0" -> "features/15/add/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=1]; +"features/15/add/0" -> "features/16/conv/0/0/conv2d/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; +"features/15/add/0" -> "features/16/add/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; +"features.16.conv.0.0.weight" -> "features/16/conv/0/0/conv2d/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=1]; +"features/16/conv/0/0/conv2d/0" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features.16.conv.0.1.weight" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"features.16.conv.0.1.bias" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"features.16.conv.0.1.running_mean" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"features.16.conv.0.1.running_var" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"features/16/conv/0/1/batch_norm/0" -> "features/16/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features/16/conv/0/2/hardtanh/0" -> "features/16/conv/1/0/conv2d/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features.16.conv.1.0.weight" -> "features/16/conv/1/0/conv2d/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/16/conv/1/0/conv2d/0" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features.16.conv.1.1.weight" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"features.16.conv.1.1.bias" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"features.16.conv.1.1.running_mean" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"features.16.conv.1.1.running_var" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"features/16/conv/1/1/batch_norm/0" -> "features/16/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features/16/conv/1/2/hardtanh/0" -> "features/16/conv/2/conv2d/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features.16.conv.2.weight" -> "features/16/conv/2/conv2d/0" [dtype=float, shape="(160, 960, 1, 1)", out_port_id=0, in_port_id=1]; +"features/16/conv/2/conv2d/0" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; +"features.16.conv.3.weight" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"features.16.conv.3.bias" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"features.16.conv.3.running_mean" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"features.16.conv.3.running_var" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"features/16/conv/3/batch_norm/0" -> "features/16/add/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=1]; +"features/16/add/0" -> "features/17/conv/0/0/conv2d/0" [dtype=float, shape="(1, 160, 2, 2)", out_port_id=0, in_port_id=0]; +"features.17.conv.0.0.weight" -> "features/17/conv/0/0/conv2d/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=1]; +"features/17/conv/0/0/conv2d/0" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features.17.conv.0.1.weight" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"features.17.conv.0.1.bias" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"features.17.conv.0.1.running_mean" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"features.17.conv.0.1.running_var" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"features/17/conv/0/1/batch_norm/0" -> "features/17/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features/17/conv/0/2/hardtanh/0" -> "features/17/conv/1/0/conv2d/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features.17.conv.1.0.weight" -> "features/17/conv/1/0/conv2d/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/17/conv/1/0/conv2d/0" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features.17.conv.1.1.weight" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"features.17.conv.1.1.bias" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"features.17.conv.1.1.running_mean" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"features.17.conv.1.1.running_var" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"features/17/conv/1/1/batch_norm/0" -> "features/17/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features/17/conv/1/2/hardtanh/0" -> "features/17/conv/2/conv2d/0" [dtype=float, shape="(1, 960, 2, 2)", out_port_id=0, in_port_id=0]; +"features.17.conv.2.weight" -> "features/17/conv/2/conv2d/0" [dtype=float, shape="(320, 960, 1, 1)", out_port_id=0, in_port_id=1]; +"features/17/conv/2/conv2d/0" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(1, 320, 2, 2)", out_port_id=0, in_port_id=0]; +"features.17.conv.3.weight" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"features.17.conv.3.bias" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"features.17.conv.3.running_mean" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"features.17.conv.3.running_var" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"features/17/conv/3/batch_norm/0" -> "features/18/0/conv2d/0" [dtype=float, shape="(1, 320, 2, 2)", out_port_id=0, in_port_id=0]; +"features.18.0.weight" -> "features/18/0/conv2d/0" [dtype=float, shape="(1280, 320, 1, 1)", out_port_id=0, in_port_id=1]; +"features/18/0/conv2d/0" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1, 1280, 2, 2)", out_port_id=0, in_port_id=0]; +"features.18.1.weight" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=1]; +"features.18.1.bias" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=2]; +"features.18.1.running_mean" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=3]; +"features.18.1.running_var" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=4]; +"features/18/1/batch_norm/0" -> "features/18/2/hardtanh/0" [dtype=float, shape="(1, 1280, 2, 2)", out_port_id=0, in_port_id=0]; +"features/18/2/hardtanh/0" -> "/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1280, 2, 2)", out_port_id=0, in_port_id=0]; +"/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; +"/flatten/0" -> "classifier/0/dropout/0" [dtype=float, shape="(1, 1280)", out_port_id=0, in_port_id=0]; +"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, shape="(1, 1280)", out_port_id=0, in_port_id=0]; +"classifier.1.weight" -> "classifier/1/linear/0" [dtype=float, shape="(1000, 1280)", out_port_id=0, in_port_id=1]; +"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"classifier/1/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v3_small.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v3_small.dot index 56ed7257bfc..b5f57de4dbe 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v3_small.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_mobilenet_v3_small.dot @@ -1,754 +1,754 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"features.0.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/0/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; -"features.0.1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/1/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/0/2/hardswish/0" [id=8, metatype=PTHardSwishMetatype, type=hardswish]; -"features.1.block.0.0.weight" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/0/0/conv2d/0" [id=10, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.1.block.0.1.weight" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.0.1.bias" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.0.1.running_mean" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.0.1.running_var" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/0/1/batch_norm/0" [id=15, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/1/block/0/2/relu_/0" [id=16, metatype=PTRELUMetatype, type=relu_]; -"features/1/block/1/avgpool/adaptive_avg_pool2d/0" [id=17, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.1.block.1.fc1.weight" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.1.fc1.bias" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/1/fc1/conv2d/0" [id=20, metatype=PTConv2dMetatype, type=conv2d]; -"features/1/block/1/activation/relu/0" [id=21, metatype=PTRELUMetatype, type=relu]; -"features.1.block.1.fc2.weight" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.1.fc2.bias" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/1/fc2/conv2d/0" [id=24, metatype=PTConv2dMetatype, type=conv2d]; -"features/1/block/1/scale_activation/hardsigmoid/0" [id=25, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"features/1/block/1/mul/0" [id=26, metatype=PTMulMetatype, type=mul]; -"features.1.block.2.0.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/2/0/conv2d/0" [id=28, metatype=PTConv2dMetatype, type=conv2d]; -"features.1.block.2.1.weight" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.2.1.bias" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.2.1.running_mean" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.2.1.running_var" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/2/1/batch_norm/0" [id=33, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.2.block.0.0.weight" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/0/0/conv2d/0" [id=35, metatype=PTConv2dMetatype, type=conv2d]; -"features.2.block.0.1.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.0.1.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.0.1.running_mean" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.0.1.running_var" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/0/1/batch_norm/0" [id=40, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/2/block/0/2/relu_/0" [id=41, metatype=PTRELUMetatype, type=relu_]; -"features.2.block.1.0.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/1/0/conv2d/0" [id=43, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.2.block.1.1.weight" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.1.1.bias" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.1.1.running_mean" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.1.1.running_var" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/1/1/batch_norm/0" [id=48, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/2/block/1/2/relu_/0" [id=49, metatype=PTRELUMetatype, type=relu_]; -"features.2.block.2.0.weight" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/2/0/conv2d/0" [id=51, metatype=PTConv2dMetatype, type=conv2d]; -"features.2.block.2.1.weight" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.2.1.bias" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.2.1.running_mean" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.2.1.running_var" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/2/1/batch_norm/0" [id=56, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.3.block.0.0.weight" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/0/0/conv2d/0" [id=58, metatype=PTConv2dMetatype, type=conv2d]; -"features.3.block.0.1.weight" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.0.1.bias" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.0.1.running_mean" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.0.1.running_var" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/0/1/batch_norm/0" [id=63, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/block/0/2/relu_/0" [id=64, metatype=PTRELUMetatype, type=relu_]; -"features.3.block.1.0.weight" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/1/0/conv2d/0" [id=66, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.3.block.1.1.weight" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.1.1.bias" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.1.1.running_mean" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.1.1.running_var" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/1/1/batch_norm/0" [id=71, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/block/1/2/relu_/0" [id=72, metatype=PTRELUMetatype, type=relu_]; -"features.3.block.2.0.weight" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/2/0/conv2d/0" [id=74, metatype=PTConv2dMetatype, type=conv2d]; -"features.3.block.2.1.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.2.1.bias" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.2.1.running_mean" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.2.1.running_var" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/2/1/batch_norm/0" [id=79, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/add_/0" [id=80, metatype=PTAddMetatype, type=add_]; -"features.4.block.0.0.weight" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/0/0/conv2d/0" [id=82, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.block.0.1.weight" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.0.1.bias" [id=84, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.0.1.running_mean" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.0.1.running_var" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/0/1/batch_norm/0" [id=87, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/block/0/2/hardswish/0" [id=88, metatype=PTHardSwishMetatype, type=hardswish]; -"features.4.block.1.0.weight" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/1/0/conv2d/0" [id=90, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.4.block.1.1.weight" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.1.1.bias" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.1.1.running_mean" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.1.1.running_var" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/1/1/batch_norm/0" [id=95, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/block/1/2/hardswish/0" [id=96, metatype=PTHardSwishMetatype, type=hardswish]; -"features/4/block/2/avgpool/adaptive_avg_pool2d/0" [id=97, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.4.block.2.fc1.weight" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.2.fc1.bias" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/2/fc1/conv2d/0" [id=100, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/block/2/activation/relu/0" [id=101, metatype=PTRELUMetatype, type=relu]; -"features.4.block.2.fc2.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.2.fc2.bias" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/2/fc2/conv2d/0" [id=104, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/block/2/scale_activation/hardsigmoid/0" [id=105, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"features/4/block/2/mul/0" [id=106, metatype=PTMulMetatype, type=mul]; -"features.4.block.3.0.weight" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/3/0/conv2d/0" [id=108, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.block.3.1.weight" [id=109, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.3.1.bias" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.3.1.running_mean" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.3.1.running_var" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/3/1/batch_norm/0" [id=113, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.5.block.0.0.weight" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/0/0/conv2d/0" [id=115, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.block.0.1.weight" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.0.1.bias" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.0.1.running_mean" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.0.1.running_var" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/0/1/batch_norm/0" [id=120, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/block/0/2/hardswish/0" [id=121, metatype=PTHardSwishMetatype, type=hardswish]; -"features.5.block.1.0.weight" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/1/0/conv2d/0" [id=123, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.5.block.1.1.weight" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.1.1.bias" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.1.1.running_mean" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.1.1.running_var" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/1/1/batch_norm/0" [id=128, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/block/1/2/hardswish/0" [id=129, metatype=PTHardSwishMetatype, type=hardswish]; -"features/5/block/2/avgpool/adaptive_avg_pool2d/0" [id=130, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.5.block.2.fc1.weight" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.2.fc1.bias" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/2/fc1/conv2d/0" [id=133, metatype=PTConv2dMetatype, type=conv2d]; -"features/5/block/2/activation/relu/0" [id=134, metatype=PTRELUMetatype, type=relu]; -"features.5.block.2.fc2.weight" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.2.fc2.bias" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/2/fc2/conv2d/0" [id=137, metatype=PTConv2dMetatype, type=conv2d]; -"features/5/block/2/scale_activation/hardsigmoid/0" [id=138, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"features/5/block/2/mul/0" [id=139, metatype=PTMulMetatype, type=mul]; -"features.5.block.3.0.weight" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/3/0/conv2d/0" [id=141, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.block.3.1.weight" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.3.1.bias" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.3.1.running_mean" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.3.1.running_var" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/3/1/batch_norm/0" [id=146, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/add_/0" [id=147, metatype=PTAddMetatype, type=add_]; -"features.6.block.0.0.weight" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/0/0/conv2d/0" [id=149, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.block.0.1.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.0.1.bias" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.0.1.running_mean" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.0.1.running_var" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/0/1/batch_norm/0" [id=154, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/block/0/2/hardswish/0" [id=155, metatype=PTHardSwishMetatype, type=hardswish]; -"features.6.block.1.0.weight" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/1/0/conv2d/0" [id=157, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.6.block.1.1.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.1.1.bias" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.1.1.running_mean" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.1.1.running_var" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/1/1/batch_norm/0" [id=162, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/block/1/2/hardswish/0" [id=163, metatype=PTHardSwishMetatype, type=hardswish]; -"features/6/block/2/avgpool/adaptive_avg_pool2d/0" [id=164, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.6.block.2.fc1.weight" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.2.fc1.bias" [id=166, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/2/fc1/conv2d/0" [id=167, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/block/2/activation/relu/0" [id=168, metatype=PTRELUMetatype, type=relu]; -"features.6.block.2.fc2.weight" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.2.fc2.bias" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/2/fc2/conv2d/0" [id=171, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/block/2/scale_activation/hardsigmoid/0" [id=172, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"features/6/block/2/mul/0" [id=173, metatype=PTMulMetatype, type=mul]; -"features.6.block.3.0.weight" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/3/0/conv2d/0" [id=175, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.block.3.1.weight" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.3.1.bias" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.3.1.running_mean" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.3.1.running_var" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/3/1/batch_norm/0" [id=180, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/add_/0" [id=181, metatype=PTAddMetatype, type=add_]; -"features.7.block.0.0.weight" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/0/0/conv2d/0" [id=183, metatype=PTConv2dMetatype, type=conv2d]; -"features.7.block.0.1.weight" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.0.1.bias" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.0.1.running_mean" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.0.1.running_var" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/0/1/batch_norm/0" [id=188, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/7/block/0/2/hardswish/0" [id=189, metatype=PTHardSwishMetatype, type=hardswish]; -"features.7.block.1.0.weight" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/1/0/conv2d/0" [id=191, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.7.block.1.1.weight" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.1.1.bias" [id=193, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.1.1.running_mean" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.1.1.running_var" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/1/1/batch_norm/0" [id=196, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/7/block/1/2/hardswish/0" [id=197, metatype=PTHardSwishMetatype, type=hardswish]; -"features/7/block/2/avgpool/adaptive_avg_pool2d/0" [id=198, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.7.block.2.fc1.weight" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.2.fc1.bias" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/2/fc1/conv2d/0" [id=201, metatype=PTConv2dMetatype, type=conv2d]; -"features/7/block/2/activation/relu/0" [id=202, metatype=PTRELUMetatype, type=relu]; -"features.7.block.2.fc2.weight" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.2.fc2.bias" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/2/fc2/conv2d/0" [id=205, metatype=PTConv2dMetatype, type=conv2d]; -"features/7/block/2/scale_activation/hardsigmoid/0" [id=206, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"features/7/block/2/mul/0" [id=207, metatype=PTMulMetatype, type=mul]; -"features.7.block.3.0.weight" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/3/0/conv2d/0" [id=209, metatype=PTConv2dMetatype, type=conv2d]; -"features.7.block.3.1.weight" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.3.1.bias" [id=211, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.3.1.running_mean" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.3.1.running_var" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/3/1/batch_norm/0" [id=214, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.8.block.0.0.weight" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/0/0/conv2d/0" [id=216, metatype=PTConv2dMetatype, type=conv2d]; -"features.8.block.0.1.weight" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.0.1.bias" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.0.1.running_mean" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.0.1.running_var" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/0/1/batch_norm/0" [id=221, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/8/block/0/2/hardswish/0" [id=222, metatype=PTHardSwishMetatype, type=hardswish]; -"features.8.block.1.0.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/1/0/conv2d/0" [id=224, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.8.block.1.1.weight" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.1.1.bias" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.1.1.running_mean" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.1.1.running_var" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/1/1/batch_norm/0" [id=229, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/8/block/1/2/hardswish/0" [id=230, metatype=PTHardSwishMetatype, type=hardswish]; -"features/8/block/2/avgpool/adaptive_avg_pool2d/0" [id=231, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.8.block.2.fc1.weight" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.2.fc1.bias" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/2/fc1/conv2d/0" [id=234, metatype=PTConv2dMetatype, type=conv2d]; -"features/8/block/2/activation/relu/0" [id=235, metatype=PTRELUMetatype, type=relu]; -"features.8.block.2.fc2.weight" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.2.fc2.bias" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/2/fc2/conv2d/0" [id=238, metatype=PTConv2dMetatype, type=conv2d]; -"features/8/block/2/scale_activation/hardsigmoid/0" [id=239, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"features/8/block/2/mul/0" [id=240, metatype=PTMulMetatype, type=mul]; -"features.8.block.3.0.weight" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/3/0/conv2d/0" [id=242, metatype=PTConv2dMetatype, type=conv2d]; -"features.8.block.3.1.weight" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.3.1.bias" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.3.1.running_mean" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.3.1.running_var" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/3/1/batch_norm/0" [id=247, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/8/add_/0" [id=248, metatype=PTAddMetatype, type=add_]; -"features.9.block.0.0.weight" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/0/0/conv2d/0" [id=250, metatype=PTConv2dMetatype, type=conv2d]; -"features.9.block.0.1.weight" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.0.1.bias" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.0.1.running_mean" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.0.1.running_var" [id=254, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/0/1/batch_norm/0" [id=255, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/9/block/0/2/hardswish/0" [id=256, metatype=PTHardSwishMetatype, type=hardswish]; -"features.9.block.1.0.weight" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/1/0/conv2d/0" [id=258, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.9.block.1.1.weight" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.1.1.bias" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.1.1.running_mean" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.1.1.running_var" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/1/1/batch_norm/0" [id=263, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/9/block/1/2/hardswish/0" [id=264, metatype=PTHardSwishMetatype, type=hardswish]; -"features/9/block/2/avgpool/adaptive_avg_pool2d/0" [id=265, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.9.block.2.fc1.weight" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.2.fc1.bias" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/2/fc1/conv2d/0" [id=268, metatype=PTConv2dMetatype, type=conv2d]; -"features/9/block/2/activation/relu/0" [id=269, metatype=PTRELUMetatype, type=relu]; -"features.9.block.2.fc2.weight" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.2.fc2.bias" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/2/fc2/conv2d/0" [id=272, metatype=PTConv2dMetatype, type=conv2d]; -"features/9/block/2/scale_activation/hardsigmoid/0" [id=273, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"features/9/block/2/mul/0" [id=274, metatype=PTMulMetatype, type=mul]; -"features.9.block.3.0.weight" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/3/0/conv2d/0" [id=276, metatype=PTConv2dMetatype, type=conv2d]; -"features.9.block.3.1.weight" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.3.1.bias" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.3.1.running_mean" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.3.1.running_var" [id=280, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/3/1/batch_norm/0" [id=281, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features.10.block.0.0.weight" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/0/0/conv2d/0" [id=283, metatype=PTConv2dMetatype, type=conv2d]; -"features.10.block.0.1.weight" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.0.1.bias" [id=285, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.0.1.running_mean" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.0.1.running_var" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/0/1/batch_norm/0" [id=288, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/10/block/0/2/hardswish/0" [id=289, metatype=PTHardSwishMetatype, type=hardswish]; -"features.10.block.1.0.weight" [id=290, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/1/0/conv2d/0" [id=291, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.10.block.1.1.weight" [id=292, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.1.1.bias" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.1.1.running_mean" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.1.1.running_var" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/1/1/batch_norm/0" [id=296, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/10/block/1/2/hardswish/0" [id=297, metatype=PTHardSwishMetatype, type=hardswish]; -"features/10/block/2/avgpool/adaptive_avg_pool2d/0" [id=298, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.10.block.2.fc1.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.2.fc1.bias" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/2/fc1/conv2d/0" [id=301, metatype=PTConv2dMetatype, type=conv2d]; -"features/10/block/2/activation/relu/0" [id=302, metatype=PTRELUMetatype, type=relu]; -"features.10.block.2.fc2.weight" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.2.fc2.bias" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/2/fc2/conv2d/0" [id=305, metatype=PTConv2dMetatype, type=conv2d]; -"features/10/block/2/scale_activation/hardsigmoid/0" [id=306, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"features/10/block/2/mul/0" [id=307, metatype=PTMulMetatype, type=mul]; -"features.10.block.3.0.weight" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/3/0/conv2d/0" [id=309, metatype=PTConv2dMetatype, type=conv2d]; -"features.10.block.3.1.weight" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.3.1.bias" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.3.1.running_mean" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.3.1.running_var" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/3/1/batch_norm/0" [id=314, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/10/add_/0" [id=315, metatype=PTAddMetatype, type=add_]; -"features.11.block.0.0.weight" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/0/0/conv2d/0" [id=317, metatype=PTConv2dMetatype, type=conv2d]; -"features.11.block.0.1.weight" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.0.1.bias" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.0.1.running_mean" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.0.1.running_var" [id=321, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/0/1/batch_norm/0" [id=322, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/11/block/0/2/hardswish/0" [id=323, metatype=PTHardSwishMetatype, type=hardswish]; -"features.11.block.1.0.weight" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/1/0/conv2d/0" [id=325, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.11.block.1.1.weight" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.1.1.bias" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.1.1.running_mean" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.1.1.running_var" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/1/1/batch_norm/0" [id=330, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/11/block/1/2/hardswish/0" [id=331, metatype=PTHardSwishMetatype, type=hardswish]; -"features/11/block/2/avgpool/adaptive_avg_pool2d/0" [id=332, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.11.block.2.fc1.weight" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.2.fc1.bias" [id=334, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/2/fc1/conv2d/0" [id=335, metatype=PTConv2dMetatype, type=conv2d]; -"features/11/block/2/activation/relu/0" [id=336, metatype=PTRELUMetatype, type=relu]; -"features.11.block.2.fc2.weight" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.2.fc2.bias" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/2/fc2/conv2d/0" [id=339, metatype=PTConv2dMetatype, type=conv2d]; -"features/11/block/2/scale_activation/hardsigmoid/0" [id=340, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"features/11/block/2/mul/0" [id=341, metatype=PTMulMetatype, type=mul]; -"features.11.block.3.0.weight" [id=342, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/3/0/conv2d/0" [id=343, metatype=PTConv2dMetatype, type=conv2d]; -"features.11.block.3.1.weight" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.3.1.bias" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.3.1.running_mean" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.3.1.running_var" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/3/1/batch_norm/0" [id=348, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/11/add_/0" [id=349, metatype=PTAddMetatype, type=add_]; -"features.12.0.weight" [id=350, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/0/conv2d/0" [id=351, metatype=PTConv2dMetatype, type=conv2d]; -"features.12.1.weight" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.1.bias" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.1.running_mean" [id=354, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.1.running_var" [id=355, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/1/batch_norm/0" [id=356, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/12/2/hardswish/0" [id=357, metatype=PTHardSwishMetatype, type=hardswish]; -"avgpool/adaptive_avg_pool2d/0" [id=358, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"/flatten/0" [id=359, metatype=PTReshapeMetatype, type=flatten]; -"classifier.0.weight" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.0.bias" [id=361, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/0/linear/0" [id=362, metatype=PTLinearMetatype, type=linear]; -"classifier/1/hardswish/0" [id=363, metatype=PTHardSwishMetatype, type=hardswish]; -"classifier/2/dropout/0" [id=364, metatype=PTDropoutMetatype, type=dropout]; -"classifier.3.weight" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.3.bias" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/3/linear/0" [id=367, metatype=PTLinearMetatype, type=linear]; -output [id=368, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "features/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; -"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 3, 3, 3)"]; -"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; -"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; -"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; -"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; -"features/0/1/batch_norm/0" -> "features/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; -"features/0/2/hardswish/0" -> "features/1/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; -"features.1.block.0.0.weight" -> "features/1/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 3, 3)"]; -"features/1/block/0/0/conv2d/0" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"features.1.block.0.1.weight" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; -"features.1.block.0.1.bias" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"features.1.block.0.1.running_mean" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; -"features.1.block.0.1.running_var" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; -"features/1/block/0/1/batch_norm/0" -> "features/1/block/0/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"features/1/block/0/2/relu_/0" -> "features/1/block/1/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"features/1/block/0/2/relu_/0" -> "features/1/block/1/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 16, 16)"]; -"features/1/block/1/avgpool/adaptive_avg_pool2d/0" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 1, 1)"]; -"features.1.block.1.fc1.weight" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(8, 16, 1, 1)"]; -"features.1.block.1.fc1.bias" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(8,)"]; -"features/1/block/1/fc1/conv2d/0" -> "features/1/block/1/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 1, 1)"]; -"features/1/block/1/activation/relu/0" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 1, 1)"]; -"features.1.block.1.fc2.weight" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 8, 1, 1)"]; -"features.1.block.1.fc2.bias" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"features/1/block/1/fc2/conv2d/0" -> "features/1/block/1/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 1, 1)"]; -"features/1/block/1/scale_activation/hardsigmoid/0" -> "features/1/block/1/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 1, 1)"]; -"features/1/block/1/mul/0" -> "features/1/block/2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"features.1.block.2.0.weight" -> "features/1/block/2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 16, 1, 1)"]; -"features/1/block/2/0/conv2d/0" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"features.1.block.2.1.weight" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; -"features.1.block.2.1.bias" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"features.1.block.2.1.running_mean" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; -"features.1.block.2.1.running_var" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; -"features/1/block/2/1/batch_norm/0" -> "features/2/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"features.2.block.0.0.weight" -> "features/2/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72, 16, 1, 1)"]; -"features/2/block/0/0/conv2d/0" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 16, 16)"]; -"features.2.block.0.1.weight" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72,)"]; -"features.2.block.0.1.bias" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(72,)"]; -"features.2.block.0.1.running_mean" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(72,)"]; -"features.2.block.0.1.running_var" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(72,)"]; -"features/2/block/0/1/batch_norm/0" -> "features/2/block/0/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 16, 16)"]; -"features/2/block/0/2/relu_/0" -> "features/2/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 16, 16)"]; -"features.2.block.1.0.weight" -> "features/2/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72, 1, 3, 3)"]; -"features/2/block/1/0/conv2d/0" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 8, 8)"]; -"features.2.block.1.1.weight" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72,)"]; -"features.2.block.1.1.bias" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(72,)"]; -"features.2.block.1.1.running_mean" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(72,)"]; -"features.2.block.1.1.running_var" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(72,)"]; -"features/2/block/1/1/batch_norm/0" -> "features/2/block/1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 8, 8)"]; -"features/2/block/1/2/relu_/0" -> "features/2/block/2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 8, 8)"]; -"features.2.block.2.0.weight" -> "features/2/block/2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 72, 1, 1)"]; -"features/2/block/2/0/conv2d/0" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; -"features.2.block.2.1.weight" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"features.2.block.2.1.bias" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"features.2.block.2.1.running_mean" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"features.2.block.2.1.running_var" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"features/2/block/2/1/batch_norm/0" -> "features/3/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; -"features/2/block/2/1/batch_norm/0" -> "features/3/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 8, 8)"]; -"features.3.block.0.0.weight" -> "features/3/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88, 24, 1, 1)"]; -"features/3/block/0/0/conv2d/0" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 8, 8)"]; -"features.3.block.0.1.weight" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88,)"]; -"features.3.block.0.1.bias" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(88,)"]; -"features.3.block.0.1.running_mean" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(88,)"]; -"features.3.block.0.1.running_var" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(88,)"]; -"features/3/block/0/1/batch_norm/0" -> "features/3/block/0/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 8, 8)"]; -"features/3/block/0/2/relu_/0" -> "features/3/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 8, 8)"]; -"features.3.block.1.0.weight" -> "features/3/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88, 1, 3, 3)"]; -"features/3/block/1/0/conv2d/0" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 8, 8)"]; -"features.3.block.1.1.weight" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88,)"]; -"features.3.block.1.1.bias" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(88,)"]; -"features.3.block.1.1.running_mean" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(88,)"]; -"features.3.block.1.1.running_var" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(88,)"]; -"features/3/block/1/1/batch_norm/0" -> "features/3/block/1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 8, 8)"]; -"features/3/block/1/2/relu_/0" -> "features/3/block/2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 8, 8)"]; -"features.3.block.2.0.weight" -> "features/3/block/2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 88, 1, 1)"]; -"features/3/block/2/0/conv2d/0" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; -"features.3.block.2.1.weight" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"features.3.block.2.1.bias" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"features.3.block.2.1.running_mean" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"features.3.block.2.1.running_var" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"features/3/block/2/1/batch_norm/0" -> "features/3/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; -"features/3/add_/0" -> "features/4/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; -"features.4.block.0.0.weight" -> "features/4/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 24, 1, 1)"]; -"features/4/block/0/0/conv2d/0" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"features.4.block.0.1.weight" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.4.block.0.1.bias" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.4.block.0.1.running_mean" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.4.block.0.1.running_var" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/4/block/0/1/batch_norm/0" -> "features/4/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"features/4/block/0/2/hardswish/0" -> "features/4/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"features.4.block.1.0.weight" -> "features/4/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 5, 5)"]; -"features/4/block/1/0/conv2d/0" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features.4.block.1.1.weight" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.4.block.1.1.bias" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.4.block.1.1.running_mean" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.4.block.1.1.running_var" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/4/block/1/1/batch_norm/0" -> "features/4/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features/4/block/1/2/hardswish/0" -> "features/4/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features/4/block/1/2/hardswish/0" -> "features/4/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features/4/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features.4.block.2.fc1.weight" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 96, 1, 1)"]; -"features.4.block.2.fc1.bias" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"features/4/block/2/fc1/conv2d/0" -> "features/4/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 1, 1)"]; -"features/4/block/2/activation/relu/0" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 1, 1)"]; -"features.4.block.2.fc2.weight" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 24, 1, 1)"]; -"features.4.block.2.fc2.bias" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features/4/block/2/fc2/conv2d/0" -> "features/4/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features/4/block/2/scale_activation/hardsigmoid/0" -> "features/4/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features/4/block/2/mul/0" -> "features/4/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features.4.block.3.0.weight" -> "features/4/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 96, 1, 1)"]; -"features/4/block/3/0/conv2d/0" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; -"features.4.block.3.1.weight" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; -"features.4.block.3.1.bias" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; -"features.4.block.3.1.running_mean" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; -"features.4.block.3.1.running_var" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; -"features/4/block/3/1/batch_norm/0" -> "features/5/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; -"features/4/block/3/1/batch_norm/0" -> "features/5/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 40, 4, 4)"]; -"features.5.block.0.0.weight" -> "features/5/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 40, 1, 1)"]; -"features/5/block/0/0/conv2d/0" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features.5.block.0.1.weight" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; -"features.5.block.0.1.bias" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features.5.block.0.1.running_mean" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; -"features.5.block.0.1.running_var" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; -"features/5/block/0/1/batch_norm/0" -> "features/5/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features/5/block/0/2/hardswish/0" -> "features/5/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features.5.block.1.0.weight" -> "features/5/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 1, 5, 5)"]; -"features/5/block/1/0/conv2d/0" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features.5.block.1.1.weight" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; -"features.5.block.1.1.bias" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features.5.block.1.1.running_mean" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; -"features.5.block.1.1.running_var" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; -"features/5/block/1/1/batch_norm/0" -> "features/5/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features/5/block/1/2/hardswish/0" -> "features/5/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features/5/block/1/2/hardswish/0" -> "features/5/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features/5/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features.5.block.2.fc1.weight" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 240, 1, 1)"]; -"features.5.block.2.fc1.bias" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features/5/block/2/fc1/conv2d/0" -> "features/5/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"features/5/block/2/activation/relu/0" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"features.5.block.2.fc2.weight" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 64, 1, 1)"]; -"features.5.block.2.fc2.bias" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features/5/block/2/fc2/conv2d/0" -> "features/5/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features/5/block/2/scale_activation/hardsigmoid/0" -> "features/5/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features/5/block/2/mul/0" -> "features/5/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features.5.block.3.0.weight" -> "features/5/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 240, 1, 1)"]; -"features/5/block/3/0/conv2d/0" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; -"features.5.block.3.1.weight" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; -"features.5.block.3.1.bias" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; -"features.5.block.3.1.running_mean" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; -"features.5.block.3.1.running_var" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; -"features/5/block/3/1/batch_norm/0" -> "features/5/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; -"features/5/add_/0" -> "features/6/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; -"features/5/add_/0" -> "features/6/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 40, 4, 4)"]; -"features.6.block.0.0.weight" -> "features/6/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 40, 1, 1)"]; -"features/6/block/0/0/conv2d/0" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features.6.block.0.1.weight" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; -"features.6.block.0.1.bias" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features.6.block.0.1.running_mean" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; -"features.6.block.0.1.running_var" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; -"features/6/block/0/1/batch_norm/0" -> "features/6/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features/6/block/0/2/hardswish/0" -> "features/6/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features.6.block.1.0.weight" -> "features/6/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 1, 5, 5)"]; -"features/6/block/1/0/conv2d/0" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features.6.block.1.1.weight" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; -"features.6.block.1.1.bias" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features.6.block.1.1.running_mean" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; -"features.6.block.1.1.running_var" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; -"features/6/block/1/1/batch_norm/0" -> "features/6/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features/6/block/1/2/hardswish/0" -> "features/6/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features/6/block/1/2/hardswish/0" -> "features/6/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features/6/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features.6.block.2.fc1.weight" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 240, 1, 1)"]; -"features.6.block.2.fc1.bias" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features/6/block/2/fc1/conv2d/0" -> "features/6/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"features/6/block/2/activation/relu/0" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"features.6.block.2.fc2.weight" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 64, 1, 1)"]; -"features.6.block.2.fc2.bias" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features/6/block/2/fc2/conv2d/0" -> "features/6/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features/6/block/2/scale_activation/hardsigmoid/0" -> "features/6/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features/6/block/2/mul/0" -> "features/6/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 4, 4)"]; -"features.6.block.3.0.weight" -> "features/6/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 240, 1, 1)"]; -"features/6/block/3/0/conv2d/0" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; -"features.6.block.3.1.weight" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; -"features.6.block.3.1.bias" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; -"features.6.block.3.1.running_mean" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; -"features.6.block.3.1.running_var" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; -"features/6/block/3/1/batch_norm/0" -> "features/6/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; -"features/6/add_/0" -> "features/7/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 4, 4)"]; -"features.7.block.0.0.weight" -> "features/7/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120, 40, 1, 1)"]; -"features/7/block/0/0/conv2d/0" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 4, 4)"]; -"features.7.block.0.1.weight" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120,)"]; -"features.7.block.0.1.bias" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(120,)"]; -"features.7.block.0.1.running_mean" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(120,)"]; -"features.7.block.0.1.running_var" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(120,)"]; -"features/7/block/0/1/batch_norm/0" -> "features/7/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 4, 4)"]; -"features/7/block/0/2/hardswish/0" -> "features/7/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 4, 4)"]; -"features.7.block.1.0.weight" -> "features/7/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120, 1, 5, 5)"]; -"features/7/block/1/0/conv2d/0" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 4, 4)"]; -"features.7.block.1.1.weight" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120,)"]; -"features.7.block.1.1.bias" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(120,)"]; -"features.7.block.1.1.running_mean" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(120,)"]; -"features.7.block.1.1.running_var" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(120,)"]; -"features/7/block/1/1/batch_norm/0" -> "features/7/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 4, 4)"]; -"features/7/block/1/2/hardswish/0" -> "features/7/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 4, 4)"]; -"features/7/block/1/2/hardswish/0" -> "features/7/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 120, 4, 4)"]; -"features/7/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 1, 1)"]; -"features.7.block.2.fc1.weight" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 120, 1, 1)"]; -"features.7.block.2.fc1.bias" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features/7/block/2/fc1/conv2d/0" -> "features/7/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 1, 1)"]; -"features/7/block/2/activation/relu/0" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 1, 1)"]; -"features.7.block.2.fc2.weight" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120, 32, 1, 1)"]; -"features.7.block.2.fc2.bias" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(120,)"]; -"features/7/block/2/fc2/conv2d/0" -> "features/7/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 1, 1)"]; -"features/7/block/2/scale_activation/hardsigmoid/0" -> "features/7/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 1, 1)"]; -"features/7/block/2/mul/0" -> "features/7/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 4, 4)"]; -"features.7.block.3.0.weight" -> "features/7/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 120, 1, 1)"]; -"features/7/block/3/0/conv2d/0" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 4, 4)"]; -"features.7.block.3.1.weight" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"features.7.block.3.1.bias" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"features.7.block.3.1.running_mean" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"features.7.block.3.1.running_var" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"features/7/block/3/1/batch_norm/0" -> "features/8/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 4, 4)"]; -"features/7/block/3/1/batch_norm/0" -> "features/8/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 4, 4)"]; -"features.8.block.0.0.weight" -> "features/8/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 48, 1, 1)"]; -"features/8/block/0/0/conv2d/0" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; -"features.8.block.0.1.weight" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.8.block.0.1.bias" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.8.block.0.1.running_mean" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.8.block.0.1.running_var" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/8/block/0/1/batch_norm/0" -> "features/8/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; -"features/8/block/0/2/hardswish/0" -> "features/8/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; -"features.8.block.1.0.weight" -> "features/8/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 5, 5)"]; -"features/8/block/1/0/conv2d/0" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; -"features.8.block.1.1.weight" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.8.block.1.1.bias" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.8.block.1.1.running_mean" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.8.block.1.1.running_var" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/8/block/1/1/batch_norm/0" -> "features/8/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; -"features/8/block/1/2/hardswish/0" -> "features/8/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; -"features/8/block/1/2/hardswish/0" -> "features/8/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 144, 4, 4)"]; -"features/8/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features.8.block.2.fc1.weight" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 144, 1, 1)"]; -"features.8.block.2.fc1.bias" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; -"features/8/block/2/fc1/conv2d/0" -> "features/8/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 1, 1)"]; -"features/8/block/2/activation/relu/0" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 1, 1)"]; -"features.8.block.2.fc2.weight" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 40, 1, 1)"]; -"features.8.block.2.fc2.bias" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features/8/block/2/fc2/conv2d/0" -> "features/8/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/8/block/2/scale_activation/hardsigmoid/0" -> "features/8/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/8/block/2/mul/0" -> "features/8/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; -"features.8.block.3.0.weight" -> "features/8/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 144, 1, 1)"]; -"features/8/block/3/0/conv2d/0" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 4, 4)"]; -"features.8.block.3.1.weight" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"features.8.block.3.1.bias" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"features.8.block.3.1.running_mean" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"features.8.block.3.1.running_var" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"features/8/block/3/1/batch_norm/0" -> "features/8/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 4, 4)"]; -"features/8/add_/0" -> "features/9/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 4, 4)"]; -"features.9.block.0.0.weight" -> "features/9/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288, 48, 1, 1)"]; -"features/9/block/0/0/conv2d/0" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 4, 4)"]; -"features.9.block.0.1.weight" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; -"features.9.block.0.1.bias" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; -"features.9.block.0.1.running_mean" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; -"features.9.block.0.1.running_var" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; -"features/9/block/0/1/batch_norm/0" -> "features/9/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 4, 4)"]; -"features/9/block/0/2/hardswish/0" -> "features/9/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 4, 4)"]; -"features.9.block.1.0.weight" -> "features/9/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288, 1, 5, 5)"]; -"features/9/block/1/0/conv2d/0" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; -"features.9.block.1.1.weight" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; -"features.9.block.1.1.bias" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; -"features.9.block.1.1.running_mean" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; -"features.9.block.1.1.running_var" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; -"features/9/block/1/1/batch_norm/0" -> "features/9/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; -"features/9/block/1/2/hardswish/0" -> "features/9/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; -"features/9/block/1/2/hardswish/0" -> "features/9/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 288, 2, 2)"]; -"features/9/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; -"features.9.block.2.fc1.weight" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72, 288, 1, 1)"]; -"features.9.block.2.fc1.bias" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(72,)"]; -"features/9/block/2/fc1/conv2d/0" -> "features/9/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 1, 1)"]; -"features/9/block/2/activation/relu/0" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 1, 1)"]; -"features.9.block.2.fc2.weight" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288, 72, 1, 1)"]; -"features.9.block.2.fc2.bias" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; -"features/9/block/2/fc2/conv2d/0" -> "features/9/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; -"features/9/block/2/scale_activation/hardsigmoid/0" -> "features/9/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; -"features/9/block/2/mul/0" -> "features/9/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; -"features.9.block.3.0.weight" -> "features/9/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 288, 1, 1)"]; -"features/9/block/3/0/conv2d/0" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features.9.block.3.1.weight" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.9.block.3.1.bias" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.9.block.3.1.running_mean" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.9.block.3.1.running_var" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/9/block/3/1/batch_norm/0" -> "features/10/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features/9/block/3/1/batch_norm/0" -> "features/10/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features.10.block.0.0.weight" -> "features/10/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; -"features/10/block/0/0/conv2d/0" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.10.block.0.1.weight" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.10.block.0.1.bias" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.10.block.0.1.running_mean" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.10.block.0.1.running_var" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/10/block/0/1/batch_norm/0" -> "features/10/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/10/block/0/2/hardswish/0" -> "features/10/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.10.block.1.0.weight" -> "features/10/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 5, 5)"]; -"features/10/block/1/0/conv2d/0" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.10.block.1.1.weight" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.10.block.1.1.bias" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.10.block.1.1.running_mean" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.10.block.1.1.running_var" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/10/block/1/1/batch_norm/0" -> "features/10/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/10/block/1/2/hardswish/0" -> "features/10/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/10/block/1/2/hardswish/0" -> "features/10/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/10/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.10.block.2.fc1.weight" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 576, 1, 1)"]; -"features.10.block.2.fc1.bias" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features/10/block/2/fc1/conv2d/0" -> "features/10/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/10/block/2/activation/relu/0" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features.10.block.2.fc2.weight" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 144, 1, 1)"]; -"features.10.block.2.fc2.bias" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features/10/block/2/fc2/conv2d/0" -> "features/10/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/10/block/2/scale_activation/hardsigmoid/0" -> "features/10/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/10/block/2/mul/0" -> "features/10/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.10.block.3.0.weight" -> "features/10/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; -"features/10/block/3/0/conv2d/0" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features.10.block.3.1.weight" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.10.block.3.1.bias" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.10.block.3.1.running_mean" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.10.block.3.1.running_var" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/10/block/3/1/batch_norm/0" -> "features/10/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features/10/add_/0" -> "features/11/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features/10/add_/0" -> "features/11/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features.11.block.0.0.weight" -> "features/11/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; -"features/11/block/0/0/conv2d/0" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.11.block.0.1.weight" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.11.block.0.1.bias" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.11.block.0.1.running_mean" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.11.block.0.1.running_var" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/11/block/0/1/batch_norm/0" -> "features/11/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/11/block/0/2/hardswish/0" -> "features/11/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.11.block.1.0.weight" -> "features/11/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 5, 5)"]; -"features/11/block/1/0/conv2d/0" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.11.block.1.1.weight" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.11.block.1.1.bias" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.11.block.1.1.running_mean" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.11.block.1.1.running_var" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/11/block/1/1/batch_norm/0" -> "features/11/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/11/block/1/2/hardswish/0" -> "features/11/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/11/block/1/2/hardswish/0" -> "features/11/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/11/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.11.block.2.fc1.weight" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 576, 1, 1)"]; -"features.11.block.2.fc1.bias" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features/11/block/2/fc1/conv2d/0" -> "features/11/block/2/activation/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/11/block/2/activation/relu/0" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features.11.block.2.fc2.weight" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 144, 1, 1)"]; -"features.11.block.2.fc2.bias" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features/11/block/2/fc2/conv2d/0" -> "features/11/block/2/scale_activation/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/11/block/2/scale_activation/hardsigmoid/0" -> "features/11/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/11/block/2/mul/0" -> "features/11/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.11.block.3.0.weight" -> "features/11/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; -"features/11/block/3/0/conv2d/0" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features.11.block.3.1.weight" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.11.block.3.1.bias" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.11.block.3.1.running_mean" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.11.block.3.1.running_var" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/11/block/3/1/batch_norm/0" -> "features/11/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features/11/add_/0" -> "features/12/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features.12.0.weight" -> "features/12/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; -"features/12/0/conv2d/0" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.12.1.weight" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.12.1.bias" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.12.1.running_mean" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.12.1.running_var" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/12/1/batch_norm/0" -> "features/12/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/12/2/hardswish/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"/flatten/0" -> "classifier/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576)"]; -"classifier.0.weight" -> "classifier/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 576)"]; -"classifier.0.bias" -> "classifier/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"classifier/0/linear/0" -> "classifier/1/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"classifier/1/hardswish/0" -> "classifier/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"classifier/2/dropout/0" -> "classifier/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"classifier.3.weight" -> "classifier/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1024)"]; -"classifier.3.bias" -> "classifier/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"classifier/3/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"features.0.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/0/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; +"features.0.1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/1/batch_norm/0" [id=7, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/0/2/hardswish/0" [id=8, type=hardswish, metatype=PTHardSwishMetatype]; +"features.1.block.0.0.weight" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/0/0/conv2d/0" [id=10, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.1.block.0.1.weight" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.0.1.bias" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.0.1.running_mean" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.0.1.running_var" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/0/1/batch_norm/0" [id=15, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/1/block/0/2/relu_/0" [id=16, type="relu_", metatype=PTRELUMetatype]; +"features/1/block/1/avgpool/adaptive_avg_pool2d/0" [id=17, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.1.block.1.fc1.weight" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.1.fc1.bias" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/1/fc1/conv2d/0" [id=20, type=conv2d, metatype=PTConv2dMetatype]; +"features/1/block/1/activation/relu/0" [id=21, type=relu, metatype=PTRELUMetatype]; +"features.1.block.1.fc2.weight" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.1.fc2.bias" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/1/fc2/conv2d/0" [id=24, type=conv2d, metatype=PTConv2dMetatype]; +"features/1/block/1/scale_activation/hardsigmoid/0" [id=25, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"features/1/block/1/mul/0" [id=26, type=mul, metatype=PTMulMetatype]; +"features.1.block.2.0.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/2/0/conv2d/0" [id=28, type=conv2d, metatype=PTConv2dMetatype]; +"features.1.block.2.1.weight" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.2.1.bias" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.2.1.running_mean" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.2.1.running_var" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/2/1/batch_norm/0" [id=33, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.2.block.0.0.weight" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/0/0/conv2d/0" [id=35, type=conv2d, metatype=PTConv2dMetatype]; +"features.2.block.0.1.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.0.1.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.0.1.running_mean" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.0.1.running_var" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/0/1/batch_norm/0" [id=40, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/2/block/0/2/relu_/0" [id=41, type="relu_", metatype=PTRELUMetatype]; +"features.2.block.1.0.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/1/0/conv2d/0" [id=43, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.2.block.1.1.weight" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.1.1.bias" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.1.1.running_mean" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.1.1.running_var" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/1/1/batch_norm/0" [id=48, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/2/block/1/2/relu_/0" [id=49, type="relu_", metatype=PTRELUMetatype]; +"features.2.block.2.0.weight" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/2/0/conv2d/0" [id=51, type=conv2d, metatype=PTConv2dMetatype]; +"features.2.block.2.1.weight" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.2.1.bias" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.2.1.running_mean" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.2.1.running_var" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/2/1/batch_norm/0" [id=56, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.3.block.0.0.weight" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/0/0/conv2d/0" [id=58, type=conv2d, metatype=PTConv2dMetatype]; +"features.3.block.0.1.weight" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.0.1.bias" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.0.1.running_mean" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.0.1.running_var" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/0/1/batch_norm/0" [id=63, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/block/0/2/relu_/0" [id=64, type="relu_", metatype=PTRELUMetatype]; +"features.3.block.1.0.weight" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/1/0/conv2d/0" [id=66, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.3.block.1.1.weight" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.1.1.bias" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.1.1.running_mean" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.1.1.running_var" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/1/1/batch_norm/0" [id=71, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/block/1/2/relu_/0" [id=72, type="relu_", metatype=PTRELUMetatype]; +"features.3.block.2.0.weight" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/2/0/conv2d/0" [id=74, type=conv2d, metatype=PTConv2dMetatype]; +"features.3.block.2.1.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.2.1.bias" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.2.1.running_mean" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.2.1.running_var" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/2/1/batch_norm/0" [id=79, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/add_/0" [id=80, type="add_", metatype=PTAddMetatype]; +"features.4.block.0.0.weight" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/0/0/conv2d/0" [id=82, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.block.0.1.weight" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.0.1.bias" [id=84, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.0.1.running_mean" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.0.1.running_var" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/0/1/batch_norm/0" [id=87, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/block/0/2/hardswish/0" [id=88, type=hardswish, metatype=PTHardSwishMetatype]; +"features.4.block.1.0.weight" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/1/0/conv2d/0" [id=90, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.4.block.1.1.weight" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.1.1.bias" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.1.1.running_mean" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.1.1.running_var" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/1/1/batch_norm/0" [id=95, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/block/1/2/hardswish/0" [id=96, type=hardswish, metatype=PTHardSwishMetatype]; +"features/4/block/2/avgpool/adaptive_avg_pool2d/0" [id=97, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.4.block.2.fc1.weight" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.2.fc1.bias" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/2/fc1/conv2d/0" [id=100, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/block/2/activation/relu/0" [id=101, type=relu, metatype=PTRELUMetatype]; +"features.4.block.2.fc2.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.2.fc2.bias" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/2/fc2/conv2d/0" [id=104, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/block/2/scale_activation/hardsigmoid/0" [id=105, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"features/4/block/2/mul/0" [id=106, type=mul, metatype=PTMulMetatype]; +"features.4.block.3.0.weight" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/3/0/conv2d/0" [id=108, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.block.3.1.weight" [id=109, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.3.1.bias" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.3.1.running_mean" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.3.1.running_var" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/3/1/batch_norm/0" [id=113, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.5.block.0.0.weight" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/0/0/conv2d/0" [id=115, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.block.0.1.weight" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.0.1.bias" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.0.1.running_mean" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.0.1.running_var" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/0/1/batch_norm/0" [id=120, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/block/0/2/hardswish/0" [id=121, type=hardswish, metatype=PTHardSwishMetatype]; +"features.5.block.1.0.weight" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/1/0/conv2d/0" [id=123, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.5.block.1.1.weight" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.1.1.bias" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.1.1.running_mean" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.1.1.running_var" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/1/1/batch_norm/0" [id=128, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/block/1/2/hardswish/0" [id=129, type=hardswish, metatype=PTHardSwishMetatype]; +"features/5/block/2/avgpool/adaptive_avg_pool2d/0" [id=130, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.5.block.2.fc1.weight" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.2.fc1.bias" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/2/fc1/conv2d/0" [id=133, type=conv2d, metatype=PTConv2dMetatype]; +"features/5/block/2/activation/relu/0" [id=134, type=relu, metatype=PTRELUMetatype]; +"features.5.block.2.fc2.weight" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.2.fc2.bias" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/2/fc2/conv2d/0" [id=137, type=conv2d, metatype=PTConv2dMetatype]; +"features/5/block/2/scale_activation/hardsigmoid/0" [id=138, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"features/5/block/2/mul/0" [id=139, type=mul, metatype=PTMulMetatype]; +"features.5.block.3.0.weight" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/3/0/conv2d/0" [id=141, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.block.3.1.weight" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.3.1.bias" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.3.1.running_mean" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.3.1.running_var" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/3/1/batch_norm/0" [id=146, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/add_/0" [id=147, type="add_", metatype=PTAddMetatype]; +"features.6.block.0.0.weight" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/0/0/conv2d/0" [id=149, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.block.0.1.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.0.1.bias" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.0.1.running_mean" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.0.1.running_var" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/0/1/batch_norm/0" [id=154, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/block/0/2/hardswish/0" [id=155, type=hardswish, metatype=PTHardSwishMetatype]; +"features.6.block.1.0.weight" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/1/0/conv2d/0" [id=157, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.6.block.1.1.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.1.1.bias" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.1.1.running_mean" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.1.1.running_var" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/1/1/batch_norm/0" [id=162, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/block/1/2/hardswish/0" [id=163, type=hardswish, metatype=PTHardSwishMetatype]; +"features/6/block/2/avgpool/adaptive_avg_pool2d/0" [id=164, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.6.block.2.fc1.weight" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.2.fc1.bias" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/2/fc1/conv2d/0" [id=167, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/block/2/activation/relu/0" [id=168, type=relu, metatype=PTRELUMetatype]; +"features.6.block.2.fc2.weight" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.2.fc2.bias" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/2/fc2/conv2d/0" [id=171, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/block/2/scale_activation/hardsigmoid/0" [id=172, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"features/6/block/2/mul/0" [id=173, type=mul, metatype=PTMulMetatype]; +"features.6.block.3.0.weight" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/3/0/conv2d/0" [id=175, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.block.3.1.weight" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.3.1.bias" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.3.1.running_mean" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.3.1.running_var" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/3/1/batch_norm/0" [id=180, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/add_/0" [id=181, type="add_", metatype=PTAddMetatype]; +"features.7.block.0.0.weight" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/0/0/conv2d/0" [id=183, type=conv2d, metatype=PTConv2dMetatype]; +"features.7.block.0.1.weight" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.0.1.bias" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.0.1.running_mean" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.0.1.running_var" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/0/1/batch_norm/0" [id=188, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/7/block/0/2/hardswish/0" [id=189, type=hardswish, metatype=PTHardSwishMetatype]; +"features.7.block.1.0.weight" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/1/0/conv2d/0" [id=191, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.7.block.1.1.weight" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.1.1.bias" [id=193, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.1.1.running_mean" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.1.1.running_var" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/1/1/batch_norm/0" [id=196, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/7/block/1/2/hardswish/0" [id=197, type=hardswish, metatype=PTHardSwishMetatype]; +"features/7/block/2/avgpool/adaptive_avg_pool2d/0" [id=198, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.7.block.2.fc1.weight" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.2.fc1.bias" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/2/fc1/conv2d/0" [id=201, type=conv2d, metatype=PTConv2dMetatype]; +"features/7/block/2/activation/relu/0" [id=202, type=relu, metatype=PTRELUMetatype]; +"features.7.block.2.fc2.weight" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.2.fc2.bias" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/2/fc2/conv2d/0" [id=205, type=conv2d, metatype=PTConv2dMetatype]; +"features/7/block/2/scale_activation/hardsigmoid/0" [id=206, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"features/7/block/2/mul/0" [id=207, type=mul, metatype=PTMulMetatype]; +"features.7.block.3.0.weight" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/3/0/conv2d/0" [id=209, type=conv2d, metatype=PTConv2dMetatype]; +"features.7.block.3.1.weight" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.3.1.bias" [id=211, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.3.1.running_mean" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.3.1.running_var" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/3/1/batch_norm/0" [id=214, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.8.block.0.0.weight" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/0/0/conv2d/0" [id=216, type=conv2d, metatype=PTConv2dMetatype]; +"features.8.block.0.1.weight" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.0.1.bias" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.0.1.running_mean" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.0.1.running_var" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/0/1/batch_norm/0" [id=221, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/8/block/0/2/hardswish/0" [id=222, type=hardswish, metatype=PTHardSwishMetatype]; +"features.8.block.1.0.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/1/0/conv2d/0" [id=224, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.8.block.1.1.weight" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.1.1.bias" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.1.1.running_mean" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.1.1.running_var" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/1/1/batch_norm/0" [id=229, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/8/block/1/2/hardswish/0" [id=230, type=hardswish, metatype=PTHardSwishMetatype]; +"features/8/block/2/avgpool/adaptive_avg_pool2d/0" [id=231, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.8.block.2.fc1.weight" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.2.fc1.bias" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/2/fc1/conv2d/0" [id=234, type=conv2d, metatype=PTConv2dMetatype]; +"features/8/block/2/activation/relu/0" [id=235, type=relu, metatype=PTRELUMetatype]; +"features.8.block.2.fc2.weight" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.2.fc2.bias" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/2/fc2/conv2d/0" [id=238, type=conv2d, metatype=PTConv2dMetatype]; +"features/8/block/2/scale_activation/hardsigmoid/0" [id=239, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"features/8/block/2/mul/0" [id=240, type=mul, metatype=PTMulMetatype]; +"features.8.block.3.0.weight" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/3/0/conv2d/0" [id=242, type=conv2d, metatype=PTConv2dMetatype]; +"features.8.block.3.1.weight" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.3.1.bias" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.3.1.running_mean" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.3.1.running_var" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/3/1/batch_norm/0" [id=247, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/8/add_/0" [id=248, type="add_", metatype=PTAddMetatype]; +"features.9.block.0.0.weight" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/0/0/conv2d/0" [id=250, type=conv2d, metatype=PTConv2dMetatype]; +"features.9.block.0.1.weight" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.0.1.bias" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.0.1.running_mean" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.0.1.running_var" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/0/1/batch_norm/0" [id=255, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/9/block/0/2/hardswish/0" [id=256, type=hardswish, metatype=PTHardSwishMetatype]; +"features.9.block.1.0.weight" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/1/0/conv2d/0" [id=258, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.9.block.1.1.weight" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.1.1.bias" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.1.1.running_mean" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.1.1.running_var" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/1/1/batch_norm/0" [id=263, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/9/block/1/2/hardswish/0" [id=264, type=hardswish, metatype=PTHardSwishMetatype]; +"features/9/block/2/avgpool/adaptive_avg_pool2d/0" [id=265, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.9.block.2.fc1.weight" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.2.fc1.bias" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/2/fc1/conv2d/0" [id=268, type=conv2d, metatype=PTConv2dMetatype]; +"features/9/block/2/activation/relu/0" [id=269, type=relu, metatype=PTRELUMetatype]; +"features.9.block.2.fc2.weight" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.2.fc2.bias" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/2/fc2/conv2d/0" [id=272, type=conv2d, metatype=PTConv2dMetatype]; +"features/9/block/2/scale_activation/hardsigmoid/0" [id=273, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"features/9/block/2/mul/0" [id=274, type=mul, metatype=PTMulMetatype]; +"features.9.block.3.0.weight" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/3/0/conv2d/0" [id=276, type=conv2d, metatype=PTConv2dMetatype]; +"features.9.block.3.1.weight" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.3.1.bias" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.3.1.running_mean" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.3.1.running_var" [id=280, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/3/1/batch_norm/0" [id=281, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features.10.block.0.0.weight" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/0/0/conv2d/0" [id=283, type=conv2d, metatype=PTConv2dMetatype]; +"features.10.block.0.1.weight" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.0.1.bias" [id=285, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.0.1.running_mean" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.0.1.running_var" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/0/1/batch_norm/0" [id=288, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/10/block/0/2/hardswish/0" [id=289, type=hardswish, metatype=PTHardSwishMetatype]; +"features.10.block.1.0.weight" [id=290, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/1/0/conv2d/0" [id=291, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.10.block.1.1.weight" [id=292, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.1.1.bias" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.1.1.running_mean" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.1.1.running_var" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/1/1/batch_norm/0" [id=296, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/10/block/1/2/hardswish/0" [id=297, type=hardswish, metatype=PTHardSwishMetatype]; +"features/10/block/2/avgpool/adaptive_avg_pool2d/0" [id=298, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.10.block.2.fc1.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.2.fc1.bias" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/2/fc1/conv2d/0" [id=301, type=conv2d, metatype=PTConv2dMetatype]; +"features/10/block/2/activation/relu/0" [id=302, type=relu, metatype=PTRELUMetatype]; +"features.10.block.2.fc2.weight" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.2.fc2.bias" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/2/fc2/conv2d/0" [id=305, type=conv2d, metatype=PTConv2dMetatype]; +"features/10/block/2/scale_activation/hardsigmoid/0" [id=306, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"features/10/block/2/mul/0" [id=307, type=mul, metatype=PTMulMetatype]; +"features.10.block.3.0.weight" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/3/0/conv2d/0" [id=309, type=conv2d, metatype=PTConv2dMetatype]; +"features.10.block.3.1.weight" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.3.1.bias" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.3.1.running_mean" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.3.1.running_var" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/3/1/batch_norm/0" [id=314, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/10/add_/0" [id=315, type="add_", metatype=PTAddMetatype]; +"features.11.block.0.0.weight" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/0/0/conv2d/0" [id=317, type=conv2d, metatype=PTConv2dMetatype]; +"features.11.block.0.1.weight" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.0.1.bias" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.0.1.running_mean" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.0.1.running_var" [id=321, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/0/1/batch_norm/0" [id=322, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/11/block/0/2/hardswish/0" [id=323, type=hardswish, metatype=PTHardSwishMetatype]; +"features.11.block.1.0.weight" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/1/0/conv2d/0" [id=325, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.11.block.1.1.weight" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.1.1.bias" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.1.1.running_mean" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.1.1.running_var" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/1/1/batch_norm/0" [id=330, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/11/block/1/2/hardswish/0" [id=331, type=hardswish, metatype=PTHardSwishMetatype]; +"features/11/block/2/avgpool/adaptive_avg_pool2d/0" [id=332, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.11.block.2.fc1.weight" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.2.fc1.bias" [id=334, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/2/fc1/conv2d/0" [id=335, type=conv2d, metatype=PTConv2dMetatype]; +"features/11/block/2/activation/relu/0" [id=336, type=relu, metatype=PTRELUMetatype]; +"features.11.block.2.fc2.weight" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.2.fc2.bias" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/2/fc2/conv2d/0" [id=339, type=conv2d, metatype=PTConv2dMetatype]; +"features/11/block/2/scale_activation/hardsigmoid/0" [id=340, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"features/11/block/2/mul/0" [id=341, type=mul, metatype=PTMulMetatype]; +"features.11.block.3.0.weight" [id=342, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/3/0/conv2d/0" [id=343, type=conv2d, metatype=PTConv2dMetatype]; +"features.11.block.3.1.weight" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.3.1.bias" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.3.1.running_mean" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.3.1.running_var" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/3/1/batch_norm/0" [id=348, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/11/add_/0" [id=349, type="add_", metatype=PTAddMetatype]; +"features.12.0.weight" [id=350, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/0/conv2d/0" [id=351, type=conv2d, metatype=PTConv2dMetatype]; +"features.12.1.weight" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.1.bias" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.1.running_mean" [id=354, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.1.running_var" [id=355, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/1/batch_norm/0" [id=356, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/12/2/hardswish/0" [id=357, type=hardswish, metatype=PTHardSwishMetatype]; +"avgpool/adaptive_avg_pool2d/0" [id=358, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"/flatten/0" [id=359, type=flatten, metatype=PTReshapeMetatype]; +"classifier.0.weight" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.0.bias" [id=361, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/0/linear/0" [id=362, type=linear, metatype=PTLinearMetatype]; +"classifier/1/hardswish/0" [id=363, type=hardswish, metatype=PTHardSwishMetatype]; +"classifier/2/dropout/0" [id=364, type=dropout, metatype=PTDropoutMetatype]; +"classifier.3.weight" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.3.bias" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/3/linear/0" [id=367, type=linear, metatype=PTLinearMetatype]; +output [id=368, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "features/0/0/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; +"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, shape="(16, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; +"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; +"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; +"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; +"features/0/1/batch_norm/0" -> "features/0/2/hardswish/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; +"features/0/2/hardswish/0" -> "features/1/block/0/0/conv2d/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; +"features.1.block.0.0.weight" -> "features/1/block/0/0/conv2d/0" [dtype=float, shape="(16, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/1/block/0/0/conv2d/0" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"features.1.block.0.1.weight" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; +"features.1.block.0.1.bias" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"features.1.block.0.1.running_mean" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; +"features.1.block.0.1.running_var" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; +"features/1/block/0/1/batch_norm/0" -> "features/1/block/0/2/relu_/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"features/1/block/0/2/relu_/0" -> "features/1/block/1/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"features/1/block/0/2/relu_/0" -> "features/1/block/1/mul/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=1]; +"features/1/block/1/avgpool/adaptive_avg_pool2d/0" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=0]; +"features.1.block.1.fc1.weight" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, shape="(8, 16, 1, 1)", out_port_id=0, in_port_id=1]; +"features.1.block.1.fc1.bias" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, shape="(8,)", out_port_id=0, in_port_id=2]; +"features/1/block/1/fc1/conv2d/0" -> "features/1/block/1/activation/relu/0" [dtype=float, shape="(1, 8, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/block/1/activation/relu/0" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, shape="(1, 8, 1, 1)", out_port_id=0, in_port_id=0]; +"features.1.block.1.fc2.weight" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, shape="(16, 8, 1, 1)", out_port_id=0, in_port_id=1]; +"features.1.block.1.fc2.bias" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"features/1/block/1/fc2/conv2d/0" -> "features/1/block/1/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/block/1/scale_activation/hardsigmoid/0" -> "features/1/block/1/mul/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/block/1/mul/0" -> "features/1/block/2/0/conv2d/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"features.1.block.2.0.weight" -> "features/1/block/2/0/conv2d/0" [dtype=float, shape="(16, 16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/1/block/2/0/conv2d/0" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"features.1.block.2.1.weight" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; +"features.1.block.2.1.bias" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"features.1.block.2.1.running_mean" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; +"features.1.block.2.1.running_var" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; +"features/1/block/2/1/batch_norm/0" -> "features/2/block/0/0/conv2d/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.block.0.0.weight" -> "features/2/block/0/0/conv2d/0" [dtype=float, shape="(72, 16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/2/block/0/0/conv2d/0" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(1, 72, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.block.0.1.weight" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=1]; +"features.2.block.0.1.bias" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=2]; +"features.2.block.0.1.running_mean" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=3]; +"features.2.block.0.1.running_var" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=4]; +"features/2/block/0/1/batch_norm/0" -> "features/2/block/0/2/relu_/0" [dtype=float, shape="(1, 72, 16, 16)", out_port_id=0, in_port_id=0]; +"features/2/block/0/2/relu_/0" -> "features/2/block/1/0/conv2d/0" [dtype=float, shape="(1, 72, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.block.1.0.weight" -> "features/2/block/1/0/conv2d/0" [dtype=float, shape="(72, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/2/block/1/0/conv2d/0" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(1, 72, 8, 8)", out_port_id=0, in_port_id=0]; +"features.2.block.1.1.weight" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=1]; +"features.2.block.1.1.bias" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=2]; +"features.2.block.1.1.running_mean" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=3]; +"features.2.block.1.1.running_var" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=4]; +"features/2/block/1/1/batch_norm/0" -> "features/2/block/1/2/relu_/0" [dtype=float, shape="(1, 72, 8, 8)", out_port_id=0, in_port_id=0]; +"features/2/block/1/2/relu_/0" -> "features/2/block/2/0/conv2d/0" [dtype=float, shape="(1, 72, 8, 8)", out_port_id=0, in_port_id=0]; +"features.2.block.2.0.weight" -> "features/2/block/2/0/conv2d/0" [dtype=float, shape="(24, 72, 1, 1)", out_port_id=0, in_port_id=1]; +"features/2/block/2/0/conv2d/0" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; +"features.2.block.2.1.weight" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"features.2.block.2.1.bias" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"features.2.block.2.1.running_mean" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"features.2.block.2.1.running_var" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"features/2/block/2/1/batch_norm/0" -> "features/3/block/0/0/conv2d/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; +"features/2/block/2/1/batch_norm/0" -> "features/3/add_/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=1]; +"features.3.block.0.0.weight" -> "features/3/block/0/0/conv2d/0" [dtype=float, shape="(88, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/block/0/0/conv2d/0" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(1, 88, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.block.0.1.weight" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=1]; +"features.3.block.0.1.bias" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=2]; +"features.3.block.0.1.running_mean" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=3]; +"features.3.block.0.1.running_var" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=4]; +"features/3/block/0/1/batch_norm/0" -> "features/3/block/0/2/relu_/0" [dtype=float, shape="(1, 88, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/block/0/2/relu_/0" -> "features/3/block/1/0/conv2d/0" [dtype=float, shape="(1, 88, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.block.1.0.weight" -> "features/3/block/1/0/conv2d/0" [dtype=float, shape="(88, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/3/block/1/0/conv2d/0" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(1, 88, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.block.1.1.weight" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=1]; +"features.3.block.1.1.bias" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=2]; +"features.3.block.1.1.running_mean" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=3]; +"features.3.block.1.1.running_var" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=4]; +"features/3/block/1/1/batch_norm/0" -> "features/3/block/1/2/relu_/0" [dtype=float, shape="(1, 88, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/block/1/2/relu_/0" -> "features/3/block/2/0/conv2d/0" [dtype=float, shape="(1, 88, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.block.2.0.weight" -> "features/3/block/2/0/conv2d/0" [dtype=float, shape="(24, 88, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/block/2/0/conv2d/0" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.block.2.1.weight" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"features.3.block.2.1.bias" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"features.3.block.2.1.running_mean" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"features.3.block.2.1.running_var" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"features/3/block/2/1/batch_norm/0" -> "features/3/add_/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/add_/0" -> "features/4/block/0/0/conv2d/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; +"features.4.block.0.0.weight" -> "features/4/block/0/0/conv2d/0" [dtype=float, shape="(96, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/block/0/0/conv2d/0" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"features.4.block.0.1.weight" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.4.block.0.1.bias" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.4.block.0.1.running_mean" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.4.block.0.1.running_var" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/4/block/0/1/batch_norm/0" -> "features/4/block/0/2/hardswish/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"features/4/block/0/2/hardswish/0" -> "features/4/block/1/0/conv2d/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"features.4.block.1.0.weight" -> "features/4/block/1/0/conv2d/0" [dtype=float, shape="(96, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/4/block/1/0/conv2d/0" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.block.1.1.weight" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.4.block.1.1.bias" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.4.block.1.1.running_mean" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.4.block.1.1.running_var" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/4/block/1/1/batch_norm/0" -> "features/4/block/1/2/hardswish/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/block/1/2/hardswish/0" -> "features/4/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/block/1/2/hardswish/0" -> "features/4/block/2/mul/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=1]; +"features/4/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features.4.block.2.fc1.weight" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, shape="(24, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features.4.block.2.fc1.bias" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"features/4/block/2/fc1/conv2d/0" -> "features/4/block/2/activation/relu/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/block/2/activation/relu/0" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"features.4.block.2.fc2.weight" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, shape="(96, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"features.4.block.2.fc2.bias" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features/4/block/2/fc2/conv2d/0" -> "features/4/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/block/2/scale_activation/hardsigmoid/0" -> "features/4/block/2/mul/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/block/2/mul/0" -> "features/4/block/3/0/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.block.3.0.weight" -> "features/4/block/3/0/conv2d/0" [dtype=float, shape="(40, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/block/3/0/conv2d/0" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.block.3.1.weight" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; +"features.4.block.3.1.bias" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; +"features.4.block.3.1.running_mean" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; +"features.4.block.3.1.running_var" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; +"features/4/block/3/1/batch_norm/0" -> "features/5/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/block/3/1/batch_norm/0" -> "features/5/add_/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=1]; +"features.5.block.0.0.weight" -> "features/5/block/0/0/conv2d/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/block/0/0/conv2d/0" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.block.0.1.weight" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; +"features.5.block.0.1.bias" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features.5.block.0.1.running_mean" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; +"features.5.block.0.1.running_var" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; +"features/5/block/0/1/batch_norm/0" -> "features/5/block/0/2/hardswish/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/block/0/2/hardswish/0" -> "features/5/block/1/0/conv2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.block.1.0.weight" -> "features/5/block/1/0/conv2d/0" [dtype=float, shape="(240, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/5/block/1/0/conv2d/0" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.block.1.1.weight" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; +"features.5.block.1.1.bias" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features.5.block.1.1.running_mean" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; +"features.5.block.1.1.running_var" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; +"features/5/block/1/1/batch_norm/0" -> "features/5/block/1/2/hardswish/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/block/1/2/hardswish/0" -> "features/5/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/block/1/2/hardswish/0" -> "features/5/block/2/mul/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=1]; +"features/5/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features.5.block.2.fc1.weight" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, shape="(64, 240, 1, 1)", out_port_id=0, in_port_id=1]; +"features.5.block.2.fc1.bias" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features/5/block/2/fc1/conv2d/0" -> "features/5/block/2/activation/relu/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/block/2/activation/relu/0" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features.5.block.2.fc2.weight" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, shape="(240, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features.5.block.2.fc2.bias" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features/5/block/2/fc2/conv2d/0" -> "features/5/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/block/2/scale_activation/hardsigmoid/0" -> "features/5/block/2/mul/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/block/2/mul/0" -> "features/5/block/3/0/conv2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.block.3.0.weight" -> "features/5/block/3/0/conv2d/0" [dtype=float, shape="(40, 240, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/block/3/0/conv2d/0" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.block.3.1.weight" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; +"features.5.block.3.1.bias" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; +"features.5.block.3.1.running_mean" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; +"features.5.block.3.1.running_var" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; +"features/5/block/3/1/batch_norm/0" -> "features/5/add_/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/add_/0" -> "features/6/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/add_/0" -> "features/6/add_/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=1]; +"features.6.block.0.0.weight" -> "features/6/block/0/0/conv2d/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/block/0/0/conv2d/0" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.block.0.1.weight" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; +"features.6.block.0.1.bias" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features.6.block.0.1.running_mean" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; +"features.6.block.0.1.running_var" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; +"features/6/block/0/1/batch_norm/0" -> "features/6/block/0/2/hardswish/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features/6/block/0/2/hardswish/0" -> "features/6/block/1/0/conv2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.block.1.0.weight" -> "features/6/block/1/0/conv2d/0" [dtype=float, shape="(240, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/6/block/1/0/conv2d/0" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.block.1.1.weight" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; +"features.6.block.1.1.bias" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features.6.block.1.1.running_mean" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; +"features.6.block.1.1.running_var" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; +"features/6/block/1/1/batch_norm/0" -> "features/6/block/1/2/hardswish/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features/6/block/1/2/hardswish/0" -> "features/6/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features/6/block/1/2/hardswish/0" -> "features/6/block/2/mul/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=1]; +"features/6/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features.6.block.2.fc1.weight" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, shape="(64, 240, 1, 1)", out_port_id=0, in_port_id=1]; +"features.6.block.2.fc1.bias" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features/6/block/2/fc1/conv2d/0" -> "features/6/block/2/activation/relu/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/block/2/activation/relu/0" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features.6.block.2.fc2.weight" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, shape="(240, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features.6.block.2.fc2.bias" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features/6/block/2/fc2/conv2d/0" -> "features/6/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/block/2/scale_activation/hardsigmoid/0" -> "features/6/block/2/mul/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/block/2/mul/0" -> "features/6/block/3/0/conv2d/0" [dtype=float, shape="(1, 240, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.block.3.0.weight" -> "features/6/block/3/0/conv2d/0" [dtype=float, shape="(40, 240, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/block/3/0/conv2d/0" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.block.3.1.weight" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; +"features.6.block.3.1.bias" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; +"features.6.block.3.1.running_mean" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; +"features.6.block.3.1.running_var" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; +"features/6/block/3/1/batch_norm/0" -> "features/6/add_/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; +"features/6/add_/0" -> "features/7/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 4, 4)", out_port_id=0, in_port_id=0]; +"features.7.block.0.0.weight" -> "features/7/block/0/0/conv2d/0" [dtype=float, shape="(120, 40, 1, 1)", out_port_id=0, in_port_id=1]; +"features/7/block/0/0/conv2d/0" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=0]; +"features.7.block.0.1.weight" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=1]; +"features.7.block.0.1.bias" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=2]; +"features.7.block.0.1.running_mean" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=3]; +"features.7.block.0.1.running_var" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=4]; +"features/7/block/0/1/batch_norm/0" -> "features/7/block/0/2/hardswish/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=0]; +"features/7/block/0/2/hardswish/0" -> "features/7/block/1/0/conv2d/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=0]; +"features.7.block.1.0.weight" -> "features/7/block/1/0/conv2d/0" [dtype=float, shape="(120, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/7/block/1/0/conv2d/0" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=0]; +"features.7.block.1.1.weight" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=1]; +"features.7.block.1.1.bias" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=2]; +"features.7.block.1.1.running_mean" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=3]; +"features.7.block.1.1.running_var" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=4]; +"features/7/block/1/1/batch_norm/0" -> "features/7/block/1/2/hardswish/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=0]; +"features/7/block/1/2/hardswish/0" -> "features/7/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=0]; +"features/7/block/1/2/hardswish/0" -> "features/7/block/2/mul/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=1]; +"features/7/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=0]; +"features.7.block.2.fc1.weight" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, shape="(32, 120, 1, 1)", out_port_id=0, in_port_id=1]; +"features.7.block.2.fc1.bias" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features/7/block/2/fc1/conv2d/0" -> "features/7/block/2/activation/relu/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/block/2/activation/relu/0" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=0]; +"features.7.block.2.fc2.weight" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, shape="(120, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features.7.block.2.fc2.bias" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=2]; +"features/7/block/2/fc2/conv2d/0" -> "features/7/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/block/2/scale_activation/hardsigmoid/0" -> "features/7/block/2/mul/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/block/2/mul/0" -> "features/7/block/3/0/conv2d/0" [dtype=float, shape="(1, 120, 4, 4)", out_port_id=0, in_port_id=0]; +"features.7.block.3.0.weight" -> "features/7/block/3/0/conv2d/0" [dtype=float, shape="(48, 120, 1, 1)", out_port_id=0, in_port_id=1]; +"features/7/block/3/0/conv2d/0" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(1, 48, 4, 4)", out_port_id=0, in_port_id=0]; +"features.7.block.3.1.weight" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"features.7.block.3.1.bias" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"features.7.block.3.1.running_mean" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"features.7.block.3.1.running_var" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"features/7/block/3/1/batch_norm/0" -> "features/8/block/0/0/conv2d/0" [dtype=float, shape="(1, 48, 4, 4)", out_port_id=0, in_port_id=0]; +"features/7/block/3/1/batch_norm/0" -> "features/8/add_/0" [dtype=float, shape="(1, 48, 4, 4)", out_port_id=0, in_port_id=1]; +"features.8.block.0.0.weight" -> "features/8/block/0/0/conv2d/0" [dtype=float, shape="(144, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"features/8/block/0/0/conv2d/0" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; +"features.8.block.0.1.weight" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.8.block.0.1.bias" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.8.block.0.1.running_mean" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.8.block.0.1.running_var" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/8/block/0/1/batch_norm/0" -> "features/8/block/0/2/hardswish/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; +"features/8/block/0/2/hardswish/0" -> "features/8/block/1/0/conv2d/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; +"features.8.block.1.0.weight" -> "features/8/block/1/0/conv2d/0" [dtype=float, shape="(144, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/8/block/1/0/conv2d/0" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; +"features.8.block.1.1.weight" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.8.block.1.1.bias" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.8.block.1.1.running_mean" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.8.block.1.1.running_var" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/8/block/1/1/batch_norm/0" -> "features/8/block/1/2/hardswish/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; +"features/8/block/1/2/hardswish/0" -> "features/8/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; +"features/8/block/1/2/hardswish/0" -> "features/8/block/2/mul/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=1]; +"features/8/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features.8.block.2.fc1.weight" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, shape="(40, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features.8.block.2.fc1.bias" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; +"features/8/block/2/fc1/conv2d/0" -> "features/8/block/2/activation/relu/0" [dtype=float, shape="(1, 40, 1, 1)", out_port_id=0, in_port_id=0]; +"features/8/block/2/activation/relu/0" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 40, 1, 1)", out_port_id=0, in_port_id=0]; +"features.8.block.2.fc2.weight" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, shape="(144, 40, 1, 1)", out_port_id=0, in_port_id=1]; +"features.8.block.2.fc2.bias" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features/8/block/2/fc2/conv2d/0" -> "features/8/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features/8/block/2/scale_activation/hardsigmoid/0" -> "features/8/block/2/mul/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features/8/block/2/mul/0" -> "features/8/block/3/0/conv2d/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; +"features.8.block.3.0.weight" -> "features/8/block/3/0/conv2d/0" [dtype=float, shape="(48, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features/8/block/3/0/conv2d/0" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(1, 48, 4, 4)", out_port_id=0, in_port_id=0]; +"features.8.block.3.1.weight" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"features.8.block.3.1.bias" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"features.8.block.3.1.running_mean" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"features.8.block.3.1.running_var" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"features/8/block/3/1/batch_norm/0" -> "features/8/add_/0" [dtype=float, shape="(1, 48, 4, 4)", out_port_id=0, in_port_id=0]; +"features/8/add_/0" -> "features/9/block/0/0/conv2d/0" [dtype=float, shape="(1, 48, 4, 4)", out_port_id=0, in_port_id=0]; +"features.9.block.0.0.weight" -> "features/9/block/0/0/conv2d/0" [dtype=float, shape="(288, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"features/9/block/0/0/conv2d/0" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(1, 288, 4, 4)", out_port_id=0, in_port_id=0]; +"features.9.block.0.1.weight" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; +"features.9.block.0.1.bias" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; +"features.9.block.0.1.running_mean" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; +"features.9.block.0.1.running_var" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; +"features/9/block/0/1/batch_norm/0" -> "features/9/block/0/2/hardswish/0" [dtype=float, shape="(1, 288, 4, 4)", out_port_id=0, in_port_id=0]; +"features/9/block/0/2/hardswish/0" -> "features/9/block/1/0/conv2d/0" [dtype=float, shape="(1, 288, 4, 4)", out_port_id=0, in_port_id=0]; +"features.9.block.1.0.weight" -> "features/9/block/1/0/conv2d/0" [dtype=float, shape="(288, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/9/block/1/0/conv2d/0" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; +"features.9.block.1.1.weight" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; +"features.9.block.1.1.bias" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; +"features.9.block.1.1.running_mean" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; +"features.9.block.1.1.running_var" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; +"features/9/block/1/1/batch_norm/0" -> "features/9/block/1/2/hardswish/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; +"features/9/block/1/2/hardswish/0" -> "features/9/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; +"features/9/block/1/2/hardswish/0" -> "features/9/block/2/mul/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=1]; +"features/9/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"features.9.block.2.fc1.weight" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, shape="(72, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"features.9.block.2.fc1.bias" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=2]; +"features/9/block/2/fc1/conv2d/0" -> "features/9/block/2/activation/relu/0" [dtype=float, shape="(1, 72, 1, 1)", out_port_id=0, in_port_id=0]; +"features/9/block/2/activation/relu/0" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 72, 1, 1)", out_port_id=0, in_port_id=0]; +"features.9.block.2.fc2.weight" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, shape="(288, 72, 1, 1)", out_port_id=0, in_port_id=1]; +"features.9.block.2.fc2.bias" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; +"features/9/block/2/fc2/conv2d/0" -> "features/9/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"features/9/block/2/scale_activation/hardsigmoid/0" -> "features/9/block/2/mul/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"features/9/block/2/mul/0" -> "features/9/block/3/0/conv2d/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; +"features.9.block.3.0.weight" -> "features/9/block/3/0/conv2d/0" [dtype=float, shape="(96, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"features/9/block/3/0/conv2d/0" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features.9.block.3.1.weight" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.9.block.3.1.bias" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.9.block.3.1.running_mean" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.9.block.3.1.running_var" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/9/block/3/1/batch_norm/0" -> "features/10/block/0/0/conv2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features/9/block/3/1/batch_norm/0" -> "features/10/add_/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=1]; +"features.10.block.0.0.weight" -> "features/10/block/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/10/block/0/0/conv2d/0" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.10.block.0.1.weight" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.10.block.0.1.bias" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.10.block.0.1.running_mean" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.10.block.0.1.running_var" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/10/block/0/1/batch_norm/0" -> "features/10/block/0/2/hardswish/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features/10/block/0/2/hardswish/0" -> "features/10/block/1/0/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.10.block.1.0.weight" -> "features/10/block/1/0/conv2d/0" [dtype=float, shape="(576, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/10/block/1/0/conv2d/0" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.10.block.1.1.weight" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.10.block.1.1.bias" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.10.block.1.1.running_mean" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.10.block.1.1.running_var" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/10/block/1/1/batch_norm/0" -> "features/10/block/1/2/hardswish/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features/10/block/1/2/hardswish/0" -> "features/10/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features/10/block/1/2/hardswish/0" -> "features/10/block/2/mul/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=1]; +"features/10/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.10.block.2.fc1.weight" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, shape="(144, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features.10.block.2.fc1.bias" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features/10/block/2/fc1/conv2d/0" -> "features/10/block/2/activation/relu/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/block/2/activation/relu/0" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features.10.block.2.fc2.weight" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, shape="(576, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features.10.block.2.fc2.bias" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features/10/block/2/fc2/conv2d/0" -> "features/10/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/block/2/scale_activation/hardsigmoid/0" -> "features/10/block/2/mul/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/block/2/mul/0" -> "features/10/block/3/0/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.10.block.3.0.weight" -> "features/10/block/3/0/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features/10/block/3/0/conv2d/0" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features.10.block.3.1.weight" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.10.block.3.1.bias" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.10.block.3.1.running_mean" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.10.block.3.1.running_var" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/10/block/3/1/batch_norm/0" -> "features/10/add_/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features/10/add_/0" -> "features/11/block/0/0/conv2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features/10/add_/0" -> "features/11/add_/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=1]; +"features.11.block.0.0.weight" -> "features/11/block/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/11/block/0/0/conv2d/0" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.11.block.0.1.weight" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.11.block.0.1.bias" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.11.block.0.1.running_mean" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.11.block.0.1.running_var" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/11/block/0/1/batch_norm/0" -> "features/11/block/0/2/hardswish/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features/11/block/0/2/hardswish/0" -> "features/11/block/1/0/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.11.block.1.0.weight" -> "features/11/block/1/0/conv2d/0" [dtype=float, shape="(576, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/11/block/1/0/conv2d/0" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.11.block.1.1.weight" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.11.block.1.1.bias" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.11.block.1.1.running_mean" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.11.block.1.1.running_var" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/11/block/1/1/batch_norm/0" -> "features/11/block/1/2/hardswish/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features/11/block/1/2/hardswish/0" -> "features/11/block/2/avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features/11/block/1/2/hardswish/0" -> "features/11/block/2/mul/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=1]; +"features/11/block/2/avgpool/adaptive_avg_pool2d/0" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.11.block.2.fc1.weight" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, shape="(144, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features.11.block.2.fc1.bias" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features/11/block/2/fc1/conv2d/0" -> "features/11/block/2/activation/relu/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/block/2/activation/relu/0" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features.11.block.2.fc2.weight" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, shape="(576, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features.11.block.2.fc2.bias" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features/11/block/2/fc2/conv2d/0" -> "features/11/block/2/scale_activation/hardsigmoid/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/block/2/scale_activation/hardsigmoid/0" -> "features/11/block/2/mul/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/block/2/mul/0" -> "features/11/block/3/0/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.11.block.3.0.weight" -> "features/11/block/3/0/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features/11/block/3/0/conv2d/0" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features.11.block.3.1.weight" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.11.block.3.1.bias" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.11.block.3.1.running_mean" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.11.block.3.1.running_var" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/11/block/3/1/batch_norm/0" -> "features/11/add_/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features/11/add_/0" -> "features/12/0/conv2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features.12.0.weight" -> "features/12/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/12/0/conv2d/0" -> "features/12/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.12.1.weight" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.12.1.bias" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.12.1.running_mean" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.12.1.running_var" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/12/1/batch_norm/0" -> "features/12/2/hardswish/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features/12/2/hardswish/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"/flatten/0" -> "classifier/0/linear/0" [dtype=float, shape="(1, 576)", out_port_id=0, in_port_id=0]; +"classifier.0.weight" -> "classifier/0/linear/0" [dtype=float, shape="(1024, 576)", out_port_id=0, in_port_id=1]; +"classifier.0.bias" -> "classifier/0/linear/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"classifier/0/linear/0" -> "classifier/1/hardswish/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"classifier/1/hardswish/0" -> "classifier/2/dropout/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"classifier/2/dropout/0" -> "classifier/3/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"classifier.3.weight" -> "classifier/3/linear/0" [dtype=float, shape="(1000, 1024)", out_port_id=0, in_port_id=1]; +"classifier.3.bias" -> "classifier/3/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"classifier/3/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_resnet18.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_resnet18.dot index ce14f0ed082..1c32f4d44e2 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_resnet18.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_resnet18.dot @@ -1,355 +1,355 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"conv1.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv1/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; -"bn1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; -"relu/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; -"maxpool/max_pool2d/0" [id=9, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"layer1.0.conv1.weight" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/conv1/conv2d/0" [id=11, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.0.bn1.weight" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn1.bias" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn1.running_mean" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn1.running_var" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn1/batch_norm/0" [id=16, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/0/relu/relu_/0" [id=17, metatype=PTRELUMetatype, type=relu_]; -"layer1.0.conv2.weight" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/conv2/conv2d/0" [id=19, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.0.bn2.weight" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn2.bias" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn2.running_mean" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn2.running_var" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn2/batch_norm/0" [id=24, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/0/add_/0" [id=25, metatype=PTAddMetatype, type=add_]; -"layer1/0/relu/relu_/1" [id=26, metatype=PTRELUMetatype, type=relu_]; -"layer1.1.conv1.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/conv1/conv2d/0" [id=28, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.1.bn1.weight" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn1.bias" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn1.running_mean" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn1.running_var" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/bn1/batch_norm/0" [id=33, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/1/relu/relu_/0" [id=34, metatype=PTRELUMetatype, type=relu_]; -"layer1.1.conv2.weight" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/conv2/conv2d/0" [id=36, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.1.bn2.weight" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn2.bias" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn2.running_mean" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn2.running_var" [id=40, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/bn2/batch_norm/0" [id=41, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/1/add_/0" [id=42, metatype=PTAddMetatype, type=add_]; -"layer1/1/relu/relu_/1" [id=43, metatype=PTRELUMetatype, type=relu_]; -"layer2.0.conv1.weight" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/conv1/conv2d/0" [id=45, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.0.bn1.weight" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn1.bias" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn1.running_mean" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn1.running_var" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn1/batch_norm/0" [id=50, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/0/relu/relu_/0" [id=51, metatype=PTRELUMetatype, type=relu_]; -"layer2.0.conv2.weight" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/conv2/conv2d/0" [id=53, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.0.bn2.weight" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn2.bias" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn2.running_mean" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn2.running_var" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn2/batch_norm/0" [id=58, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2.0.downsample.0.weight" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/downsample/0/conv2d/0" [id=60, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.0.downsample.1.weight" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.downsample.1.bias" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.downsample.1.running_mean" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.downsample.1.running_var" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/downsample/1/batch_norm/0" [id=65, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/0/add_/0" [id=66, metatype=PTAddMetatype, type=add_]; -"layer2/0/relu/relu_/1" [id=67, metatype=PTRELUMetatype, type=relu_]; -"layer2.1.conv1.weight" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/conv1/conv2d/0" [id=69, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.1.bn1.weight" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn1.bias" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn1.running_mean" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn1.running_var" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/bn1/batch_norm/0" [id=74, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/1/relu/relu_/0" [id=75, metatype=PTRELUMetatype, type=relu_]; -"layer2.1.conv2.weight" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/conv2/conv2d/0" [id=77, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.1.bn2.weight" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn2.bias" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn2.running_mean" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn2.running_var" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/bn2/batch_norm/0" [id=82, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/1/add_/0" [id=83, metatype=PTAddMetatype, type=add_]; -"layer2/1/relu/relu_/1" [id=84, metatype=PTRELUMetatype, type=relu_]; -"layer3.0.conv1.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/conv1/conv2d/0" [id=86, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.0.bn1.weight" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn1.bias" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn1.running_mean" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn1.running_var" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn1/batch_norm/0" [id=91, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/0/relu/relu_/0" [id=92, metatype=PTRELUMetatype, type=relu_]; -"layer3.0.conv2.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/conv2/conv2d/0" [id=94, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.0.bn2.weight" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn2.bias" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn2.running_mean" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn2.running_var" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn2/batch_norm/0" [id=99, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3.0.downsample.0.weight" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/downsample/0/conv2d/0" [id=101, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.0.downsample.1.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.downsample.1.bias" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.downsample.1.running_mean" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.downsample.1.running_var" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/downsample/1/batch_norm/0" [id=106, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/0/add_/0" [id=107, metatype=PTAddMetatype, type=add_]; -"layer3/0/relu/relu_/1" [id=108, metatype=PTRELUMetatype, type=relu_]; -"layer3.1.conv1.weight" [id=109, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/conv1/conv2d/0" [id=110, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.1.bn1.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn1.bias" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn1.running_mean" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn1.running_var" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/bn1/batch_norm/0" [id=115, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/1/relu/relu_/0" [id=116, metatype=PTRELUMetatype, type=relu_]; -"layer3.1.conv2.weight" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/conv2/conv2d/0" [id=118, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.1.bn2.weight" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn2.bias" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn2.running_mean" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn2.running_var" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/bn2/batch_norm/0" [id=123, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/1/add_/0" [id=124, metatype=PTAddMetatype, type=add_]; -"layer3/1/relu/relu_/1" [id=125, metatype=PTRELUMetatype, type=relu_]; -"layer4.0.conv1.weight" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/conv1/conv2d/0" [id=127, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.0.bn1.weight" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn1.bias" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn1.running_mean" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn1.running_var" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/bn1/batch_norm/0" [id=132, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/0/relu/relu_/0" [id=133, metatype=PTRELUMetatype, type=relu_]; -"layer4.0.conv2.weight" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/conv2/conv2d/0" [id=135, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.0.bn2.weight" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn2.bias" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn2.running_mean" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn2.running_var" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/bn2/batch_norm/0" [id=140, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4.0.downsample.0.weight" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/downsample/0/conv2d/0" [id=142, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.0.downsample.1.weight" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.downsample.1.bias" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.downsample.1.running_mean" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.downsample.1.running_var" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/downsample/1/batch_norm/0" [id=147, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/0/add_/0" [id=148, metatype=PTAddMetatype, type=add_]; -"layer4/0/relu/relu_/1" [id=149, metatype=PTRELUMetatype, type=relu_]; -"layer4.1.conv1.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/conv1/conv2d/0" [id=151, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.1.bn1.weight" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn1.bias" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn1.running_mean" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn1.running_var" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/bn1/batch_norm/0" [id=156, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/1/relu/relu_/0" [id=157, metatype=PTRELUMetatype, type=relu_]; -"layer4.1.conv2.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/conv2/conv2d/0" [id=159, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.1.bn2.weight" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn2.bias" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn2.running_mean" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn2.running_var" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/bn2/batch_norm/0" [id=164, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/1/add_/0" [id=165, metatype=PTAddMetatype, type=add_]; -"layer4/1/relu/relu_/1" [id=166, metatype=PTRELUMetatype, type=relu_]; -"avgpool/adaptive_avg_pool2d/0" [id=167, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"/flatten/0" [id=168, metatype=PTReshapeMetatype, type=flatten]; -"fc.weight" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc.bias" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc/linear/0" [id=171, metatype=PTLinearMetatype, type=linear]; -output [id=172, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; -"conv1.weight" -> "conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 7, 7)"]; -"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"bn1/batch_norm/0" -> "relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"relu/relu_/0" -> "maxpool/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"maxpool/max_pool2d/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"maxpool/max_pool2d/0" -> "layer1/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.0.conv1.weight" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"layer1/0/bn1/batch_norm/0" -> "layer1/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/0/relu/relu_/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.0.conv2.weight" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"layer1/0/bn2/batch_norm/0" -> "layer1/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/0/add_/0" -> "layer1/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/0/relu/relu_/1" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/0/relu/relu_/1" -> "layer1/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.1.conv1.weight" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/1/relu/relu_/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.1.conv2.weight" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"layer1/1/bn2/batch_norm/0" -> "layer1/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/1/add_/0" -> "layer1/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/1/relu/relu_/1" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/1/relu/relu_/1" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer2.0.conv1.weight" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 3, 3)"]; -"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer2/0/bn1/batch_norm/0" -> "layer2/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/0/relu/relu_/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.0.conv2.weight" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; -"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer2/0/bn2/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.0.downsample.0.weight" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 1, 1)"]; -"layer2/0/downsample/0/conv2d/0" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.0.downsample.1.weight" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer2.0.downsample.1.bias" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer2.0.downsample.1.running_mean" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer2.0.downsample.1.running_var" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer2/0/downsample/1/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/0/add_/0" -> "layer2/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/0/relu/relu_/1" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/0/relu/relu_/1" -> "layer2/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.1.conv1.weight" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; -"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/1/relu/relu_/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.1.conv2.weight" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; -"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer2/1/bn2/batch_norm/0" -> "layer2/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/1/add_/0" -> "layer2/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/1/relu/relu_/1" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/1/relu/relu_/1" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer3.0.conv1.weight" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 3, 3)"]; -"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer3/0/bn1/batch_norm/0" -> "layer3/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/0/relu/relu_/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.0.conv2.weight" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; -"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer3/0/bn2/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.0.downsample.0.weight" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 1, 1)"]; -"layer3/0/downsample/0/conv2d/0" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.0.downsample.1.weight" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer3.0.downsample.1.bias" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer3.0.downsample.1.running_mean" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer3.0.downsample.1.running_var" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer3/0/downsample/1/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/0/add_/0" -> "layer3/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/0/relu/relu_/1" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/0/relu/relu_/1" -> "layer3/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.1.conv1.weight" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; -"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/1/relu/relu_/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.1.conv2.weight" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; -"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer3/1/bn2/batch_norm/0" -> "layer3/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/1/add_/0" -> "layer3/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/1/relu/relu_/1" -> "layer4/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/1/relu/relu_/1" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer4.0.conv1.weight" -> "layer4/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 3, 3)"]; -"layer4/0/conv1/conv2d/0" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.0.bn1.weight" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer4.0.bn1.bias" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer4.0.bn1.running_mean" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer4.0.bn1.running_var" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer4/0/bn1/batch_norm/0" -> "layer4/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4/0/relu/relu_/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.0.conv2.weight" -> "layer4/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"layer4/0/conv2/conv2d/0" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.0.bn2.weight" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer4.0.bn2.bias" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer4.0.bn2.running_mean" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer4.0.bn2.running_var" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer4/0/bn2/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.0.downsample.0.weight" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 1, 1)"]; -"layer4/0/downsample/0/conv2d/0" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.0.downsample.1.weight" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer4.0.downsample.1.bias" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer4.0.downsample.1.running_mean" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer4.0.downsample.1.running_var" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer4/0/downsample/1/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4/0/add_/0" -> "layer4/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4/0/relu/relu_/1" -> "layer4/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4/0/relu/relu_/1" -> "layer4/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.1.conv1.weight" -> "layer4/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"layer4/1/conv1/conv2d/0" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.1.bn1.weight" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer4.1.bn1.bias" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer4.1.bn1.running_mean" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer4.1.bn1.running_var" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer4/1/bn1/batch_norm/0" -> "layer4/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4/1/relu/relu_/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.1.conv2.weight" -> "layer4/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"layer4/1/conv2/conv2d/0" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.1.bn2.weight" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer4.1.bn2.bias" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer4.1.bn2.running_mean" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer4.1.bn2.running_var" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer4/1/bn2/batch_norm/0" -> "layer4/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4/1/add_/0" -> "layer4/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4/1/relu/relu_/1" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; -"/flatten/0" -> "fc/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512)"]; -"fc.weight" -> "fc/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 512)"]; -"fc.bias" -> "fc/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"fc/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"conv1.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv1/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; +"bn1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1/batch_norm/0" [id=7, type="batch_norm", metatype=PT2BatchNormMetatype]; +"relu/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; +"maxpool/max_pool2d/0" [id=9, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"layer1.0.conv1.weight" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/conv1/conv2d/0" [id=11, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.0.bn1.weight" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn1.bias" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn1.running_mean" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn1.running_var" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn1/batch_norm/0" [id=16, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/0/relu/relu_/0" [id=17, type="relu_", metatype=PTRELUMetatype]; +"layer1.0.conv2.weight" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/conv2/conv2d/0" [id=19, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.0.bn2.weight" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn2.bias" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn2.running_mean" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn2.running_var" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn2/batch_norm/0" [id=24, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/0/add_/0" [id=25, type="add_", metatype=PTAddMetatype]; +"layer1/0/relu/relu_/1" [id=26, type="relu_", metatype=PTRELUMetatype]; +"layer1.1.conv1.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/conv1/conv2d/0" [id=28, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.1.bn1.weight" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn1.bias" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn1.running_mean" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn1.running_var" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/bn1/batch_norm/0" [id=33, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/1/relu/relu_/0" [id=34, type="relu_", metatype=PTRELUMetatype]; +"layer1.1.conv2.weight" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/conv2/conv2d/0" [id=36, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.1.bn2.weight" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn2.bias" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn2.running_mean" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn2.running_var" [id=40, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/bn2/batch_norm/0" [id=41, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/1/add_/0" [id=42, type="add_", metatype=PTAddMetatype]; +"layer1/1/relu/relu_/1" [id=43, type="relu_", metatype=PTRELUMetatype]; +"layer2.0.conv1.weight" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/conv1/conv2d/0" [id=45, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.0.bn1.weight" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn1.bias" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn1.running_mean" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn1.running_var" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn1/batch_norm/0" [id=50, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/0/relu/relu_/0" [id=51, type="relu_", metatype=PTRELUMetatype]; +"layer2.0.conv2.weight" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/conv2/conv2d/0" [id=53, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.0.bn2.weight" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn2.bias" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn2.running_mean" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn2.running_var" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn2/batch_norm/0" [id=58, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2.0.downsample.0.weight" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/downsample/0/conv2d/0" [id=60, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.0.downsample.1.weight" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.downsample.1.bias" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.downsample.1.running_mean" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.downsample.1.running_var" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/downsample/1/batch_norm/0" [id=65, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/0/add_/0" [id=66, type="add_", metatype=PTAddMetatype]; +"layer2/0/relu/relu_/1" [id=67, type="relu_", metatype=PTRELUMetatype]; +"layer2.1.conv1.weight" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/conv1/conv2d/0" [id=69, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.1.bn1.weight" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn1.bias" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn1.running_mean" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn1.running_var" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/bn1/batch_norm/0" [id=74, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/1/relu/relu_/0" [id=75, type="relu_", metatype=PTRELUMetatype]; +"layer2.1.conv2.weight" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/conv2/conv2d/0" [id=77, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.1.bn2.weight" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn2.bias" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn2.running_mean" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn2.running_var" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/bn2/batch_norm/0" [id=82, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/1/add_/0" [id=83, type="add_", metatype=PTAddMetatype]; +"layer2/1/relu/relu_/1" [id=84, type="relu_", metatype=PTRELUMetatype]; +"layer3.0.conv1.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/conv1/conv2d/0" [id=86, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.0.bn1.weight" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn1.bias" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn1.running_mean" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn1.running_var" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn1/batch_norm/0" [id=91, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/0/relu/relu_/0" [id=92, type="relu_", metatype=PTRELUMetatype]; +"layer3.0.conv2.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/conv2/conv2d/0" [id=94, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.0.bn2.weight" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn2.bias" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn2.running_mean" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn2.running_var" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn2/batch_norm/0" [id=99, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3.0.downsample.0.weight" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/downsample/0/conv2d/0" [id=101, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.0.downsample.1.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.downsample.1.bias" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.downsample.1.running_mean" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.downsample.1.running_var" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/downsample/1/batch_norm/0" [id=106, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/0/add_/0" [id=107, type="add_", metatype=PTAddMetatype]; +"layer3/0/relu/relu_/1" [id=108, type="relu_", metatype=PTRELUMetatype]; +"layer3.1.conv1.weight" [id=109, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/conv1/conv2d/0" [id=110, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.1.bn1.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn1.bias" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn1.running_mean" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn1.running_var" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/bn1/batch_norm/0" [id=115, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/1/relu/relu_/0" [id=116, type="relu_", metatype=PTRELUMetatype]; +"layer3.1.conv2.weight" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/conv2/conv2d/0" [id=118, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.1.bn2.weight" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn2.bias" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn2.running_mean" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn2.running_var" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/bn2/batch_norm/0" [id=123, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/1/add_/0" [id=124, type="add_", metatype=PTAddMetatype]; +"layer3/1/relu/relu_/1" [id=125, type="relu_", metatype=PTRELUMetatype]; +"layer4.0.conv1.weight" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/conv1/conv2d/0" [id=127, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.0.bn1.weight" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn1.bias" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn1.running_mean" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn1.running_var" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/bn1/batch_norm/0" [id=132, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/0/relu/relu_/0" [id=133, type="relu_", metatype=PTRELUMetatype]; +"layer4.0.conv2.weight" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/conv2/conv2d/0" [id=135, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.0.bn2.weight" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn2.bias" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn2.running_mean" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn2.running_var" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/bn2/batch_norm/0" [id=140, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4.0.downsample.0.weight" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/downsample/0/conv2d/0" [id=142, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.0.downsample.1.weight" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.downsample.1.bias" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.downsample.1.running_mean" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.downsample.1.running_var" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/downsample/1/batch_norm/0" [id=147, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/0/add_/0" [id=148, type="add_", metatype=PTAddMetatype]; +"layer4/0/relu/relu_/1" [id=149, type="relu_", metatype=PTRELUMetatype]; +"layer4.1.conv1.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/conv1/conv2d/0" [id=151, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.1.bn1.weight" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn1.bias" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn1.running_mean" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn1.running_var" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/bn1/batch_norm/0" [id=156, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/1/relu/relu_/0" [id=157, type="relu_", metatype=PTRELUMetatype]; +"layer4.1.conv2.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/conv2/conv2d/0" [id=159, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.1.bn2.weight" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn2.bias" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn2.running_mean" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn2.running_var" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/bn2/batch_norm/0" [id=164, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/1/add_/0" [id=165, type="add_", metatype=PTAddMetatype]; +"layer4/1/relu/relu_/1" [id=166, type="relu_", metatype=PTRELUMetatype]; +"avgpool/adaptive_avg_pool2d/0" [id=167, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"/flatten/0" [id=168, type=flatten, metatype=PTReshapeMetatype]; +"fc.weight" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc.bias" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc/linear/0" [id=171, type=linear, metatype=PTLinearMetatype]; +output [id=172, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "conv1/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; +"conv1.weight" -> "conv1/conv2d/0" [dtype=float, shape="(64, 3, 7, 7)", out_port_id=0, in_port_id=1]; +"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"bn1/batch_norm/0" -> "relu/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"relu/relu_/0" -> "maxpool/max_pool2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/0" -> "layer1/0/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=1]; +"layer1.0.conv1.weight" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn1/batch_norm/0" -> "layer1/0/relu/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/relu/relu_/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.conv2.weight" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn2/batch_norm/0" -> "layer1/0/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/add_/0" -> "layer1/0/relu/relu_/1" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/relu/relu_/1" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/relu/relu_/1" -> "layer1/1/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=1]; +"layer1.1.conv1.weight" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/relu/relu_/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.conv2.weight" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"layer1/1/bn2/batch_norm/0" -> "layer1/1/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/add_/0" -> "layer1/1/relu/relu_/1" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/relu/relu_/1" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/relu/relu_/1" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer2.0.conv1.weight" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn1/batch_norm/0" -> "layer2/0/relu/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/relu/relu_/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.conv2.weight" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn2/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.downsample.0.weight" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, shape="(128, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/0/downsample/0/conv2d/0" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.downsample.1.weight" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer2.0.downsample.1.bias" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer2.0.downsample.1.running_mean" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer2.0.downsample.1.running_var" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer2/0/downsample/1/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2/0/add_/0" -> "layer2/0/relu/relu_/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/relu/relu_/1" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/relu/relu_/1" -> "layer2/1/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2.1.conv1.weight" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/relu/relu_/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.conv2.weight" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer2/1/bn2/batch_norm/0" -> "layer2/1/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/add_/0" -> "layer2/1/relu/relu_/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/relu/relu_/1" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/relu/relu_/1" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer3.0.conv1.weight" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn1/batch_norm/0" -> "layer3/0/relu/relu_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/relu/relu_/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.conv2.weight" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn2/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.downsample.0.weight" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, shape="(256, 128, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/0/downsample/0/conv2d/0" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.downsample.1.weight" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer3.0.downsample.1.bias" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer3.0.downsample.1.running_mean" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer3.0.downsample.1.running_var" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer3/0/downsample/1/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=1]; +"layer3/0/add_/0" -> "layer3/0/relu/relu_/1" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/relu/relu_/1" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/relu/relu_/1" -> "layer3/1/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=1]; +"layer3.1.conv1.weight" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/relu_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/relu/relu_/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.conv2.weight" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer3/1/bn2/batch_norm/0" -> "layer3/1/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/add_/0" -> "layer3/1/relu/relu_/1" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/relu/relu_/1" -> "layer4/0/conv1/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/relu/relu_/1" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer4.0.conv1.weight" -> "layer4/0/conv1/conv2d/0" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"layer4/0/conv1/conv2d/0" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.bn1.weight" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer4.0.bn1.bias" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer4.0.bn1.running_mean" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer4.0.bn1.running_var" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer4/0/bn1/batch_norm/0" -> "layer4/0/relu/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/0/relu/relu_/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.conv2.weight" -> "layer4/0/conv2/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"layer4/0/conv2/conv2d/0" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.bn2.weight" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer4.0.bn2.bias" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer4.0.bn2.running_mean" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer4.0.bn2.running_var" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer4/0/bn2/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.downsample.0.weight" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"layer4/0/downsample/0/conv2d/0" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.downsample.1.weight" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer4.0.downsample.1.bias" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer4.0.downsample.1.running_mean" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer4.0.downsample.1.running_var" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer4/0/downsample/1/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=1]; +"layer4/0/add_/0" -> "layer4/0/relu/relu_/1" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/0/relu/relu_/1" -> "layer4/1/conv1/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/0/relu/relu_/1" -> "layer4/1/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=1]; +"layer4.1.conv1.weight" -> "layer4/1/conv1/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"layer4/1/conv1/conv2d/0" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.1.bn1.weight" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer4.1.bn1.bias" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer4.1.bn1.running_mean" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer4.1.bn1.running_var" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer4/1/bn1/batch_norm/0" -> "layer4/1/relu/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/1/relu/relu_/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.1.conv2.weight" -> "layer4/1/conv2/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"layer4/1/conv2/conv2d/0" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.1.bn2.weight" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer4.1.bn2.bias" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer4.1.bn2.running_mean" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer4.1.bn2.running_var" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer4/1/bn2/batch_norm/0" -> "layer4/1/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/1/add_/0" -> "layer4/1/relu/relu_/1" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/1/relu/relu_/1" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"/flatten/0" -> "fc/linear/0" [dtype=float, shape="(1, 512)", out_port_id=0, in_port_id=0]; +"fc.weight" -> "fc/linear/0" [dtype=float, shape="(1000, 512)", out_port_id=0, in_port_id=1]; +"fc.bias" -> "fc/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"fc/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_resnext50_32x4d.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_resnext50_32x4d.dot index 5887858cd64..aeec6abc04c 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_resnext50_32x4d.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_resnext50_32x4d.dot @@ -1,905 +1,905 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"conv1.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv1/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; -"bn1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; -"relu/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; -"maxpool/max_pool2d/0" [id=9, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"layer1.0.conv1.weight" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/conv1/conv2d/0" [id=11, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.0.bn1.weight" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn1.bias" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn1.running_mean" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn1.running_var" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn1/batch_norm/0" [id=16, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/0/relu/relu_/0" [id=17, metatype=PTRELUMetatype, type=relu_]; -"layer1.0.conv2.weight" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/conv2/conv2d/0" [id=19, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.0.bn2.weight" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn2.bias" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn2.running_mean" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn2.running_var" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn2/batch_norm/0" [id=24, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/0/relu/relu_/1" [id=25, metatype=PTRELUMetatype, type=relu_]; -"layer1.0.conv3.weight" [id=26, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/conv3/conv2d/0" [id=27, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.0.bn3.weight" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn3.bias" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn3.running_mean" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn3.running_var" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn3/batch_norm/0" [id=32, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1.0.downsample.0.weight" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/downsample/0/conv2d/0" [id=34, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.0.downsample.1.weight" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.downsample.1.bias" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.downsample.1.running_mean" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.downsample.1.running_var" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/downsample/1/batch_norm/0" [id=39, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/0/add_/0" [id=40, metatype=PTAddMetatype, type=add_]; -"layer1/0/relu/relu_/2" [id=41, metatype=PTRELUMetatype, type=relu_]; -"layer1.1.conv1.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/conv1/conv2d/0" [id=43, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.1.bn1.weight" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn1.bias" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn1.running_mean" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn1.running_var" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/bn1/batch_norm/0" [id=48, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/1/relu/relu_/0" [id=49, metatype=PTRELUMetatype, type=relu_]; -"layer1.1.conv2.weight" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/conv2/conv2d/0" [id=51, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.1.bn2.weight" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn2.bias" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn2.running_mean" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn2.running_var" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/bn2/batch_norm/0" [id=56, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/1/relu/relu_/1" [id=57, metatype=PTRELUMetatype, type=relu_]; -"layer1.1.conv3.weight" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/conv3/conv2d/0" [id=59, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.1.bn3.weight" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn3.bias" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn3.running_mean" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn3.running_var" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/bn3/batch_norm/0" [id=64, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/1/add_/0" [id=65, metatype=PTAddMetatype, type=add_]; -"layer1/1/relu/relu_/2" [id=66, metatype=PTRELUMetatype, type=relu_]; -"layer1.2.conv1.weight" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/2/conv1/conv2d/0" [id=68, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.2.bn1.weight" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn1.bias" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn1.running_mean" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn1.running_var" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/2/bn1/batch_norm/0" [id=73, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/2/relu/relu_/0" [id=74, metatype=PTRELUMetatype, type=relu_]; -"layer1.2.conv2.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/2/conv2/conv2d/0" [id=76, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.2.bn2.weight" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn2.bias" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn2.running_mean" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn2.running_var" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/2/bn2/batch_norm/0" [id=81, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/2/relu/relu_/1" [id=82, metatype=PTRELUMetatype, type=relu_]; -"layer1.2.conv3.weight" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/2/conv3/conv2d/0" [id=84, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.2.bn3.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn3.bias" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn3.running_mean" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn3.running_var" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/2/bn3/batch_norm/0" [id=89, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/2/add_/0" [id=90, metatype=PTAddMetatype, type=add_]; -"layer1/2/relu/relu_/2" [id=91, metatype=PTRELUMetatype, type=relu_]; -"layer2.0.conv1.weight" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/conv1/conv2d/0" [id=93, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.0.bn1.weight" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn1.bias" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn1.running_mean" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn1.running_var" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn1/batch_norm/0" [id=98, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/0/relu/relu_/0" [id=99, metatype=PTRELUMetatype, type=relu_]; -"layer2.0.conv2.weight" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/conv2/conv2d/0" [id=101, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.0.bn2.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn2.bias" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn2.running_mean" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn2.running_var" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn2/batch_norm/0" [id=106, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/0/relu/relu_/1" [id=107, metatype=PTRELUMetatype, type=relu_]; -"layer2.0.conv3.weight" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/conv3/conv2d/0" [id=109, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.0.bn3.weight" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn3.bias" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn3.running_mean" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn3.running_var" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn3/batch_norm/0" [id=114, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2.0.downsample.0.weight" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/downsample/0/conv2d/0" [id=116, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.0.downsample.1.weight" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.downsample.1.bias" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.downsample.1.running_mean" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.downsample.1.running_var" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/downsample/1/batch_norm/0" [id=121, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/0/add_/0" [id=122, metatype=PTAddMetatype, type=add_]; -"layer2/0/relu/relu_/2" [id=123, metatype=PTRELUMetatype, type=relu_]; -"layer2.1.conv1.weight" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/conv1/conv2d/0" [id=125, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.1.bn1.weight" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn1.bias" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn1.running_mean" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn1.running_var" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/bn1/batch_norm/0" [id=130, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/1/relu/relu_/0" [id=131, metatype=PTRELUMetatype, type=relu_]; -"layer2.1.conv2.weight" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/conv2/conv2d/0" [id=133, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.1.bn2.weight" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn2.bias" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn2.running_mean" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn2.running_var" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/bn2/batch_norm/0" [id=138, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/1/relu/relu_/1" [id=139, metatype=PTRELUMetatype, type=relu_]; -"layer2.1.conv3.weight" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/conv3/conv2d/0" [id=141, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.1.bn3.weight" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn3.bias" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn3.running_mean" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn3.running_var" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/bn3/batch_norm/0" [id=146, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/1/add_/0" [id=147, metatype=PTAddMetatype, type=add_]; -"layer2/1/relu/relu_/2" [id=148, metatype=PTRELUMetatype, type=relu_]; -"layer2.2.conv1.weight" [id=149, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/2/conv1/conv2d/0" [id=150, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.2.bn1.weight" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn1.bias" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn1.running_mean" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn1.running_var" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/2/bn1/batch_norm/0" [id=155, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/2/relu/relu_/0" [id=156, metatype=PTRELUMetatype, type=relu_]; -"layer2.2.conv2.weight" [id=157, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/2/conv2/conv2d/0" [id=158, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.2.bn2.weight" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn2.bias" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn2.running_mean" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn2.running_var" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/2/bn2/batch_norm/0" [id=163, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/2/relu/relu_/1" [id=164, metatype=PTRELUMetatype, type=relu_]; -"layer2.2.conv3.weight" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/2/conv3/conv2d/0" [id=166, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.2.bn3.weight" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn3.bias" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn3.running_mean" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn3.running_var" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/2/bn3/batch_norm/0" [id=171, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/2/add_/0" [id=172, metatype=PTAddMetatype, type=add_]; -"layer2/2/relu/relu_/2" [id=173, metatype=PTRELUMetatype, type=relu_]; -"layer2.3.conv1.weight" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/3/conv1/conv2d/0" [id=175, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.3.bn1.weight" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn1.bias" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn1.running_mean" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn1.running_var" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/3/bn1/batch_norm/0" [id=180, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/3/relu/relu_/0" [id=181, metatype=PTRELUMetatype, type=relu_]; -"layer2.3.conv2.weight" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/3/conv2/conv2d/0" [id=183, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.3.bn2.weight" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn2.bias" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn2.running_mean" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn2.running_var" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/3/bn2/batch_norm/0" [id=188, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/3/relu/relu_/1" [id=189, metatype=PTRELUMetatype, type=relu_]; -"layer2.3.conv3.weight" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/3/conv3/conv2d/0" [id=191, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.3.bn3.weight" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn3.bias" [id=193, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn3.running_mean" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn3.running_var" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/3/bn3/batch_norm/0" [id=196, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/3/add_/0" [id=197, metatype=PTAddMetatype, type=add_]; -"layer2/3/relu/relu_/2" [id=198, metatype=PTRELUMetatype, type=relu_]; -"layer3.0.conv1.weight" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/conv1/conv2d/0" [id=200, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.0.bn1.weight" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn1.bias" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn1.running_mean" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn1.running_var" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn1/batch_norm/0" [id=205, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/0/relu/relu_/0" [id=206, metatype=PTRELUMetatype, type=relu_]; -"layer3.0.conv2.weight" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/conv2/conv2d/0" [id=208, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.0.bn2.weight" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn2.bias" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn2.running_mean" [id=211, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn2.running_var" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn2/batch_norm/0" [id=213, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/0/relu/relu_/1" [id=214, metatype=PTRELUMetatype, type=relu_]; -"layer3.0.conv3.weight" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/conv3/conv2d/0" [id=216, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.0.bn3.weight" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn3.bias" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn3.running_mean" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn3.running_var" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn3/batch_norm/0" [id=221, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3.0.downsample.0.weight" [id=222, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/downsample/0/conv2d/0" [id=223, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.0.downsample.1.weight" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.downsample.1.bias" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.downsample.1.running_mean" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.downsample.1.running_var" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/downsample/1/batch_norm/0" [id=228, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/0/add_/0" [id=229, metatype=PTAddMetatype, type=add_]; -"layer3/0/relu/relu_/2" [id=230, metatype=PTRELUMetatype, type=relu_]; -"layer3.1.conv1.weight" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/conv1/conv2d/0" [id=232, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.1.bn1.weight" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn1.bias" [id=234, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn1.running_mean" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn1.running_var" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/bn1/batch_norm/0" [id=237, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/1/relu/relu_/0" [id=238, metatype=PTRELUMetatype, type=relu_]; -"layer3.1.conv2.weight" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/conv2/conv2d/0" [id=240, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.1.bn2.weight" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn2.bias" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn2.running_mean" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn2.running_var" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/bn2/batch_norm/0" [id=245, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/1/relu/relu_/1" [id=246, metatype=PTRELUMetatype, type=relu_]; -"layer3.1.conv3.weight" [id=247, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/conv3/conv2d/0" [id=248, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.1.bn3.weight" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn3.bias" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn3.running_mean" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn3.running_var" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/bn3/batch_norm/0" [id=253, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/1/add_/0" [id=254, metatype=PTAddMetatype, type=add_]; -"layer3/1/relu/relu_/2" [id=255, metatype=PTRELUMetatype, type=relu_]; -"layer3.2.conv1.weight" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/2/conv1/conv2d/0" [id=257, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.2.bn1.weight" [id=258, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn1.bias" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn1.running_mean" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn1.running_var" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/2/bn1/batch_norm/0" [id=262, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/2/relu/relu_/0" [id=263, metatype=PTRELUMetatype, type=relu_]; -"layer3.2.conv2.weight" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/2/conv2/conv2d/0" [id=265, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.2.bn2.weight" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn2.bias" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn2.running_mean" [id=268, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn2.running_var" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/2/bn2/batch_norm/0" [id=270, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/2/relu/relu_/1" [id=271, metatype=PTRELUMetatype, type=relu_]; -"layer3.2.conv3.weight" [id=272, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/2/conv3/conv2d/0" [id=273, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.2.bn3.weight" [id=274, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn3.bias" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn3.running_mean" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn3.running_var" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/2/bn3/batch_norm/0" [id=278, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/2/add_/0" [id=279, metatype=PTAddMetatype, type=add_]; -"layer3/2/relu/relu_/2" [id=280, metatype=PTRELUMetatype, type=relu_]; -"layer3.3.conv1.weight" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/3/conv1/conv2d/0" [id=282, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.3.bn1.weight" [id=283, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn1.bias" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn1.running_mean" [id=285, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn1.running_var" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/3/bn1/batch_norm/0" [id=287, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/3/relu/relu_/0" [id=288, metatype=PTRELUMetatype, type=relu_]; -"layer3.3.conv2.weight" [id=289, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/3/conv2/conv2d/0" [id=290, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.3.bn2.weight" [id=291, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn2.bias" [id=292, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn2.running_mean" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn2.running_var" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/3/bn2/batch_norm/0" [id=295, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/3/relu/relu_/1" [id=296, metatype=PTRELUMetatype, type=relu_]; -"layer3.3.conv3.weight" [id=297, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/3/conv3/conv2d/0" [id=298, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.3.bn3.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn3.bias" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn3.running_mean" [id=301, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn3.running_var" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/3/bn3/batch_norm/0" [id=303, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/3/add_/0" [id=304, metatype=PTAddMetatype, type=add_]; -"layer3/3/relu/relu_/2" [id=305, metatype=PTRELUMetatype, type=relu_]; -"layer3.4.conv1.weight" [id=306, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/4/conv1/conv2d/0" [id=307, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.4.bn1.weight" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.4.bn1.bias" [id=309, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.4.bn1.running_mean" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.4.bn1.running_var" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/4/bn1/batch_norm/0" [id=312, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/4/relu/relu_/0" [id=313, metatype=PTRELUMetatype, type=relu_]; -"layer3.4.conv2.weight" [id=314, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/4/conv2/conv2d/0" [id=315, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.4.bn2.weight" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.4.bn2.bias" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.4.bn2.running_mean" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.4.bn2.running_var" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/4/bn2/batch_norm/0" [id=320, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/4/relu/relu_/1" [id=321, metatype=PTRELUMetatype, type=relu_]; -"layer3.4.conv3.weight" [id=322, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/4/conv3/conv2d/0" [id=323, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.4.bn3.weight" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.4.bn3.bias" [id=325, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.4.bn3.running_mean" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.4.bn3.running_var" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/4/bn3/batch_norm/0" [id=328, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/4/add_/0" [id=329, metatype=PTAddMetatype, type=add_]; -"layer3/4/relu/relu_/2" [id=330, metatype=PTRELUMetatype, type=relu_]; -"layer3.5.conv1.weight" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/5/conv1/conv2d/0" [id=332, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.5.bn1.weight" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.5.bn1.bias" [id=334, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.5.bn1.running_mean" [id=335, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.5.bn1.running_var" [id=336, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/5/bn1/batch_norm/0" [id=337, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/5/relu/relu_/0" [id=338, metatype=PTRELUMetatype, type=relu_]; -"layer3.5.conv2.weight" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/5/conv2/conv2d/0" [id=340, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.5.bn2.weight" [id=341, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.5.bn2.bias" [id=342, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.5.bn2.running_mean" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.5.bn2.running_var" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/5/bn2/batch_norm/0" [id=345, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/5/relu/relu_/1" [id=346, metatype=PTRELUMetatype, type=relu_]; -"layer3.5.conv3.weight" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/5/conv3/conv2d/0" [id=348, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.5.bn3.weight" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.5.bn3.bias" [id=350, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.5.bn3.running_mean" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.5.bn3.running_var" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/5/bn3/batch_norm/0" [id=353, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/5/add_/0" [id=354, metatype=PTAddMetatype, type=add_]; -"layer3/5/relu/relu_/2" [id=355, metatype=PTRELUMetatype, type=relu_]; -"layer4.0.conv1.weight" [id=356, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/conv1/conv2d/0" [id=357, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.0.bn1.weight" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn1.bias" [id=359, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn1.running_mean" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn1.running_var" [id=361, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/bn1/batch_norm/0" [id=362, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/0/relu/relu_/0" [id=363, metatype=PTRELUMetatype, type=relu_]; -"layer4.0.conv2.weight" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/conv2/conv2d/0" [id=365, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.0.bn2.weight" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn2.bias" [id=367, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn2.running_mean" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn2.running_var" [id=369, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/bn2/batch_norm/0" [id=370, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/0/relu/relu_/1" [id=371, metatype=PTRELUMetatype, type=relu_]; -"layer4.0.conv3.weight" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/conv3/conv2d/0" [id=373, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.0.bn3.weight" [id=374, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn3.bias" [id=375, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn3.running_mean" [id=376, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn3.running_var" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/bn3/batch_norm/0" [id=378, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4.0.downsample.0.weight" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/downsample/0/conv2d/0" [id=380, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.0.downsample.1.weight" [id=381, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.downsample.1.bias" [id=382, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.downsample.1.running_mean" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.downsample.1.running_var" [id=384, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/downsample/1/batch_norm/0" [id=385, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/0/add_/0" [id=386, metatype=PTAddMetatype, type=add_]; -"layer4/0/relu/relu_/2" [id=387, metatype=PTRELUMetatype, type=relu_]; -"layer4.1.conv1.weight" [id=388, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/conv1/conv2d/0" [id=389, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.1.bn1.weight" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn1.bias" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn1.running_mean" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn1.running_var" [id=393, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/bn1/batch_norm/0" [id=394, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/1/relu/relu_/0" [id=395, metatype=PTRELUMetatype, type=relu_]; -"layer4.1.conv2.weight" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/conv2/conv2d/0" [id=397, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.1.bn2.weight" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn2.bias" [id=399, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn2.running_mean" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn2.running_var" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/bn2/batch_norm/0" [id=402, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/1/relu/relu_/1" [id=403, metatype=PTRELUMetatype, type=relu_]; -"layer4.1.conv3.weight" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/conv3/conv2d/0" [id=405, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.1.bn3.weight" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn3.bias" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn3.running_mean" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn3.running_var" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/bn3/batch_norm/0" [id=410, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/1/add_/0" [id=411, metatype=PTAddMetatype, type=add_]; -"layer4/1/relu/relu_/2" [id=412, metatype=PTRELUMetatype, type=relu_]; -"layer4.2.conv1.weight" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/2/conv1/conv2d/0" [id=414, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.2.bn1.weight" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.2.bn1.bias" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.2.bn1.running_mean" [id=417, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.2.bn1.running_var" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/2/bn1/batch_norm/0" [id=419, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/2/relu/relu_/0" [id=420, metatype=PTRELUMetatype, type=relu_]; -"layer4.2.conv2.weight" [id=421, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/2/conv2/conv2d/0" [id=422, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.2.bn2.weight" [id=423, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.2.bn2.bias" [id=424, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.2.bn2.running_mean" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.2.bn2.running_var" [id=426, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/2/bn2/batch_norm/0" [id=427, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/2/relu/relu_/1" [id=428, metatype=PTRELUMetatype, type=relu_]; -"layer4.2.conv3.weight" [id=429, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/2/conv3/conv2d/0" [id=430, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.2.bn3.weight" [id=431, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.2.bn3.bias" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.2.bn3.running_mean" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.2.bn3.running_var" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/2/bn3/batch_norm/0" [id=435, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/2/add_/0" [id=436, metatype=PTAddMetatype, type=add_]; -"layer4/2/relu/relu_/2" [id=437, metatype=PTRELUMetatype, type=relu_]; -"avgpool/adaptive_avg_pool2d/0" [id=438, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"/flatten/0" [id=439, metatype=PTReshapeMetatype, type=flatten]; -"fc.weight" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc.bias" [id=441, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc/linear/0" [id=442, metatype=PTLinearMetatype, type=linear]; -output [id=443, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; -"conv1.weight" -> "conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 7, 7)"]; -"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"bn1/batch_norm/0" -> "relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"relu/relu_/0" -> "maxpool/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"maxpool/max_pool2d/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"maxpool/max_pool2d/0" -> "layer1/0/downsample/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.0.conv1.weight" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 1, 1)"]; -"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer1/0/bn1/batch_norm/0" -> "layer1/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1/0/relu/relu_/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1.0.conv2.weight" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 4, 3, 3)"]; -"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer1/0/bn2/batch_norm/0" -> "layer1/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1/0/relu/relu_/1" -> "layer1/0/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1.0.conv3.weight" -> "layer1/0/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 1, 1)"]; -"layer1/0/conv3/conv2d/0" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1.0.bn3.weight" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer1.0.bn3.bias" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer1.0.bn3.running_mean" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer1.0.bn3.running_var" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer1/0/bn3/batch_norm/0" -> "layer1/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1.0.downsample.0.weight" -> "layer1/0/downsample/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 1, 1)"]; -"layer1/0/downsample/0/conv2d/0" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1.0.downsample.1.weight" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer1.0.downsample.1.bias" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer1.0.downsample.1.running_mean" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer1.0.downsample.1.running_var" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer1/0/downsample/1/batch_norm/0" -> "layer1/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1/0/add_/0" -> "layer1/0/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1/0/relu/relu_/2" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1/0/relu/relu_/2" -> "layer1/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1.1.conv1.weight" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; -"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1/1/relu/relu_/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1.1.conv2.weight" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 4, 3, 3)"]; -"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer1/1/bn2/batch_norm/0" -> "layer1/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1/1/relu/relu_/1" -> "layer1/1/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1.1.conv3.weight" -> "layer1/1/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 1, 1)"]; -"layer1/1/conv3/conv2d/0" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1.1.bn3.weight" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer1.1.bn3.bias" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer1.1.bn3.running_mean" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer1.1.bn3.running_var" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer1/1/bn3/batch_norm/0" -> "layer1/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1/1/add_/0" -> "layer1/1/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1/1/relu/relu_/2" -> "layer1/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1/1/relu/relu_/2" -> "layer1/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1.2.conv1.weight" -> "layer1/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; -"layer1/2/conv1/conv2d/0" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1.2.bn1.weight" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer1.2.bn1.bias" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer1.2.bn1.running_mean" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer1.2.bn1.running_var" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer1/2/bn1/batch_norm/0" -> "layer1/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1/2/relu/relu_/0" -> "layer1/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1.2.conv2.weight" -> "layer1/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 4, 3, 3)"]; -"layer1/2/conv2/conv2d/0" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1.2.bn2.weight" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer1.2.bn2.bias" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer1.2.bn2.running_mean" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer1.2.bn2.running_var" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer1/2/bn2/batch_norm/0" -> "layer1/2/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1/2/relu/relu_/1" -> "layer1/2/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"layer1.2.conv3.weight" -> "layer1/2/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 1, 1)"]; -"layer1/2/conv3/conv2d/0" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1.2.bn3.weight" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer1.2.bn3.bias" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer1.2.bn3.running_mean" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer1.2.bn3.running_var" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer1/2/bn3/batch_norm/0" -> "layer1/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1/2/add_/0" -> "layer1/2/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1/2/relu/relu_/2" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer1/2/relu/relu_/2" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer2.0.conv1.weight" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 1, 1)"]; -"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer2/0/bn1/batch_norm/0" -> "layer2/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer2/0/relu/relu_/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"layer2.0.conv2.weight" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 8, 3, 3)"]; -"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer2/0/bn2/batch_norm/0" -> "layer2/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2/0/relu/relu_/1" -> "layer2/0/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2.0.conv3.weight" -> "layer2/0/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 1, 1)"]; -"layer2/0/conv3/conv2d/0" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2.0.bn3.weight" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer2.0.bn3.bias" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer2.0.bn3.running_mean" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer2.0.bn3.running_var" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer2/0/bn3/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2.0.downsample.0.weight" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 1, 1)"]; -"layer2/0/downsample/0/conv2d/0" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2.0.downsample.1.weight" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer2.0.downsample.1.bias" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer2.0.downsample.1.running_mean" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer2.0.downsample.1.running_var" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer2/0/downsample/1/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2/0/add_/0" -> "layer2/0/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2/0/relu/relu_/2" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2/0/relu/relu_/2" -> "layer2/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2.1.conv1.weight" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 512, 1, 1)"]; -"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2/1/relu/relu_/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2.1.conv2.weight" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 8, 3, 3)"]; -"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer2/1/bn2/batch_norm/0" -> "layer2/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2/1/relu/relu_/1" -> "layer2/1/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2.1.conv3.weight" -> "layer2/1/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 1, 1)"]; -"layer2/1/conv3/conv2d/0" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2.1.bn3.weight" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer2.1.bn3.bias" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer2.1.bn3.running_mean" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer2.1.bn3.running_var" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer2/1/bn3/batch_norm/0" -> "layer2/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2/1/add_/0" -> "layer2/1/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2/1/relu/relu_/2" -> "layer2/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2/1/relu/relu_/2" -> "layer2/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2.2.conv1.weight" -> "layer2/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 512, 1, 1)"]; -"layer2/2/conv1/conv2d/0" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2.2.bn1.weight" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer2.2.bn1.bias" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer2.2.bn1.running_mean" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer2.2.bn1.running_var" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer2/2/bn1/batch_norm/0" -> "layer2/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2/2/relu/relu_/0" -> "layer2/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2.2.conv2.weight" -> "layer2/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 8, 3, 3)"]; -"layer2/2/conv2/conv2d/0" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2.2.bn2.weight" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer2.2.bn2.bias" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer2.2.bn2.running_mean" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer2.2.bn2.running_var" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer2/2/bn2/batch_norm/0" -> "layer2/2/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2/2/relu/relu_/1" -> "layer2/2/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2.2.conv3.weight" -> "layer2/2/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 1, 1)"]; -"layer2/2/conv3/conv2d/0" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2.2.bn3.weight" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer2.2.bn3.bias" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer2.2.bn3.running_mean" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer2.2.bn3.running_var" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer2/2/bn3/batch_norm/0" -> "layer2/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2/2/add_/0" -> "layer2/2/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2/2/relu/relu_/2" -> "layer2/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2/2/relu/relu_/2" -> "layer2/3/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2.3.conv1.weight" -> "layer2/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 512, 1, 1)"]; -"layer2/3/conv1/conv2d/0" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2.3.bn1.weight" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer2.3.bn1.bias" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer2.3.bn1.running_mean" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer2.3.bn1.running_var" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer2/3/bn1/batch_norm/0" -> "layer2/3/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2/3/relu/relu_/0" -> "layer2/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2.3.conv2.weight" -> "layer2/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 8, 3, 3)"]; -"layer2/3/conv2/conv2d/0" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2.3.bn2.weight" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer2.3.bn2.bias" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer2.3.bn2.running_mean" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer2.3.bn2.running_var" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer2/3/bn2/batch_norm/0" -> "layer2/3/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2/3/relu/relu_/1" -> "layer2/3/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"layer2.3.conv3.weight" -> "layer2/3/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 1, 1)"]; -"layer2/3/conv3/conv2d/0" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2.3.bn3.weight" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer2.3.bn3.bias" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer2.3.bn3.running_mean" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer2.3.bn3.running_var" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer2/3/bn3/batch_norm/0" -> "layer2/3/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2/3/add_/0" -> "layer2/3/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2/3/relu/relu_/2" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer2/3/relu/relu_/2" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer3.0.conv1.weight" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 1, 1)"]; -"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer3/0/bn1/batch_norm/0" -> "layer3/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer3/0/relu/relu_/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"layer3.0.conv2.weight" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 16, 3, 3)"]; -"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer3/0/bn2/batch_norm/0" -> "layer3/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3/0/relu/relu_/1" -> "layer3/0/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.0.conv3.weight" -> "layer3/0/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 1, 1)"]; -"layer3/0/conv3/conv2d/0" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3.0.bn3.weight" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"layer3.0.bn3.bias" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"layer3.0.bn3.running_mean" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"layer3.0.bn3.running_var" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"layer3/0/bn3/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3.0.downsample.0.weight" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 1, 1)"]; -"layer3/0/downsample/0/conv2d/0" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3.0.downsample.1.weight" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"layer3.0.downsample.1.bias" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"layer3.0.downsample.1.running_mean" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"layer3.0.downsample.1.running_var" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"layer3/0/downsample/1/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/0/add_/0" -> "layer3/0/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/0/relu/relu_/2" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/0/relu/relu_/2" -> "layer3/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3.1.conv1.weight" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 1, 1)"]; -"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3/1/relu/relu_/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.1.conv2.weight" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 16, 3, 3)"]; -"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer3/1/bn2/batch_norm/0" -> "layer3/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3/1/relu/relu_/1" -> "layer3/1/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.1.conv3.weight" -> "layer3/1/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 1, 1)"]; -"layer3/1/conv3/conv2d/0" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3.1.bn3.weight" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"layer3.1.bn3.bias" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"layer3.1.bn3.running_mean" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"layer3.1.bn3.running_var" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"layer3/1/bn3/batch_norm/0" -> "layer3/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/1/add_/0" -> "layer3/1/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/1/relu/relu_/2" -> "layer3/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/1/relu/relu_/2" -> "layer3/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3.2.conv1.weight" -> "layer3/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 1, 1)"]; -"layer3/2/conv1/conv2d/0" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.2.bn1.weight" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer3.2.bn1.bias" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer3.2.bn1.running_mean" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer3.2.bn1.running_var" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer3/2/bn1/batch_norm/0" -> "layer3/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3/2/relu/relu_/0" -> "layer3/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.2.conv2.weight" -> "layer3/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 16, 3, 3)"]; -"layer3/2/conv2/conv2d/0" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.2.bn2.weight" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer3.2.bn2.bias" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer3.2.bn2.running_mean" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer3.2.bn2.running_var" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer3/2/bn2/batch_norm/0" -> "layer3/2/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3/2/relu/relu_/1" -> "layer3/2/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.2.conv3.weight" -> "layer3/2/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 1, 1)"]; -"layer3/2/conv3/conv2d/0" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3.2.bn3.weight" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"layer3.2.bn3.bias" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"layer3.2.bn3.running_mean" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"layer3.2.bn3.running_var" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"layer3/2/bn3/batch_norm/0" -> "layer3/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/2/add_/0" -> "layer3/2/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/2/relu/relu_/2" -> "layer3/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/2/relu/relu_/2" -> "layer3/3/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3.3.conv1.weight" -> "layer3/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 1, 1)"]; -"layer3/3/conv1/conv2d/0" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.3.bn1.weight" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer3.3.bn1.bias" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer3.3.bn1.running_mean" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer3.3.bn1.running_var" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer3/3/bn1/batch_norm/0" -> "layer3/3/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3/3/relu/relu_/0" -> "layer3/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.3.conv2.weight" -> "layer3/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 16, 3, 3)"]; -"layer3/3/conv2/conv2d/0" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.3.bn2.weight" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer3.3.bn2.bias" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer3.3.bn2.running_mean" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer3.3.bn2.running_var" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer3/3/bn2/batch_norm/0" -> "layer3/3/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3/3/relu/relu_/1" -> "layer3/3/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.3.conv3.weight" -> "layer3/3/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 1, 1)"]; -"layer3/3/conv3/conv2d/0" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3.3.bn3.weight" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"layer3.3.bn3.bias" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"layer3.3.bn3.running_mean" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"layer3.3.bn3.running_var" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"layer3/3/bn3/batch_norm/0" -> "layer3/3/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/3/add_/0" -> "layer3/3/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/3/relu/relu_/2" -> "layer3/4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/3/relu/relu_/2" -> "layer3/4/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3.4.conv1.weight" -> "layer3/4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 1, 1)"]; -"layer3/4/conv1/conv2d/0" -> "layer3/4/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.4.bn1.weight" -> "layer3/4/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer3.4.bn1.bias" -> "layer3/4/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer3.4.bn1.running_mean" -> "layer3/4/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer3.4.bn1.running_var" -> "layer3/4/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer3/4/bn1/batch_norm/0" -> "layer3/4/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3/4/relu/relu_/0" -> "layer3/4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.4.conv2.weight" -> "layer3/4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 16, 3, 3)"]; -"layer3/4/conv2/conv2d/0" -> "layer3/4/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.4.bn2.weight" -> "layer3/4/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer3.4.bn2.bias" -> "layer3/4/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer3.4.bn2.running_mean" -> "layer3/4/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer3.4.bn2.running_var" -> "layer3/4/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer3/4/bn2/batch_norm/0" -> "layer3/4/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3/4/relu/relu_/1" -> "layer3/4/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.4.conv3.weight" -> "layer3/4/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 1, 1)"]; -"layer3/4/conv3/conv2d/0" -> "layer3/4/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3.4.bn3.weight" -> "layer3/4/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"layer3.4.bn3.bias" -> "layer3/4/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"layer3.4.bn3.running_mean" -> "layer3/4/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"layer3.4.bn3.running_var" -> "layer3/4/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"layer3/4/bn3/batch_norm/0" -> "layer3/4/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/4/add_/0" -> "layer3/4/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/4/relu/relu_/2" -> "layer3/5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/4/relu/relu_/2" -> "layer3/5/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3.5.conv1.weight" -> "layer3/5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 1, 1)"]; -"layer3/5/conv1/conv2d/0" -> "layer3/5/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.5.bn1.weight" -> "layer3/5/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer3.5.bn1.bias" -> "layer3/5/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer3.5.bn1.running_mean" -> "layer3/5/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer3.5.bn1.running_var" -> "layer3/5/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer3/5/bn1/batch_norm/0" -> "layer3/5/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3/5/relu/relu_/0" -> "layer3/5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.5.conv2.weight" -> "layer3/5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 16, 3, 3)"]; -"layer3/5/conv2/conv2d/0" -> "layer3/5/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.5.bn2.weight" -> "layer3/5/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer3.5.bn2.bias" -> "layer3/5/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer3.5.bn2.running_mean" -> "layer3/5/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer3.5.bn2.running_var" -> "layer3/5/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer3/5/bn2/batch_norm/0" -> "layer3/5/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3/5/relu/relu_/1" -> "layer3/5/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"layer3.5.conv3.weight" -> "layer3/5/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 1, 1)"]; -"layer3/5/conv3/conv2d/0" -> "layer3/5/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3.5.bn3.weight" -> "layer3/5/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"layer3.5.bn3.bias" -> "layer3/5/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"layer3.5.bn3.running_mean" -> "layer3/5/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"layer3.5.bn3.running_var" -> "layer3/5/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"layer3/5/bn3/batch_norm/0" -> "layer3/5/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/5/add_/0" -> "layer3/5/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/5/relu/relu_/2" -> "layer4/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer3/5/relu/relu_/2" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer4.0.conv1.weight" -> "layer4/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 1024, 1, 1)"]; -"layer4/0/conv1/conv2d/0" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer4.0.bn1.weight" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"layer4.0.bn1.bias" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"layer4.0.bn1.running_mean" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"layer4.0.bn1.running_var" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"layer4/0/bn1/batch_norm/0" -> "layer4/0/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer4/0/relu/relu_/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"layer4.0.conv2.weight" -> "layer4/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 32, 3, 3)"]; -"layer4/0/conv2/conv2d/0" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4.0.bn2.weight" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"layer4.0.bn2.bias" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"layer4.0.bn2.running_mean" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"layer4.0.bn2.running_var" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"layer4/0/bn2/batch_norm/0" -> "layer4/0/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4/0/relu/relu_/1" -> "layer4/0/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4.0.conv3.weight" -> "layer4/0/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 1024, 1, 1)"]; -"layer4/0/conv3/conv2d/0" -> "layer4/0/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4.0.bn3.weight" -> "layer4/0/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048,)"]; -"layer4.0.bn3.bias" -> "layer4/0/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"layer4.0.bn3.running_mean" -> "layer4/0/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2048,)"]; -"layer4.0.bn3.running_var" -> "layer4/0/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(2048,)"]; -"layer4/0/bn3/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4.0.downsample.0.weight" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 1024, 1, 1)"]; -"layer4/0/downsample/0/conv2d/0" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4.0.downsample.1.weight" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048,)"]; -"layer4.0.downsample.1.bias" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"layer4.0.downsample.1.running_mean" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2048,)"]; -"layer4.0.downsample.1.running_var" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(2048,)"]; -"layer4/0/downsample/1/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4/0/add_/0" -> "layer4/0/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4/0/relu/relu_/2" -> "layer4/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4/0/relu/relu_/2" -> "layer4/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4.1.conv1.weight" -> "layer4/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 2048, 1, 1)"]; -"layer4/1/conv1/conv2d/0" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4.1.bn1.weight" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"layer4.1.bn1.bias" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"layer4.1.bn1.running_mean" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"layer4.1.bn1.running_var" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"layer4/1/bn1/batch_norm/0" -> "layer4/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4/1/relu/relu_/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4.1.conv2.weight" -> "layer4/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 32, 3, 3)"]; -"layer4/1/conv2/conv2d/0" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4.1.bn2.weight" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"layer4.1.bn2.bias" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"layer4.1.bn2.running_mean" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"layer4.1.bn2.running_var" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"layer4/1/bn2/batch_norm/0" -> "layer4/1/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4/1/relu/relu_/1" -> "layer4/1/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4.1.conv3.weight" -> "layer4/1/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 1024, 1, 1)"]; -"layer4/1/conv3/conv2d/0" -> "layer4/1/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4.1.bn3.weight" -> "layer4/1/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048,)"]; -"layer4.1.bn3.bias" -> "layer4/1/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"layer4.1.bn3.running_mean" -> "layer4/1/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2048,)"]; -"layer4.1.bn3.running_var" -> "layer4/1/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(2048,)"]; -"layer4/1/bn3/batch_norm/0" -> "layer4/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4/1/add_/0" -> "layer4/1/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4/1/relu/relu_/2" -> "layer4/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4/1/relu/relu_/2" -> "layer4/2/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4.2.conv1.weight" -> "layer4/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 2048, 1, 1)"]; -"layer4/2/conv1/conv2d/0" -> "layer4/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4.2.bn1.weight" -> "layer4/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"layer4.2.bn1.bias" -> "layer4/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"layer4.2.bn1.running_mean" -> "layer4/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"layer4.2.bn1.running_var" -> "layer4/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"layer4/2/bn1/batch_norm/0" -> "layer4/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4/2/relu/relu_/0" -> "layer4/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4.2.conv2.weight" -> "layer4/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 32, 3, 3)"]; -"layer4/2/conv2/conv2d/0" -> "layer4/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4.2.bn2.weight" -> "layer4/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"layer4.2.bn2.bias" -> "layer4/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"layer4.2.bn2.running_mean" -> "layer4/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"layer4.2.bn2.running_var" -> "layer4/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"layer4/2/bn2/batch_norm/0" -> "layer4/2/relu/relu_/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4/2/relu/relu_/1" -> "layer4/2/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"layer4.2.conv3.weight" -> "layer4/2/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 1024, 1, 1)"]; -"layer4/2/conv3/conv2d/0" -> "layer4/2/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4.2.bn3.weight" -> "layer4/2/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048,)"]; -"layer4.2.bn3.bias" -> "layer4/2/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"layer4.2.bn3.running_mean" -> "layer4/2/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2048,)"]; -"layer4.2.bn3.running_var" -> "layer4/2/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(2048,)"]; -"layer4/2/bn3/batch_norm/0" -> "layer4/2/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4/2/add_/0" -> "layer4/2/relu/relu_/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"layer4/2/relu/relu_/2" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 2, 2)"]; -"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048, 1, 1)"]; -"/flatten/0" -> "fc/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2048)"]; -"fc.weight" -> "fc/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 2048)"]; -"fc.bias" -> "fc/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"fc/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"conv1.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv1/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; +"bn1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1/batch_norm/0" [id=7, type="batch_norm", metatype=PT2BatchNormMetatype]; +"relu/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; +"maxpool/max_pool2d/0" [id=9, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"layer1.0.conv1.weight" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/conv1/conv2d/0" [id=11, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.0.bn1.weight" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn1.bias" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn1.running_mean" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn1.running_var" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn1/batch_norm/0" [id=16, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/0/relu/relu_/0" [id=17, type="relu_", metatype=PTRELUMetatype]; +"layer1.0.conv2.weight" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/conv2/conv2d/0" [id=19, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.0.bn2.weight" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn2.bias" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn2.running_mean" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn2.running_var" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn2/batch_norm/0" [id=24, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/0/relu/relu_/1" [id=25, type="relu_", metatype=PTRELUMetatype]; +"layer1.0.conv3.weight" [id=26, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/conv3/conv2d/0" [id=27, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.0.bn3.weight" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn3.bias" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn3.running_mean" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn3.running_var" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn3/batch_norm/0" [id=32, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1.0.downsample.0.weight" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/downsample/0/conv2d/0" [id=34, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.0.downsample.1.weight" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.downsample.1.bias" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.downsample.1.running_mean" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.downsample.1.running_var" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/downsample/1/batch_norm/0" [id=39, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/0/add_/0" [id=40, type="add_", metatype=PTAddMetatype]; +"layer1/0/relu/relu_/2" [id=41, type="relu_", metatype=PTRELUMetatype]; +"layer1.1.conv1.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/conv1/conv2d/0" [id=43, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.1.bn1.weight" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn1.bias" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn1.running_mean" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn1.running_var" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/bn1/batch_norm/0" [id=48, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/1/relu/relu_/0" [id=49, type="relu_", metatype=PTRELUMetatype]; +"layer1.1.conv2.weight" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/conv2/conv2d/0" [id=51, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.1.bn2.weight" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn2.bias" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn2.running_mean" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn2.running_var" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/bn2/batch_norm/0" [id=56, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/1/relu/relu_/1" [id=57, type="relu_", metatype=PTRELUMetatype]; +"layer1.1.conv3.weight" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/conv3/conv2d/0" [id=59, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.1.bn3.weight" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn3.bias" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn3.running_mean" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn3.running_var" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/bn3/batch_norm/0" [id=64, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/1/add_/0" [id=65, type="add_", metatype=PTAddMetatype]; +"layer1/1/relu/relu_/2" [id=66, type="relu_", metatype=PTRELUMetatype]; +"layer1.2.conv1.weight" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/2/conv1/conv2d/0" [id=68, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.2.bn1.weight" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn1.bias" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn1.running_mean" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn1.running_var" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/2/bn1/batch_norm/0" [id=73, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/2/relu/relu_/0" [id=74, type="relu_", metatype=PTRELUMetatype]; +"layer1.2.conv2.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/2/conv2/conv2d/0" [id=76, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.2.bn2.weight" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn2.bias" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn2.running_mean" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn2.running_var" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/2/bn2/batch_norm/0" [id=81, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/2/relu/relu_/1" [id=82, type="relu_", metatype=PTRELUMetatype]; +"layer1.2.conv3.weight" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/2/conv3/conv2d/0" [id=84, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.2.bn3.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn3.bias" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn3.running_mean" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn3.running_var" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/2/bn3/batch_norm/0" [id=89, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/2/add_/0" [id=90, type="add_", metatype=PTAddMetatype]; +"layer1/2/relu/relu_/2" [id=91, type="relu_", metatype=PTRELUMetatype]; +"layer2.0.conv1.weight" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/conv1/conv2d/0" [id=93, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.0.bn1.weight" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn1.bias" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn1.running_mean" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn1.running_var" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn1/batch_norm/0" [id=98, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/0/relu/relu_/0" [id=99, type="relu_", metatype=PTRELUMetatype]; +"layer2.0.conv2.weight" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/conv2/conv2d/0" [id=101, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.0.bn2.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn2.bias" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn2.running_mean" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn2.running_var" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn2/batch_norm/0" [id=106, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/0/relu/relu_/1" [id=107, type="relu_", metatype=PTRELUMetatype]; +"layer2.0.conv3.weight" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/conv3/conv2d/0" [id=109, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.0.bn3.weight" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn3.bias" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn3.running_mean" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn3.running_var" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn3/batch_norm/0" [id=114, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2.0.downsample.0.weight" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/downsample/0/conv2d/0" [id=116, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.0.downsample.1.weight" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.downsample.1.bias" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.downsample.1.running_mean" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.downsample.1.running_var" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/downsample/1/batch_norm/0" [id=121, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/0/add_/0" [id=122, type="add_", metatype=PTAddMetatype]; +"layer2/0/relu/relu_/2" [id=123, type="relu_", metatype=PTRELUMetatype]; +"layer2.1.conv1.weight" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/conv1/conv2d/0" [id=125, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.1.bn1.weight" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn1.bias" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn1.running_mean" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn1.running_var" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/bn1/batch_norm/0" [id=130, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/1/relu/relu_/0" [id=131, type="relu_", metatype=PTRELUMetatype]; +"layer2.1.conv2.weight" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/conv2/conv2d/0" [id=133, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.1.bn2.weight" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn2.bias" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn2.running_mean" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn2.running_var" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/bn2/batch_norm/0" [id=138, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/1/relu/relu_/1" [id=139, type="relu_", metatype=PTRELUMetatype]; +"layer2.1.conv3.weight" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/conv3/conv2d/0" [id=141, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.1.bn3.weight" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn3.bias" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn3.running_mean" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn3.running_var" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/bn3/batch_norm/0" [id=146, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/1/add_/0" [id=147, type="add_", metatype=PTAddMetatype]; +"layer2/1/relu/relu_/2" [id=148, type="relu_", metatype=PTRELUMetatype]; +"layer2.2.conv1.weight" [id=149, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/2/conv1/conv2d/0" [id=150, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.2.bn1.weight" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn1.bias" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn1.running_mean" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn1.running_var" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/2/bn1/batch_norm/0" [id=155, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/2/relu/relu_/0" [id=156, type="relu_", metatype=PTRELUMetatype]; +"layer2.2.conv2.weight" [id=157, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/2/conv2/conv2d/0" [id=158, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.2.bn2.weight" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn2.bias" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn2.running_mean" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn2.running_var" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/2/bn2/batch_norm/0" [id=163, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/2/relu/relu_/1" [id=164, type="relu_", metatype=PTRELUMetatype]; +"layer2.2.conv3.weight" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/2/conv3/conv2d/0" [id=166, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.2.bn3.weight" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn3.bias" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn3.running_mean" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn3.running_var" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/2/bn3/batch_norm/0" [id=171, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/2/add_/0" [id=172, type="add_", metatype=PTAddMetatype]; +"layer2/2/relu/relu_/2" [id=173, type="relu_", metatype=PTRELUMetatype]; +"layer2.3.conv1.weight" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/3/conv1/conv2d/0" [id=175, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.3.bn1.weight" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn1.bias" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn1.running_mean" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn1.running_var" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/3/bn1/batch_norm/0" [id=180, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/3/relu/relu_/0" [id=181, type="relu_", metatype=PTRELUMetatype]; +"layer2.3.conv2.weight" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/3/conv2/conv2d/0" [id=183, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.3.bn2.weight" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn2.bias" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn2.running_mean" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn2.running_var" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/3/bn2/batch_norm/0" [id=188, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/3/relu/relu_/1" [id=189, type="relu_", metatype=PTRELUMetatype]; +"layer2.3.conv3.weight" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/3/conv3/conv2d/0" [id=191, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.3.bn3.weight" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn3.bias" [id=193, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn3.running_mean" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn3.running_var" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/3/bn3/batch_norm/0" [id=196, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/3/add_/0" [id=197, type="add_", metatype=PTAddMetatype]; +"layer2/3/relu/relu_/2" [id=198, type="relu_", metatype=PTRELUMetatype]; +"layer3.0.conv1.weight" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/conv1/conv2d/0" [id=200, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.0.bn1.weight" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn1.bias" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn1.running_mean" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn1.running_var" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn1/batch_norm/0" [id=205, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/0/relu/relu_/0" [id=206, type="relu_", metatype=PTRELUMetatype]; +"layer3.0.conv2.weight" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/conv2/conv2d/0" [id=208, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.0.bn2.weight" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn2.bias" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn2.running_mean" [id=211, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn2.running_var" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn2/batch_norm/0" [id=213, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/0/relu/relu_/1" [id=214, type="relu_", metatype=PTRELUMetatype]; +"layer3.0.conv3.weight" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/conv3/conv2d/0" [id=216, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.0.bn3.weight" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn3.bias" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn3.running_mean" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn3.running_var" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn3/batch_norm/0" [id=221, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3.0.downsample.0.weight" [id=222, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/downsample/0/conv2d/0" [id=223, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.0.downsample.1.weight" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.downsample.1.bias" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.downsample.1.running_mean" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.downsample.1.running_var" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/downsample/1/batch_norm/0" [id=228, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/0/add_/0" [id=229, type="add_", metatype=PTAddMetatype]; +"layer3/0/relu/relu_/2" [id=230, type="relu_", metatype=PTRELUMetatype]; +"layer3.1.conv1.weight" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/conv1/conv2d/0" [id=232, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.1.bn1.weight" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn1.bias" [id=234, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn1.running_mean" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn1.running_var" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/bn1/batch_norm/0" [id=237, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/1/relu/relu_/0" [id=238, type="relu_", metatype=PTRELUMetatype]; +"layer3.1.conv2.weight" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/conv2/conv2d/0" [id=240, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.1.bn2.weight" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn2.bias" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn2.running_mean" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn2.running_var" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/bn2/batch_norm/0" [id=245, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/1/relu/relu_/1" [id=246, type="relu_", metatype=PTRELUMetatype]; +"layer3.1.conv3.weight" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/conv3/conv2d/0" [id=248, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.1.bn3.weight" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn3.bias" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn3.running_mean" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn3.running_var" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/bn3/batch_norm/0" [id=253, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/1/add_/0" [id=254, type="add_", metatype=PTAddMetatype]; +"layer3/1/relu/relu_/2" [id=255, type="relu_", metatype=PTRELUMetatype]; +"layer3.2.conv1.weight" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/2/conv1/conv2d/0" [id=257, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.2.bn1.weight" [id=258, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn1.bias" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn1.running_mean" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn1.running_var" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/2/bn1/batch_norm/0" [id=262, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/2/relu/relu_/0" [id=263, type="relu_", metatype=PTRELUMetatype]; +"layer3.2.conv2.weight" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/2/conv2/conv2d/0" [id=265, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.2.bn2.weight" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn2.bias" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn2.running_mean" [id=268, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn2.running_var" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/2/bn2/batch_norm/0" [id=270, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/2/relu/relu_/1" [id=271, type="relu_", metatype=PTRELUMetatype]; +"layer3.2.conv3.weight" [id=272, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/2/conv3/conv2d/0" [id=273, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.2.bn3.weight" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn3.bias" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn3.running_mean" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn3.running_var" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/2/bn3/batch_norm/0" [id=278, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/2/add_/0" [id=279, type="add_", metatype=PTAddMetatype]; +"layer3/2/relu/relu_/2" [id=280, type="relu_", metatype=PTRELUMetatype]; +"layer3.3.conv1.weight" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/3/conv1/conv2d/0" [id=282, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.3.bn1.weight" [id=283, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn1.bias" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn1.running_mean" [id=285, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn1.running_var" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/3/bn1/batch_norm/0" [id=287, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/3/relu/relu_/0" [id=288, type="relu_", metatype=PTRELUMetatype]; +"layer3.3.conv2.weight" [id=289, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/3/conv2/conv2d/0" [id=290, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.3.bn2.weight" [id=291, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn2.bias" [id=292, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn2.running_mean" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn2.running_var" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/3/bn2/batch_norm/0" [id=295, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/3/relu/relu_/1" [id=296, type="relu_", metatype=PTRELUMetatype]; +"layer3.3.conv3.weight" [id=297, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/3/conv3/conv2d/0" [id=298, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.3.bn3.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn3.bias" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn3.running_mean" [id=301, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn3.running_var" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/3/bn3/batch_norm/0" [id=303, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/3/add_/0" [id=304, type="add_", metatype=PTAddMetatype]; +"layer3/3/relu/relu_/2" [id=305, type="relu_", metatype=PTRELUMetatype]; +"layer3.4.conv1.weight" [id=306, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/4/conv1/conv2d/0" [id=307, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.4.bn1.weight" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.4.bn1.bias" [id=309, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.4.bn1.running_mean" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.4.bn1.running_var" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/4/bn1/batch_norm/0" [id=312, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/4/relu/relu_/0" [id=313, type="relu_", metatype=PTRELUMetatype]; +"layer3.4.conv2.weight" [id=314, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/4/conv2/conv2d/0" [id=315, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.4.bn2.weight" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.4.bn2.bias" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.4.bn2.running_mean" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.4.bn2.running_var" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/4/bn2/batch_norm/0" [id=320, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/4/relu/relu_/1" [id=321, type="relu_", metatype=PTRELUMetatype]; +"layer3.4.conv3.weight" [id=322, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/4/conv3/conv2d/0" [id=323, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.4.bn3.weight" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.4.bn3.bias" [id=325, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.4.bn3.running_mean" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.4.bn3.running_var" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/4/bn3/batch_norm/0" [id=328, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/4/add_/0" [id=329, type="add_", metatype=PTAddMetatype]; +"layer3/4/relu/relu_/2" [id=330, type="relu_", metatype=PTRELUMetatype]; +"layer3.5.conv1.weight" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/5/conv1/conv2d/0" [id=332, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.5.bn1.weight" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.5.bn1.bias" [id=334, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.5.bn1.running_mean" [id=335, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.5.bn1.running_var" [id=336, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/5/bn1/batch_norm/0" [id=337, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/5/relu/relu_/0" [id=338, type="relu_", metatype=PTRELUMetatype]; +"layer3.5.conv2.weight" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/5/conv2/conv2d/0" [id=340, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.5.bn2.weight" [id=341, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.5.bn2.bias" [id=342, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.5.bn2.running_mean" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.5.bn2.running_var" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/5/bn2/batch_norm/0" [id=345, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/5/relu/relu_/1" [id=346, type="relu_", metatype=PTRELUMetatype]; +"layer3.5.conv3.weight" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/5/conv3/conv2d/0" [id=348, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.5.bn3.weight" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.5.bn3.bias" [id=350, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.5.bn3.running_mean" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.5.bn3.running_var" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/5/bn3/batch_norm/0" [id=353, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/5/add_/0" [id=354, type="add_", metatype=PTAddMetatype]; +"layer3/5/relu/relu_/2" [id=355, type="relu_", metatype=PTRELUMetatype]; +"layer4.0.conv1.weight" [id=356, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/conv1/conv2d/0" [id=357, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.0.bn1.weight" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn1.bias" [id=359, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn1.running_mean" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn1.running_var" [id=361, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/bn1/batch_norm/0" [id=362, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/0/relu/relu_/0" [id=363, type="relu_", metatype=PTRELUMetatype]; +"layer4.0.conv2.weight" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/conv2/conv2d/0" [id=365, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.0.bn2.weight" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn2.bias" [id=367, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn2.running_mean" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn2.running_var" [id=369, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/bn2/batch_norm/0" [id=370, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/0/relu/relu_/1" [id=371, type="relu_", metatype=PTRELUMetatype]; +"layer4.0.conv3.weight" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/conv3/conv2d/0" [id=373, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.0.bn3.weight" [id=374, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn3.bias" [id=375, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn3.running_mean" [id=376, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn3.running_var" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/bn3/batch_norm/0" [id=378, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4.0.downsample.0.weight" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/downsample/0/conv2d/0" [id=380, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.0.downsample.1.weight" [id=381, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.downsample.1.bias" [id=382, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.downsample.1.running_mean" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.downsample.1.running_var" [id=384, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/downsample/1/batch_norm/0" [id=385, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/0/add_/0" [id=386, type="add_", metatype=PTAddMetatype]; +"layer4/0/relu/relu_/2" [id=387, type="relu_", metatype=PTRELUMetatype]; +"layer4.1.conv1.weight" [id=388, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/conv1/conv2d/0" [id=389, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.1.bn1.weight" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn1.bias" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn1.running_mean" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn1.running_var" [id=393, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/bn1/batch_norm/0" [id=394, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/1/relu/relu_/0" [id=395, type="relu_", metatype=PTRELUMetatype]; +"layer4.1.conv2.weight" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/conv2/conv2d/0" [id=397, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.1.bn2.weight" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn2.bias" [id=399, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn2.running_mean" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn2.running_var" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/bn2/batch_norm/0" [id=402, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/1/relu/relu_/1" [id=403, type="relu_", metatype=PTRELUMetatype]; +"layer4.1.conv3.weight" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/conv3/conv2d/0" [id=405, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.1.bn3.weight" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn3.bias" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn3.running_mean" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn3.running_var" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/bn3/batch_norm/0" [id=410, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/1/add_/0" [id=411, type="add_", metatype=PTAddMetatype]; +"layer4/1/relu/relu_/2" [id=412, type="relu_", metatype=PTRELUMetatype]; +"layer4.2.conv1.weight" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/2/conv1/conv2d/0" [id=414, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.2.bn1.weight" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.2.bn1.bias" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.2.bn1.running_mean" [id=417, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.2.bn1.running_var" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/2/bn1/batch_norm/0" [id=419, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/2/relu/relu_/0" [id=420, type="relu_", metatype=PTRELUMetatype]; +"layer4.2.conv2.weight" [id=421, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/2/conv2/conv2d/0" [id=422, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.2.bn2.weight" [id=423, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.2.bn2.bias" [id=424, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.2.bn2.running_mean" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.2.bn2.running_var" [id=426, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/2/bn2/batch_norm/0" [id=427, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/2/relu/relu_/1" [id=428, type="relu_", metatype=PTRELUMetatype]; +"layer4.2.conv3.weight" [id=429, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/2/conv3/conv2d/0" [id=430, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.2.bn3.weight" [id=431, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.2.bn3.bias" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.2.bn3.running_mean" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.2.bn3.running_var" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/2/bn3/batch_norm/0" [id=435, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/2/add_/0" [id=436, type="add_", metatype=PTAddMetatype]; +"layer4/2/relu/relu_/2" [id=437, type="relu_", metatype=PTRELUMetatype]; +"avgpool/adaptive_avg_pool2d/0" [id=438, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"/flatten/0" [id=439, type=flatten, metatype=PTReshapeMetatype]; +"fc.weight" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc.bias" [id=441, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc/linear/0" [id=442, type=linear, metatype=PTLinearMetatype]; +output [id=443, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "conv1/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; +"conv1.weight" -> "conv1/conv2d/0" [dtype=float, shape="(64, 3, 7, 7)", out_port_id=0, in_port_id=1]; +"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"bn1/batch_norm/0" -> "relu/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"relu/relu_/0" -> "maxpool/max_pool2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/0" -> "layer1/0/downsample/0/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.conv1.weight" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(128, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn1/batch_norm/0" -> "layer1/0/relu/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/relu/relu_/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.conv2.weight" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(128, 4, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn2/batch_norm/0" -> "layer1/0/relu/relu_/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/relu/relu_/1" -> "layer1/0/conv3/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.conv3.weight" -> "layer1/0/conv3/conv2d/0" [dtype=float, shape="(256, 128, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/0/conv3/conv2d/0" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.bn3.weight" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer1.0.bn3.bias" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer1.0.bn3.running_mean" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer1.0.bn3.running_var" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn3/batch_norm/0" -> "layer1/0/add_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.downsample.0.weight" -> "layer1/0/downsample/0/conv2d/0" [dtype=float, shape="(256, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/0/downsample/0/conv2d/0" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.downsample.1.weight" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer1.0.downsample.1.bias" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer1.0.downsample.1.running_mean" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer1.0.downsample.1.running_var" -> "layer1/0/downsample/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer1/0/downsample/1/batch_norm/0" -> "layer1/0/add_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=1]; +"layer1/0/add_/0" -> "layer1/0/relu/relu_/2" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/relu/relu_/2" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/relu/relu_/2" -> "layer1/1/add_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=1]; +"layer1.1.conv1.weight" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/relu/relu_/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.conv2.weight" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(128, 4, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer1/1/bn2/batch_norm/0" -> "layer1/1/relu/relu_/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/relu/relu_/1" -> "layer1/1/conv3/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.conv3.weight" -> "layer1/1/conv3/conv2d/0" [dtype=float, shape="(256, 128, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/1/conv3/conv2d/0" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.bn3.weight" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer1.1.bn3.bias" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer1.1.bn3.running_mean" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer1.1.bn3.running_var" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer1/1/bn3/batch_norm/0" -> "layer1/1/add_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/add_/0" -> "layer1/1/relu/relu_/2" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/relu/relu_/2" -> "layer1/2/conv1/conv2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/relu/relu_/2" -> "layer1/2/add_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=1]; +"layer1.2.conv1.weight" -> "layer1/2/conv1/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/2/conv1/conv2d/0" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.2.bn1.weight" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer1.2.bn1.bias" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer1.2.bn1.running_mean" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer1.2.bn1.running_var" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer1/2/bn1/batch_norm/0" -> "layer1/2/relu/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/2/relu/relu_/0" -> "layer1/2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.2.conv2.weight" -> "layer1/2/conv2/conv2d/0" [dtype=float, shape="(128, 4, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/2/conv2/conv2d/0" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.2.bn2.weight" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer1.2.bn2.bias" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer1.2.bn2.running_mean" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer1.2.bn2.running_var" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer1/2/bn2/batch_norm/0" -> "layer1/2/relu/relu_/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/2/relu/relu_/1" -> "layer1/2/conv3/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.2.conv3.weight" -> "layer1/2/conv3/conv2d/0" [dtype=float, shape="(256, 128, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/2/conv3/conv2d/0" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.2.bn3.weight" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer1.2.bn3.bias" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer1.2.bn3.running_mean" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer1.2.bn3.running_var" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer1/2/bn3/batch_norm/0" -> "layer1/2/add_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/2/add_/0" -> "layer1/2/relu/relu_/2" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/2/relu/relu_/2" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/2/relu/relu_/2" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer2.0.conv1.weight" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(256, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn1/batch_norm/0" -> "layer2/0/relu/relu_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer2/0/relu/relu_/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"layer2.0.conv2.weight" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(256, 8, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn2/batch_norm/0" -> "layer2/0/relu/relu_/1" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/relu/relu_/1" -> "layer2/0/conv3/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.conv3.weight" -> "layer2/0/conv3/conv2d/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/0/conv3/conv2d/0" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.bn3.weight" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer2.0.bn3.bias" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer2.0.bn3.running_mean" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer2.0.bn3.running_var" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn3/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.downsample.0.weight" -> "layer2/0/downsample/0/conv2d/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/0/downsample/0/conv2d/0" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.downsample.1.weight" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer2.0.downsample.1.bias" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer2.0.downsample.1.running_mean" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer2.0.downsample.1.running_var" -> "layer2/0/downsample/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer2/0/downsample/1/batch_norm/0" -> "layer2/0/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2/0/add_/0" -> "layer2/0/relu/relu_/2" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/relu/relu_/2" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/relu/relu_/2" -> "layer2/1/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2.1.conv1.weight" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(256, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/relu/relu_/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.conv2.weight" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(256, 8, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer2/1/bn2/batch_norm/0" -> "layer2/1/relu/relu_/1" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/relu/relu_/1" -> "layer2/1/conv3/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.conv3.weight" -> "layer2/1/conv3/conv2d/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/1/conv3/conv2d/0" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.bn3.weight" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer2.1.bn3.bias" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer2.1.bn3.running_mean" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer2.1.bn3.running_var" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer2/1/bn3/batch_norm/0" -> "layer2/1/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/add_/0" -> "layer2/1/relu/relu_/2" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/relu/relu_/2" -> "layer2/2/conv1/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/relu/relu_/2" -> "layer2/2/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2.2.conv1.weight" -> "layer2/2/conv1/conv2d/0" [dtype=float, shape="(256, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/2/conv1/conv2d/0" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.2.bn1.weight" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer2.2.bn1.bias" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer2.2.bn1.running_mean" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer2.2.bn1.running_var" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer2/2/bn1/batch_norm/0" -> "layer2/2/relu/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/2/relu/relu_/0" -> "layer2/2/conv2/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.2.conv2.weight" -> "layer2/2/conv2/conv2d/0" [dtype=float, shape="(256, 8, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/2/conv2/conv2d/0" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.2.bn2.weight" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer2.2.bn2.bias" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer2.2.bn2.running_mean" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer2.2.bn2.running_var" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer2/2/bn2/batch_norm/0" -> "layer2/2/relu/relu_/1" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/2/relu/relu_/1" -> "layer2/2/conv3/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.2.conv3.weight" -> "layer2/2/conv3/conv2d/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/2/conv3/conv2d/0" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.2.bn3.weight" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer2.2.bn3.bias" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer2.2.bn3.running_mean" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer2.2.bn3.running_var" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer2/2/bn3/batch_norm/0" -> "layer2/2/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/2/add_/0" -> "layer2/2/relu/relu_/2" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/2/relu/relu_/2" -> "layer2/3/conv1/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/2/relu/relu_/2" -> "layer2/3/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2.3.conv1.weight" -> "layer2/3/conv1/conv2d/0" [dtype=float, shape="(256, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/3/conv1/conv2d/0" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.3.bn1.weight" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer2.3.bn1.bias" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer2.3.bn1.running_mean" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer2.3.bn1.running_var" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer2/3/bn1/batch_norm/0" -> "layer2/3/relu/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/3/relu/relu_/0" -> "layer2/3/conv2/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.3.conv2.weight" -> "layer2/3/conv2/conv2d/0" [dtype=float, shape="(256, 8, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/3/conv2/conv2d/0" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.3.bn2.weight" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer2.3.bn2.bias" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer2.3.bn2.running_mean" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer2.3.bn2.running_var" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer2/3/bn2/batch_norm/0" -> "layer2/3/relu/relu_/1" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/3/relu/relu_/1" -> "layer2/3/conv3/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.3.conv3.weight" -> "layer2/3/conv3/conv2d/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/3/conv3/conv2d/0" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.3.bn3.weight" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer2.3.bn3.bias" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer2.3.bn3.running_mean" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer2.3.bn3.running_var" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer2/3/bn3/batch_norm/0" -> "layer2/3/add_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/3/add_/0" -> "layer2/3/relu/relu_/2" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/3/relu/relu_/2" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/3/relu/relu_/2" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer3.0.conv1.weight" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(512, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn1/batch_norm/0" -> "layer3/0/relu/relu_/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer3/0/relu/relu_/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"layer3.0.conv2.weight" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(512, 16, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn2/batch_norm/0" -> "layer3/0/relu/relu_/1" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/relu/relu_/1" -> "layer3/0/conv3/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.conv3.weight" -> "layer3/0/conv3/conv2d/0" [dtype=float, shape="(1024, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/0/conv3/conv2d/0" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.bn3.weight" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"layer3.0.bn3.bias" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"layer3.0.bn3.running_mean" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"layer3.0.bn3.running_var" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn3/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.downsample.0.weight" -> "layer3/0/downsample/0/conv2d/0" [dtype=float, shape="(1024, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/0/downsample/0/conv2d/0" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.downsample.1.weight" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"layer3.0.downsample.1.bias" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"layer3.0.downsample.1.running_mean" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"layer3.0.downsample.1.running_var" -> "layer3/0/downsample/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"layer3/0/downsample/1/batch_norm/0" -> "layer3/0/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=1]; +"layer3/0/add_/0" -> "layer3/0/relu/relu_/2" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/relu/relu_/2" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/relu/relu_/2" -> "layer3/1/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=1]; +"layer3.1.conv1.weight" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/relu/relu_/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.conv2.weight" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(512, 16, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer3/1/bn2/batch_norm/0" -> "layer3/1/relu/relu_/1" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/relu/relu_/1" -> "layer3/1/conv3/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.conv3.weight" -> "layer3/1/conv3/conv2d/0" [dtype=float, shape="(1024, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/1/conv3/conv2d/0" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.bn3.weight" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"layer3.1.bn3.bias" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"layer3.1.bn3.running_mean" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"layer3.1.bn3.running_var" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"layer3/1/bn3/batch_norm/0" -> "layer3/1/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/add_/0" -> "layer3/1/relu/relu_/2" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/relu/relu_/2" -> "layer3/2/conv1/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/relu/relu_/2" -> "layer3/2/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=1]; +"layer3.2.conv1.weight" -> "layer3/2/conv1/conv2d/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/2/conv1/conv2d/0" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.2.bn1.weight" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer3.2.bn1.bias" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer3.2.bn1.running_mean" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer3.2.bn1.running_var" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer3/2/bn1/batch_norm/0" -> "layer3/2/relu/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/2/relu/relu_/0" -> "layer3/2/conv2/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.2.conv2.weight" -> "layer3/2/conv2/conv2d/0" [dtype=float, shape="(512, 16, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/2/conv2/conv2d/0" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.2.bn2.weight" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer3.2.bn2.bias" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer3.2.bn2.running_mean" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer3.2.bn2.running_var" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer3/2/bn2/batch_norm/0" -> "layer3/2/relu/relu_/1" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/2/relu/relu_/1" -> "layer3/2/conv3/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.2.conv3.weight" -> "layer3/2/conv3/conv2d/0" [dtype=float, shape="(1024, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/2/conv3/conv2d/0" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.2.bn3.weight" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"layer3.2.bn3.bias" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"layer3.2.bn3.running_mean" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"layer3.2.bn3.running_var" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"layer3/2/bn3/batch_norm/0" -> "layer3/2/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/2/add_/0" -> "layer3/2/relu/relu_/2" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/2/relu/relu_/2" -> "layer3/3/conv1/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/2/relu/relu_/2" -> "layer3/3/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=1]; +"layer3.3.conv1.weight" -> "layer3/3/conv1/conv2d/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/3/conv1/conv2d/0" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.3.bn1.weight" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer3.3.bn1.bias" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer3.3.bn1.running_mean" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer3.3.bn1.running_var" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer3/3/bn1/batch_norm/0" -> "layer3/3/relu/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/3/relu/relu_/0" -> "layer3/3/conv2/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.3.conv2.weight" -> "layer3/3/conv2/conv2d/0" [dtype=float, shape="(512, 16, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/3/conv2/conv2d/0" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.3.bn2.weight" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer3.3.bn2.bias" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer3.3.bn2.running_mean" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer3.3.bn2.running_var" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer3/3/bn2/batch_norm/0" -> "layer3/3/relu/relu_/1" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/3/relu/relu_/1" -> "layer3/3/conv3/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.3.conv3.weight" -> "layer3/3/conv3/conv2d/0" [dtype=float, shape="(1024, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/3/conv3/conv2d/0" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.3.bn3.weight" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"layer3.3.bn3.bias" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"layer3.3.bn3.running_mean" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"layer3.3.bn3.running_var" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"layer3/3/bn3/batch_norm/0" -> "layer3/3/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/3/add_/0" -> "layer3/3/relu/relu_/2" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/3/relu/relu_/2" -> "layer3/4/conv1/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/3/relu/relu_/2" -> "layer3/4/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=1]; +"layer3.4.conv1.weight" -> "layer3/4/conv1/conv2d/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/4/conv1/conv2d/0" -> "layer3/4/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.4.bn1.weight" -> "layer3/4/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer3.4.bn1.bias" -> "layer3/4/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer3.4.bn1.running_mean" -> "layer3/4/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer3.4.bn1.running_var" -> "layer3/4/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer3/4/bn1/batch_norm/0" -> "layer3/4/relu/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/4/relu/relu_/0" -> "layer3/4/conv2/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.4.conv2.weight" -> "layer3/4/conv2/conv2d/0" [dtype=float, shape="(512, 16, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/4/conv2/conv2d/0" -> "layer3/4/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.4.bn2.weight" -> "layer3/4/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer3.4.bn2.bias" -> "layer3/4/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer3.4.bn2.running_mean" -> "layer3/4/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer3.4.bn2.running_var" -> "layer3/4/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer3/4/bn2/batch_norm/0" -> "layer3/4/relu/relu_/1" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/4/relu/relu_/1" -> "layer3/4/conv3/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.4.conv3.weight" -> "layer3/4/conv3/conv2d/0" [dtype=float, shape="(1024, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/4/conv3/conv2d/0" -> "layer3/4/bn3/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.4.bn3.weight" -> "layer3/4/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"layer3.4.bn3.bias" -> "layer3/4/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"layer3.4.bn3.running_mean" -> "layer3/4/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"layer3.4.bn3.running_var" -> "layer3/4/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"layer3/4/bn3/batch_norm/0" -> "layer3/4/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/4/add_/0" -> "layer3/4/relu/relu_/2" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/4/relu/relu_/2" -> "layer3/5/conv1/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/4/relu/relu_/2" -> "layer3/5/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=1]; +"layer3.5.conv1.weight" -> "layer3/5/conv1/conv2d/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/5/conv1/conv2d/0" -> "layer3/5/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.5.bn1.weight" -> "layer3/5/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer3.5.bn1.bias" -> "layer3/5/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer3.5.bn1.running_mean" -> "layer3/5/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer3.5.bn1.running_var" -> "layer3/5/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer3/5/bn1/batch_norm/0" -> "layer3/5/relu/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/5/relu/relu_/0" -> "layer3/5/conv2/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.5.conv2.weight" -> "layer3/5/conv2/conv2d/0" [dtype=float, shape="(512, 16, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/5/conv2/conv2d/0" -> "layer3/5/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.5.bn2.weight" -> "layer3/5/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer3.5.bn2.bias" -> "layer3/5/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer3.5.bn2.running_mean" -> "layer3/5/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer3.5.bn2.running_var" -> "layer3/5/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer3/5/bn2/batch_norm/0" -> "layer3/5/relu/relu_/1" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/5/relu/relu_/1" -> "layer3/5/conv3/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.5.conv3.weight" -> "layer3/5/conv3/conv2d/0" [dtype=float, shape="(1024, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/5/conv3/conv2d/0" -> "layer3/5/bn3/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.5.bn3.weight" -> "layer3/5/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"layer3.5.bn3.bias" -> "layer3/5/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"layer3.5.bn3.running_mean" -> "layer3/5/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"layer3.5.bn3.running_var" -> "layer3/5/bn3/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"layer3/5/bn3/batch_norm/0" -> "layer3/5/add_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/5/add_/0" -> "layer3/5/relu/relu_/2" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/5/relu/relu_/2" -> "layer4/0/conv1/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/5/relu/relu_/2" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer4.0.conv1.weight" -> "layer4/0/conv1/conv2d/0" [dtype=float, shape="(1024, 1024, 1, 1)", out_port_id=0, in_port_id=1]; +"layer4/0/conv1/conv2d/0" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer4.0.bn1.weight" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"layer4.0.bn1.bias" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"layer4.0.bn1.running_mean" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"layer4.0.bn1.running_var" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"layer4/0/bn1/batch_norm/0" -> "layer4/0/relu/relu_/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer4/0/relu/relu_/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"layer4.0.conv2.weight" -> "layer4/0/conv2/conv2d/0" [dtype=float, shape="(1024, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"layer4/0/conv2/conv2d/0" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.bn2.weight" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"layer4.0.bn2.bias" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"layer4.0.bn2.running_mean" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"layer4.0.bn2.running_var" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"layer4/0/bn2/batch_norm/0" -> "layer4/0/relu/relu_/1" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/0/relu/relu_/1" -> "layer4/0/conv3/conv2d/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.conv3.weight" -> "layer4/0/conv3/conv2d/0" [dtype=float, shape="(2048, 1024, 1, 1)", out_port_id=0, in_port_id=1]; +"layer4/0/conv3/conv2d/0" -> "layer4/0/bn3/batch_norm/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.bn3.weight" -> "layer4/0/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=1]; +"layer4.0.bn3.bias" -> "layer4/0/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"layer4.0.bn3.running_mean" -> "layer4/0/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=3]; +"layer4.0.bn3.running_var" -> "layer4/0/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=4]; +"layer4/0/bn3/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.downsample.0.weight" -> "layer4/0/downsample/0/conv2d/0" [dtype=float, shape="(2048, 1024, 1, 1)", out_port_id=0, in_port_id=1]; +"layer4/0/downsample/0/conv2d/0" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.downsample.1.weight" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=1]; +"layer4.0.downsample.1.bias" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"layer4.0.downsample.1.running_mean" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=3]; +"layer4.0.downsample.1.running_var" -> "layer4/0/downsample/1/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=4]; +"layer4/0/downsample/1/batch_norm/0" -> "layer4/0/add_/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=1]; +"layer4/0/add_/0" -> "layer4/0/relu/relu_/2" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/0/relu/relu_/2" -> "layer4/1/conv1/conv2d/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/0/relu/relu_/2" -> "layer4/1/add_/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=1]; +"layer4.1.conv1.weight" -> "layer4/1/conv1/conv2d/0" [dtype=float, shape="(1024, 2048, 1, 1)", out_port_id=0, in_port_id=1]; +"layer4/1/conv1/conv2d/0" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.1.bn1.weight" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"layer4.1.bn1.bias" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"layer4.1.bn1.running_mean" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"layer4.1.bn1.running_var" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"layer4/1/bn1/batch_norm/0" -> "layer4/1/relu/relu_/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/1/relu/relu_/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.1.conv2.weight" -> "layer4/1/conv2/conv2d/0" [dtype=float, shape="(1024, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"layer4/1/conv2/conv2d/0" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.1.bn2.weight" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"layer4.1.bn2.bias" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"layer4.1.bn2.running_mean" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"layer4.1.bn2.running_var" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"layer4/1/bn2/batch_norm/0" -> "layer4/1/relu/relu_/1" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/1/relu/relu_/1" -> "layer4/1/conv3/conv2d/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.1.conv3.weight" -> "layer4/1/conv3/conv2d/0" [dtype=float, shape="(2048, 1024, 1, 1)", out_port_id=0, in_port_id=1]; +"layer4/1/conv3/conv2d/0" -> "layer4/1/bn3/batch_norm/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.1.bn3.weight" -> "layer4/1/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=1]; +"layer4.1.bn3.bias" -> "layer4/1/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"layer4.1.bn3.running_mean" -> "layer4/1/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=3]; +"layer4.1.bn3.running_var" -> "layer4/1/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=4]; +"layer4/1/bn3/batch_norm/0" -> "layer4/1/add_/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/1/add_/0" -> "layer4/1/relu/relu_/2" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/1/relu/relu_/2" -> "layer4/2/conv1/conv2d/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/1/relu/relu_/2" -> "layer4/2/add_/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=1]; +"layer4.2.conv1.weight" -> "layer4/2/conv1/conv2d/0" [dtype=float, shape="(1024, 2048, 1, 1)", out_port_id=0, in_port_id=1]; +"layer4/2/conv1/conv2d/0" -> "layer4/2/bn1/batch_norm/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.2.bn1.weight" -> "layer4/2/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"layer4.2.bn1.bias" -> "layer4/2/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"layer4.2.bn1.running_mean" -> "layer4/2/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"layer4.2.bn1.running_var" -> "layer4/2/bn1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"layer4/2/bn1/batch_norm/0" -> "layer4/2/relu/relu_/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/2/relu/relu_/0" -> "layer4/2/conv2/conv2d/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.2.conv2.weight" -> "layer4/2/conv2/conv2d/0" [dtype=float, shape="(1024, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"layer4/2/conv2/conv2d/0" -> "layer4/2/bn2/batch_norm/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.2.bn2.weight" -> "layer4/2/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"layer4.2.bn2.bias" -> "layer4/2/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"layer4.2.bn2.running_mean" -> "layer4/2/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"layer4.2.bn2.running_var" -> "layer4/2/bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"layer4/2/bn2/batch_norm/0" -> "layer4/2/relu/relu_/1" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/2/relu/relu_/1" -> "layer4/2/conv3/conv2d/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.2.conv3.weight" -> "layer4/2/conv3/conv2d/0" [dtype=float, shape="(2048, 1024, 1, 1)", out_port_id=0, in_port_id=1]; +"layer4/2/conv3/conv2d/0" -> "layer4/2/bn3/batch_norm/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.2.bn3.weight" -> "layer4/2/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=1]; +"layer4.2.bn3.bias" -> "layer4/2/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"layer4.2.bn3.running_mean" -> "layer4/2/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=3]; +"layer4.2.bn3.running_var" -> "layer4/2/bn3/batch_norm/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=4]; +"layer4/2/bn3/batch_norm/0" -> "layer4/2/add_/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/2/add_/0" -> "layer4/2/relu/relu_/2" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/2/relu/relu_/2" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 2048, 2, 2)", out_port_id=0, in_port_id=0]; +"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 2048, 1, 1)", out_port_id=0, in_port_id=0]; +"/flatten/0" -> "fc/linear/0" [dtype=float, shape="(1, 2048)", out_port_id=0, in_port_id=0]; +"fc.weight" -> "fc/linear/0" [dtype=float, shape="(1000, 2048)", out_port_id=0, in_port_id=1]; +"fc.bias" -> "fc/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"fc/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_shufflenet_v2_x0_5.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_shufflenet_v2_x0_5.dot index 96a349d8642..2b8d72c7483 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_shufflenet_v2_x0_5.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_shufflenet_v2_x0_5.dot @@ -1,1075 +1,1075 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"conv1.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv1/0/conv2d/0" [id=2, metatype=PTConv2dMetatype, type=conv2d]; -"conv1.1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv1.1.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv1.1.running_mean" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv1.1.running_var" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv1/1/batch_norm/0" [id=7, metatype=PT2BatchNormMetatype, type=batch_norm]; -"conv1/2/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; -"maxpool/max_pool2d/0" [id=9, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"stage2.0.branch1.0.weight" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/0/branch1/0/conv2d/0" [id=11, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage2.0.branch1.1.weight" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch1.1.bias" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch1.1.running_mean" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch1.1.running_var" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/0/branch1/1/batch_norm/0" [id=16, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage2.0.branch1.2.weight" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/0/branch1/2/conv2d/0" [id=18, metatype=PTConv2dMetatype, type=conv2d]; -"stage2.0.branch1.3.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch1.3.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch1.3.running_mean" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch1.3.running_var" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/0/branch1/3/batch_norm/0" [id=23, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage2/0/branch1/4/relu_/0" [id=24, metatype=PTRELUMetatype, type=relu_]; -"stage2.0.branch2.0.weight" [id=25, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/0/branch2/0/conv2d/0" [id=26, metatype=PTConv2dMetatype, type=conv2d]; -"stage2.0.branch2.1.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch2.1.bias" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch2.1.running_mean" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch2.1.running_var" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/0/branch2/1/batch_norm/0" [id=31, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage2/0/branch2/2/relu_/0" [id=32, metatype=PTRELUMetatype, type=relu_]; -"stage2.0.branch2.3.weight" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/0/branch2/3/conv2d/0" [id=34, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage2.0.branch2.4.weight" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch2.4.bias" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch2.4.running_mean" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch2.4.running_var" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/0/branch2/4/batch_norm/0" [id=39, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage2.0.branch2.5.weight" [id=40, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/0/branch2/5/conv2d/0" [id=41, metatype=PTConv2dMetatype, type=conv2d]; -"stage2.0.branch2.6.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch2.6.bias" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch2.6.running_mean" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.0.branch2.6.running_var" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/0/branch2/6/batch_norm/0" [id=46, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage2/0/branch2/7/relu_/0" [id=47, metatype=PTRELUMetatype, type=relu_]; -"stage2/0/cat/0" [id=48, metatype=PTCatMetatype, type=cat]; -"stage2/0/view/0" [id=49, metatype=PTReshapeMetatype, type=view]; -"stage2/0/transpose/0" [id=50, metatype=PTTransposeMetatype, type=transpose]; -"stage2/0/contiguous/0" [id=51, metatype=PTNoopMetatype, type=contiguous]; -"stage2/0/view/1" [id=52, metatype=PTReshapeMetatype, type=view]; -"stage2/1/chunk/0" [id=53, metatype=PTSplitMetatype, type=chunk]; -"stage2.1.branch2.0.weight" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/1/branch2/0/conv2d/0" [id=55, metatype=PTConv2dMetatype, type=conv2d]; -"stage2.1.branch2.1.weight" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.1.branch2.1.bias" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.1.branch2.1.running_mean" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.1.branch2.1.running_var" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/1/branch2/1/batch_norm/0" [id=60, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage2/1/branch2/2/relu_/0" [id=61, metatype=PTRELUMetatype, type=relu_]; -"stage2.1.branch2.3.weight" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/1/branch2/3/conv2d/0" [id=63, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage2.1.branch2.4.weight" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.1.branch2.4.bias" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.1.branch2.4.running_mean" [id=66, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.1.branch2.4.running_var" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/1/branch2/4/batch_norm/0" [id=68, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage2.1.branch2.5.weight" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/1/branch2/5/conv2d/0" [id=70, metatype=PTConv2dMetatype, type=conv2d]; -"stage2.1.branch2.6.weight" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.1.branch2.6.bias" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.1.branch2.6.running_mean" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.1.branch2.6.running_var" [id=74, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/1/branch2/6/batch_norm/0" [id=75, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage2/1/branch2/7/relu_/0" [id=76, metatype=PTRELUMetatype, type=relu_]; -"stage2/1/cat/0" [id=77, metatype=PTCatMetatype, type=cat]; -"stage2/1/view/0" [id=78, metatype=PTReshapeMetatype, type=view]; -"stage2/1/transpose/0" [id=79, metatype=PTTransposeMetatype, type=transpose]; -"stage2/1/contiguous/0" [id=80, metatype=PTNoopMetatype, type=contiguous]; -"stage2/1/view/1" [id=81, metatype=PTReshapeMetatype, type=view]; -"stage2/2/chunk/0" [id=82, metatype=PTSplitMetatype, type=chunk]; -"stage2.2.branch2.0.weight" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/2/branch2/0/conv2d/0" [id=84, metatype=PTConv2dMetatype, type=conv2d]; -"stage2.2.branch2.1.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.2.branch2.1.bias" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.2.branch2.1.running_mean" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.2.branch2.1.running_var" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/2/branch2/1/batch_norm/0" [id=89, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage2/2/branch2/2/relu_/0" [id=90, metatype=PTRELUMetatype, type=relu_]; -"stage2.2.branch2.3.weight" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/2/branch2/3/conv2d/0" [id=92, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage2.2.branch2.4.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.2.branch2.4.bias" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.2.branch2.4.running_mean" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.2.branch2.4.running_var" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/2/branch2/4/batch_norm/0" [id=97, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage2.2.branch2.5.weight" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/2/branch2/5/conv2d/0" [id=99, metatype=PTConv2dMetatype, type=conv2d]; -"stage2.2.branch2.6.weight" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.2.branch2.6.bias" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.2.branch2.6.running_mean" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.2.branch2.6.running_var" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/2/branch2/6/batch_norm/0" [id=104, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage2/2/branch2/7/relu_/0" [id=105, metatype=PTRELUMetatype, type=relu_]; -"stage2/2/cat/0" [id=106, metatype=PTCatMetatype, type=cat]; -"stage2/2/view/0" [id=107, metatype=PTReshapeMetatype, type=view]; -"stage2/2/transpose/0" [id=108, metatype=PTTransposeMetatype, type=transpose]; -"stage2/2/contiguous/0" [id=109, metatype=PTNoopMetatype, type=contiguous]; -"stage2/2/view/1" [id=110, metatype=PTReshapeMetatype, type=view]; -"stage2/3/chunk/0" [id=111, metatype=PTSplitMetatype, type=chunk]; -"stage2.3.branch2.0.weight" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/3/branch2/0/conv2d/0" [id=113, metatype=PTConv2dMetatype, type=conv2d]; -"stage2.3.branch2.1.weight" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.3.branch2.1.bias" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.3.branch2.1.running_mean" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.3.branch2.1.running_var" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/3/branch2/1/batch_norm/0" [id=118, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage2/3/branch2/2/relu_/0" [id=119, metatype=PTRELUMetatype, type=relu_]; -"stage2.3.branch2.3.weight" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/3/branch2/3/conv2d/0" [id=121, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage2.3.branch2.4.weight" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.3.branch2.4.bias" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.3.branch2.4.running_mean" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.3.branch2.4.running_var" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/3/branch2/4/batch_norm/0" [id=126, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage2.3.branch2.5.weight" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/3/branch2/5/conv2d/0" [id=128, metatype=PTConv2dMetatype, type=conv2d]; -"stage2.3.branch2.6.weight" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.3.branch2.6.bias" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.3.branch2.6.running_mean" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2.3.branch2.6.running_var" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage2/3/branch2/6/batch_norm/0" [id=133, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage2/3/branch2/7/relu_/0" [id=134, metatype=PTRELUMetatype, type=relu_]; -"stage2/3/cat/0" [id=135, metatype=PTCatMetatype, type=cat]; -"stage2/3/view/0" [id=136, metatype=PTReshapeMetatype, type=view]; -"stage2/3/transpose/0" [id=137, metatype=PTTransposeMetatype, type=transpose]; -"stage2/3/contiguous/0" [id=138, metatype=PTNoopMetatype, type=contiguous]; -"stage2/3/view/1" [id=139, metatype=PTReshapeMetatype, type=view]; -"stage3.0.branch1.0.weight" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/0/branch1/0/conv2d/0" [id=141, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage3.0.branch1.1.weight" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch1.1.bias" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch1.1.running_mean" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch1.1.running_var" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/0/branch1/1/batch_norm/0" [id=146, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3.0.branch1.2.weight" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/0/branch1/2/conv2d/0" [id=148, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.0.branch1.3.weight" [id=149, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch1.3.bias" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch1.3.running_mean" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch1.3.running_var" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/0/branch1/3/batch_norm/0" [id=153, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/0/branch1/4/relu_/0" [id=154, metatype=PTRELUMetatype, type=relu_]; -"stage3.0.branch2.0.weight" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/0/branch2/0/conv2d/0" [id=156, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.0.branch2.1.weight" [id=157, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch2.1.bias" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch2.1.running_mean" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch2.1.running_var" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/0/branch2/1/batch_norm/0" [id=161, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/0/branch2/2/relu_/0" [id=162, metatype=PTRELUMetatype, type=relu_]; -"stage3.0.branch2.3.weight" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/0/branch2/3/conv2d/0" [id=164, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage3.0.branch2.4.weight" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch2.4.bias" [id=166, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch2.4.running_mean" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch2.4.running_var" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/0/branch2/4/batch_norm/0" [id=169, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3.0.branch2.5.weight" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/0/branch2/5/conv2d/0" [id=171, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.0.branch2.6.weight" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch2.6.bias" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch2.6.running_mean" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.0.branch2.6.running_var" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/0/branch2/6/batch_norm/0" [id=176, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/0/branch2/7/relu_/0" [id=177, metatype=PTRELUMetatype, type=relu_]; -"stage3/0/cat/0" [id=178, metatype=PTCatMetatype, type=cat]; -"stage3/0/view/0" [id=179, metatype=PTReshapeMetatype, type=view]; -"stage3/0/transpose/0" [id=180, metatype=PTTransposeMetatype, type=transpose]; -"stage3/0/contiguous/0" [id=181, metatype=PTNoopMetatype, type=contiguous]; -"stage3/0/view/1" [id=182, metatype=PTReshapeMetatype, type=view]; -"stage3/1/chunk/0" [id=183, metatype=PTSplitMetatype, type=chunk]; -"stage3.1.branch2.0.weight" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/1/branch2/0/conv2d/0" [id=185, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.1.branch2.1.weight" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.1.branch2.1.bias" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.1.branch2.1.running_mean" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.1.branch2.1.running_var" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/1/branch2/1/batch_norm/0" [id=190, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/1/branch2/2/relu_/0" [id=191, metatype=PTRELUMetatype, type=relu_]; -"stage3.1.branch2.3.weight" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/1/branch2/3/conv2d/0" [id=193, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage3.1.branch2.4.weight" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.1.branch2.4.bias" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.1.branch2.4.running_mean" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.1.branch2.4.running_var" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/1/branch2/4/batch_norm/0" [id=198, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3.1.branch2.5.weight" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/1/branch2/5/conv2d/0" [id=200, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.1.branch2.6.weight" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.1.branch2.6.bias" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.1.branch2.6.running_mean" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.1.branch2.6.running_var" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/1/branch2/6/batch_norm/0" [id=205, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/1/branch2/7/relu_/0" [id=206, metatype=PTRELUMetatype, type=relu_]; -"stage3/1/cat/0" [id=207, metatype=PTCatMetatype, type=cat]; -"stage3/1/view/0" [id=208, metatype=PTReshapeMetatype, type=view]; -"stage3/1/transpose/0" [id=209, metatype=PTTransposeMetatype, type=transpose]; -"stage3/1/contiguous/0" [id=210, metatype=PTNoopMetatype, type=contiguous]; -"stage3/1/view/1" [id=211, metatype=PTReshapeMetatype, type=view]; -"stage3/2/chunk/0" [id=212, metatype=PTSplitMetatype, type=chunk]; -"stage3.2.branch2.0.weight" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/2/branch2/0/conv2d/0" [id=214, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.2.branch2.1.weight" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.2.branch2.1.bias" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.2.branch2.1.running_mean" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.2.branch2.1.running_var" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/2/branch2/1/batch_norm/0" [id=219, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/2/branch2/2/relu_/0" [id=220, metatype=PTRELUMetatype, type=relu_]; -"stage3.2.branch2.3.weight" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/2/branch2/3/conv2d/0" [id=222, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage3.2.branch2.4.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.2.branch2.4.bias" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.2.branch2.4.running_mean" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.2.branch2.4.running_var" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/2/branch2/4/batch_norm/0" [id=227, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3.2.branch2.5.weight" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/2/branch2/5/conv2d/0" [id=229, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.2.branch2.6.weight" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.2.branch2.6.bias" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.2.branch2.6.running_mean" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.2.branch2.6.running_var" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/2/branch2/6/batch_norm/0" [id=234, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/2/branch2/7/relu_/0" [id=235, metatype=PTRELUMetatype, type=relu_]; -"stage3/2/cat/0" [id=236, metatype=PTCatMetatype, type=cat]; -"stage3/2/view/0" [id=237, metatype=PTReshapeMetatype, type=view]; -"stage3/2/transpose/0" [id=238, metatype=PTTransposeMetatype, type=transpose]; -"stage3/2/contiguous/0" [id=239, metatype=PTNoopMetatype, type=contiguous]; -"stage3/2/view/1" [id=240, metatype=PTReshapeMetatype, type=view]; -"stage3/3/chunk/0" [id=241, metatype=PTSplitMetatype, type=chunk]; -"stage3.3.branch2.0.weight" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/3/branch2/0/conv2d/0" [id=243, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.3.branch2.1.weight" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.3.branch2.1.bias" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.3.branch2.1.running_mean" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.3.branch2.1.running_var" [id=247, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/3/branch2/1/batch_norm/0" [id=248, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/3/branch2/2/relu_/0" [id=249, metatype=PTRELUMetatype, type=relu_]; -"stage3.3.branch2.3.weight" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/3/branch2/3/conv2d/0" [id=251, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage3.3.branch2.4.weight" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.3.branch2.4.bias" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.3.branch2.4.running_mean" [id=254, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.3.branch2.4.running_var" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/3/branch2/4/batch_norm/0" [id=256, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3.3.branch2.5.weight" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/3/branch2/5/conv2d/0" [id=258, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.3.branch2.6.weight" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.3.branch2.6.bias" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.3.branch2.6.running_mean" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.3.branch2.6.running_var" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/3/branch2/6/batch_norm/0" [id=263, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/3/branch2/7/relu_/0" [id=264, metatype=PTRELUMetatype, type=relu_]; -"stage3/3/cat/0" [id=265, metatype=PTCatMetatype, type=cat]; -"stage3/3/view/0" [id=266, metatype=PTReshapeMetatype, type=view]; -"stage3/3/transpose/0" [id=267, metatype=PTTransposeMetatype, type=transpose]; -"stage3/3/contiguous/0" [id=268, metatype=PTNoopMetatype, type=contiguous]; -"stage3/3/view/1" [id=269, metatype=PTReshapeMetatype, type=view]; -"stage3/4/chunk/0" [id=270, metatype=PTSplitMetatype, type=chunk]; -"stage3.4.branch2.0.weight" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/4/branch2/0/conv2d/0" [id=272, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.4.branch2.1.weight" [id=273, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.4.branch2.1.bias" [id=274, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.4.branch2.1.running_mean" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.4.branch2.1.running_var" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/4/branch2/1/batch_norm/0" [id=277, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/4/branch2/2/relu_/0" [id=278, metatype=PTRELUMetatype, type=relu_]; -"stage3.4.branch2.3.weight" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/4/branch2/3/conv2d/0" [id=280, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage3.4.branch2.4.weight" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.4.branch2.4.bias" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.4.branch2.4.running_mean" [id=283, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.4.branch2.4.running_var" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/4/branch2/4/batch_norm/0" [id=285, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3.4.branch2.5.weight" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/4/branch2/5/conv2d/0" [id=287, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.4.branch2.6.weight" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.4.branch2.6.bias" [id=289, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.4.branch2.6.running_mean" [id=290, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.4.branch2.6.running_var" [id=291, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/4/branch2/6/batch_norm/0" [id=292, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/4/branch2/7/relu_/0" [id=293, metatype=PTRELUMetatype, type=relu_]; -"stage3/4/cat/0" [id=294, metatype=PTCatMetatype, type=cat]; -"stage3/4/view/0" [id=295, metatype=PTReshapeMetatype, type=view]; -"stage3/4/transpose/0" [id=296, metatype=PTTransposeMetatype, type=transpose]; -"stage3/4/contiguous/0" [id=297, metatype=PTNoopMetatype, type=contiguous]; -"stage3/4/view/1" [id=298, metatype=PTReshapeMetatype, type=view]; -"stage3/5/chunk/0" [id=299, metatype=PTSplitMetatype, type=chunk]; -"stage3.5.branch2.0.weight" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/5/branch2/0/conv2d/0" [id=301, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.5.branch2.1.weight" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.5.branch2.1.bias" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.5.branch2.1.running_mean" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.5.branch2.1.running_var" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/5/branch2/1/batch_norm/0" [id=306, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/5/branch2/2/relu_/0" [id=307, metatype=PTRELUMetatype, type=relu_]; -"stage3.5.branch2.3.weight" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/5/branch2/3/conv2d/0" [id=309, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage3.5.branch2.4.weight" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.5.branch2.4.bias" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.5.branch2.4.running_mean" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.5.branch2.4.running_var" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/5/branch2/4/batch_norm/0" [id=314, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3.5.branch2.5.weight" [id=315, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/5/branch2/5/conv2d/0" [id=316, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.5.branch2.6.weight" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.5.branch2.6.bias" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.5.branch2.6.running_mean" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.5.branch2.6.running_var" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/5/branch2/6/batch_norm/0" [id=321, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/5/branch2/7/relu_/0" [id=322, metatype=PTRELUMetatype, type=relu_]; -"stage3/5/cat/0" [id=323, metatype=PTCatMetatype, type=cat]; -"stage3/5/view/0" [id=324, metatype=PTReshapeMetatype, type=view]; -"stage3/5/transpose/0" [id=325, metatype=PTTransposeMetatype, type=transpose]; -"stage3/5/contiguous/0" [id=326, metatype=PTNoopMetatype, type=contiguous]; -"stage3/5/view/1" [id=327, metatype=PTReshapeMetatype, type=view]; -"stage3/6/chunk/0" [id=328, metatype=PTSplitMetatype, type=chunk]; -"stage3.6.branch2.0.weight" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/6/branch2/0/conv2d/0" [id=330, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.6.branch2.1.weight" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.6.branch2.1.bias" [id=332, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.6.branch2.1.running_mean" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.6.branch2.1.running_var" [id=334, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/6/branch2/1/batch_norm/0" [id=335, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/6/branch2/2/relu_/0" [id=336, metatype=PTRELUMetatype, type=relu_]; -"stage3.6.branch2.3.weight" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/6/branch2/3/conv2d/0" [id=338, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage3.6.branch2.4.weight" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.6.branch2.4.bias" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.6.branch2.4.running_mean" [id=341, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.6.branch2.4.running_var" [id=342, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/6/branch2/4/batch_norm/0" [id=343, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3.6.branch2.5.weight" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/6/branch2/5/conv2d/0" [id=345, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.6.branch2.6.weight" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.6.branch2.6.bias" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.6.branch2.6.running_mean" [id=348, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.6.branch2.6.running_var" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/6/branch2/6/batch_norm/0" [id=350, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/6/branch2/7/relu_/0" [id=351, metatype=PTRELUMetatype, type=relu_]; -"stage3/6/cat/0" [id=352, metatype=PTCatMetatype, type=cat]; -"stage3/6/view/0" [id=353, metatype=PTReshapeMetatype, type=view]; -"stage3/6/transpose/0" [id=354, metatype=PTTransposeMetatype, type=transpose]; -"stage3/6/contiguous/0" [id=355, metatype=PTNoopMetatype, type=contiguous]; -"stage3/6/view/1" [id=356, metatype=PTReshapeMetatype, type=view]; -"stage3/7/chunk/0" [id=357, metatype=PTSplitMetatype, type=chunk]; -"stage3.7.branch2.0.weight" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/7/branch2/0/conv2d/0" [id=359, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.7.branch2.1.weight" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.7.branch2.1.bias" [id=361, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.7.branch2.1.running_mean" [id=362, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.7.branch2.1.running_var" [id=363, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/7/branch2/1/batch_norm/0" [id=364, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/7/branch2/2/relu_/0" [id=365, metatype=PTRELUMetatype, type=relu_]; -"stage3.7.branch2.3.weight" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/7/branch2/3/conv2d/0" [id=367, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage3.7.branch2.4.weight" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.7.branch2.4.bias" [id=369, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.7.branch2.4.running_mean" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.7.branch2.4.running_var" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/7/branch2/4/batch_norm/0" [id=372, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3.7.branch2.5.weight" [id=373, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/7/branch2/5/conv2d/0" [id=374, metatype=PTConv2dMetatype, type=conv2d]; -"stage3.7.branch2.6.weight" [id=375, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.7.branch2.6.bias" [id=376, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.7.branch2.6.running_mean" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3.7.branch2.6.running_var" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage3/7/branch2/6/batch_norm/0" [id=379, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage3/7/branch2/7/relu_/0" [id=380, metatype=PTRELUMetatype, type=relu_]; -"stage3/7/cat/0" [id=381, metatype=PTCatMetatype, type=cat]; -"stage3/7/view/0" [id=382, metatype=PTReshapeMetatype, type=view]; -"stage3/7/transpose/0" [id=383, metatype=PTTransposeMetatype, type=transpose]; -"stage3/7/contiguous/0" [id=384, metatype=PTNoopMetatype, type=contiguous]; -"stage3/7/view/1" [id=385, metatype=PTReshapeMetatype, type=view]; -"stage4.0.branch1.0.weight" [id=386, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/0/branch1/0/conv2d/0" [id=387, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage4.0.branch1.1.weight" [id=388, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch1.1.bias" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch1.1.running_mean" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch1.1.running_var" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/0/branch1/1/batch_norm/0" [id=392, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage4.0.branch1.2.weight" [id=393, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/0/branch1/2/conv2d/0" [id=394, metatype=PTConv2dMetatype, type=conv2d]; -"stage4.0.branch1.3.weight" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch1.3.bias" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch1.3.running_mean" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch1.3.running_var" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/0/branch1/3/batch_norm/0" [id=399, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage4/0/branch1/4/relu_/0" [id=400, metatype=PTRELUMetatype, type=relu_]; -"stage4.0.branch2.0.weight" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/0/branch2/0/conv2d/0" [id=402, metatype=PTConv2dMetatype, type=conv2d]; -"stage4.0.branch2.1.weight" [id=403, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch2.1.bias" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch2.1.running_mean" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch2.1.running_var" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/0/branch2/1/batch_norm/0" [id=407, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage4/0/branch2/2/relu_/0" [id=408, metatype=PTRELUMetatype, type=relu_]; -"stage4.0.branch2.3.weight" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/0/branch2/3/conv2d/0" [id=410, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage4.0.branch2.4.weight" [id=411, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch2.4.bias" [id=412, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch2.4.running_mean" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch2.4.running_var" [id=414, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/0/branch2/4/batch_norm/0" [id=415, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage4.0.branch2.5.weight" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/0/branch2/5/conv2d/0" [id=417, metatype=PTConv2dMetatype, type=conv2d]; -"stage4.0.branch2.6.weight" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch2.6.bias" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch2.6.running_mean" [id=420, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.0.branch2.6.running_var" [id=421, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/0/branch2/6/batch_norm/0" [id=422, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage4/0/branch2/7/relu_/0" [id=423, metatype=PTRELUMetatype, type=relu_]; -"stage4/0/cat/0" [id=424, metatype=PTCatMetatype, type=cat]; -"stage4/0/view/0" [id=425, metatype=PTReshapeMetatype, type=view]; -"stage4/0/transpose/0" [id=426, metatype=PTTransposeMetatype, type=transpose]; -"stage4/0/contiguous/0" [id=427, metatype=PTNoopMetatype, type=contiguous]; -"stage4/0/view/1" [id=428, metatype=PTReshapeMetatype, type=view]; -"stage4/1/chunk/0" [id=429, metatype=PTSplitMetatype, type=chunk]; -"stage4.1.branch2.0.weight" [id=430, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/1/branch2/0/conv2d/0" [id=431, metatype=PTConv2dMetatype, type=conv2d]; -"stage4.1.branch2.1.weight" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.1.branch2.1.bias" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.1.branch2.1.running_mean" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.1.branch2.1.running_var" [id=435, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/1/branch2/1/batch_norm/0" [id=436, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage4/1/branch2/2/relu_/0" [id=437, metatype=PTRELUMetatype, type=relu_]; -"stage4.1.branch2.3.weight" [id=438, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/1/branch2/3/conv2d/0" [id=439, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage4.1.branch2.4.weight" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.1.branch2.4.bias" [id=441, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.1.branch2.4.running_mean" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.1.branch2.4.running_var" [id=443, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/1/branch2/4/batch_norm/0" [id=444, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage4.1.branch2.5.weight" [id=445, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/1/branch2/5/conv2d/0" [id=446, metatype=PTConv2dMetatype, type=conv2d]; -"stage4.1.branch2.6.weight" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.1.branch2.6.bias" [id=448, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.1.branch2.6.running_mean" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.1.branch2.6.running_var" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/1/branch2/6/batch_norm/0" [id=451, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage4/1/branch2/7/relu_/0" [id=452, metatype=PTRELUMetatype, type=relu_]; -"stage4/1/cat/0" [id=453, metatype=PTCatMetatype, type=cat]; -"stage4/1/view/0" [id=454, metatype=PTReshapeMetatype, type=view]; -"stage4/1/transpose/0" [id=455, metatype=PTTransposeMetatype, type=transpose]; -"stage4/1/contiguous/0" [id=456, metatype=PTNoopMetatype, type=contiguous]; -"stage4/1/view/1" [id=457, metatype=PTReshapeMetatype, type=view]; -"stage4/2/chunk/0" [id=458, metatype=PTSplitMetatype, type=chunk]; -"stage4.2.branch2.0.weight" [id=459, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/2/branch2/0/conv2d/0" [id=460, metatype=PTConv2dMetatype, type=conv2d]; -"stage4.2.branch2.1.weight" [id=461, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.2.branch2.1.bias" [id=462, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.2.branch2.1.running_mean" [id=463, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.2.branch2.1.running_var" [id=464, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/2/branch2/1/batch_norm/0" [id=465, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage4/2/branch2/2/relu_/0" [id=466, metatype=PTRELUMetatype, type=relu_]; -"stage4.2.branch2.3.weight" [id=467, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/2/branch2/3/conv2d/0" [id=468, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage4.2.branch2.4.weight" [id=469, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.2.branch2.4.bias" [id=470, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.2.branch2.4.running_mean" [id=471, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.2.branch2.4.running_var" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/2/branch2/4/batch_norm/0" [id=473, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage4.2.branch2.5.weight" [id=474, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/2/branch2/5/conv2d/0" [id=475, metatype=PTConv2dMetatype, type=conv2d]; -"stage4.2.branch2.6.weight" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.2.branch2.6.bias" [id=477, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.2.branch2.6.running_mean" [id=478, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.2.branch2.6.running_var" [id=479, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/2/branch2/6/batch_norm/0" [id=480, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage4/2/branch2/7/relu_/0" [id=481, metatype=PTRELUMetatype, type=relu_]; -"stage4/2/cat/0" [id=482, metatype=PTCatMetatype, type=cat]; -"stage4/2/view/0" [id=483, metatype=PTReshapeMetatype, type=view]; -"stage4/2/transpose/0" [id=484, metatype=PTTransposeMetatype, type=transpose]; -"stage4/2/contiguous/0" [id=485, metatype=PTNoopMetatype, type=contiguous]; -"stage4/2/view/1" [id=486, metatype=PTReshapeMetatype, type=view]; -"stage4/3/chunk/0" [id=487, metatype=PTSplitMetatype, type=chunk]; -"stage4.3.branch2.0.weight" [id=488, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/3/branch2/0/conv2d/0" [id=489, metatype=PTConv2dMetatype, type=conv2d]; -"stage4.3.branch2.1.weight" [id=490, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.3.branch2.1.bias" [id=491, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.3.branch2.1.running_mean" [id=492, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.3.branch2.1.running_var" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/3/branch2/1/batch_norm/0" [id=494, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage4/3/branch2/2/relu_/0" [id=495, metatype=PTRELUMetatype, type=relu_]; -"stage4.3.branch2.3.weight" [id=496, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/3/branch2/3/conv2d/0" [id=497, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"stage4.3.branch2.4.weight" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.3.branch2.4.bias" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.3.branch2.4.running_mean" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.3.branch2.4.running_var" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/3/branch2/4/batch_norm/0" [id=502, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage4.3.branch2.5.weight" [id=503, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/3/branch2/5/conv2d/0" [id=504, metatype=PTConv2dMetatype, type=conv2d]; -"stage4.3.branch2.6.weight" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.3.branch2.6.bias" [id=506, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.3.branch2.6.running_mean" [id=507, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4.3.branch2.6.running_var" [id=508, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"stage4/3/branch2/6/batch_norm/0" [id=509, metatype=PT2BatchNormMetatype, type=batch_norm]; -"stage4/3/branch2/7/relu_/0" [id=510, metatype=PTRELUMetatype, type=relu_]; -"stage4/3/cat/0" [id=511, metatype=PTCatMetatype, type=cat]; -"stage4/3/view/0" [id=512, metatype=PTReshapeMetatype, type=view]; -"stage4/3/transpose/0" [id=513, metatype=PTTransposeMetatype, type=transpose]; -"stage4/3/contiguous/0" [id=514, metatype=PTNoopMetatype, type=contiguous]; -"stage4/3/view/1" [id=515, metatype=PTReshapeMetatype, type=view]; -"conv5.0.weight" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv5/0/conv2d/0" [id=517, metatype=PTConv2dMetatype, type=conv2d]; -"conv5.1.weight" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv5.1.bias" [id=519, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv5.1.running_mean" [id=520, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv5.1.running_var" [id=521, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv5/1/batch_norm/0" [id=522, metatype=PT2BatchNormMetatype, type=batch_norm]; -"conv5/2/relu_/0" [id=523, metatype=PTRELUMetatype, type=relu_]; -"/mean/0" [id=524, metatype=PTMeanMetatype, type=mean]; -"fc.weight" [id=525, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc.bias" [id=526, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc/linear/0" [id=527, metatype=PTLinearMetatype, type=linear]; -output [id=528, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "conv1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 224, 224)"]; -"conv1.0.weight" -> "conv1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 3, 3, 3)"]; -"conv1/0/conv2d/0" -> "conv1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 112, 112)"]; -"conv1.1.weight" -> "conv1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"conv1.1.bias" -> "conv1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"conv1.1.running_mean" -> "conv1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"conv1.1.running_var" -> "conv1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"conv1/1/batch_norm/0" -> "conv1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 112, 112)"]; -"conv1/2/relu_/0" -> "maxpool/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 112, 112)"]; -"maxpool/max_pool2d/0" -> "stage2/0/branch1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 56, 56)"]; -"maxpool/max_pool2d/0" -> "stage2/0/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 56, 56)"]; -"stage2.0.branch1.0.weight" -> "stage2/0/branch1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; -"stage2/0/branch1/0/conv2d/0" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.0.branch1.1.weight" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"stage2.0.branch1.1.bias" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"stage2.0.branch1.1.running_mean" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"stage2.0.branch1.1.running_var" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"stage2/0/branch1/1/batch_norm/0" -> "stage2/0/branch1/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.0.branch1.2.weight" -> "stage2/0/branch1/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"stage2/0/branch1/2/conv2d/0" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.0.branch1.3.weight" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"stage2.0.branch1.3.bias" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"stage2.0.branch1.3.running_mean" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"stage2.0.branch1.3.running_var" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"stage2/0/branch1/3/batch_norm/0" -> "stage2/0/branch1/4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2/0/branch1/4/relu_/0" -> "stage2/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.0.branch2.0.weight" -> "stage2/0/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"stage2/0/branch2/0/conv2d/0" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 56, 56)"]; -"stage2.0.branch2.1.weight" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"stage2.0.branch2.1.bias" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"stage2.0.branch2.1.running_mean" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"stage2.0.branch2.1.running_var" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"stage2/0/branch2/1/batch_norm/0" -> "stage2/0/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 56, 56)"]; -"stage2/0/branch2/2/relu_/0" -> "stage2/0/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 56, 56)"]; -"stage2.0.branch2.3.weight" -> "stage2/0/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; -"stage2/0/branch2/3/conv2d/0" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.0.branch2.4.weight" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"stage2.0.branch2.4.bias" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"stage2.0.branch2.4.running_mean" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"stage2.0.branch2.4.running_var" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"stage2/0/branch2/4/batch_norm/0" -> "stage2/0/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.0.branch2.5.weight" -> "stage2/0/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"stage2/0/branch2/5/conv2d/0" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.0.branch2.6.weight" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"stage2.0.branch2.6.bias" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"stage2.0.branch2.6.running_mean" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"stage2.0.branch2.6.running_var" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"stage2/0/branch2/6/batch_norm/0" -> "stage2/0/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2/0/branch2/7/relu_/0" -> "stage2/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2/0/cat/0" -> "stage2/0/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; -"stage2/0/view/0" -> "stage2/0/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 28, 28)"]; -"stage2/0/transpose/0" -> "stage2/0/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; -"stage2/0/contiguous/0" -> "stage2/0/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; -"stage2/0/view/1" -> "stage2/1/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; -"stage2/1/chunk/0" -> "stage2/1/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 24, 28, 28)"]; -"stage2/1/chunk/0" -> "stage2/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.1.branch2.0.weight" -> "stage2/1/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"stage2/1/branch2/0/conv2d/0" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.1.branch2.1.weight" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"stage2.1.branch2.1.bias" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"stage2.1.branch2.1.running_mean" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"stage2.1.branch2.1.running_var" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"stage2/1/branch2/1/batch_norm/0" -> "stage2/1/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2/1/branch2/2/relu_/0" -> "stage2/1/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.1.branch2.3.weight" -> "stage2/1/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; -"stage2/1/branch2/3/conv2d/0" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.1.branch2.4.weight" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"stage2.1.branch2.4.bias" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"stage2.1.branch2.4.running_mean" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"stage2.1.branch2.4.running_var" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"stage2/1/branch2/4/batch_norm/0" -> "stage2/1/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.1.branch2.5.weight" -> "stage2/1/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"stage2/1/branch2/5/conv2d/0" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.1.branch2.6.weight" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"stage2.1.branch2.6.bias" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"stage2.1.branch2.6.running_mean" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"stage2.1.branch2.6.running_var" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"stage2/1/branch2/6/batch_norm/0" -> "stage2/1/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2/1/branch2/7/relu_/0" -> "stage2/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2/1/cat/0" -> "stage2/1/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; -"stage2/1/view/0" -> "stage2/1/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 28, 28)"]; -"stage2/1/transpose/0" -> "stage2/1/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; -"stage2/1/contiguous/0" -> "stage2/1/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; -"stage2/1/view/1" -> "stage2/2/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; -"stage2/2/chunk/0" -> "stage2/2/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 24, 28, 28)"]; -"stage2/2/chunk/0" -> "stage2/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.2.branch2.0.weight" -> "stage2/2/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"stage2/2/branch2/0/conv2d/0" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.2.branch2.1.weight" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"stage2.2.branch2.1.bias" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"stage2.2.branch2.1.running_mean" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"stage2.2.branch2.1.running_var" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"stage2/2/branch2/1/batch_norm/0" -> "stage2/2/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2/2/branch2/2/relu_/0" -> "stage2/2/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.2.branch2.3.weight" -> "stage2/2/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; -"stage2/2/branch2/3/conv2d/0" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.2.branch2.4.weight" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"stage2.2.branch2.4.bias" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"stage2.2.branch2.4.running_mean" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"stage2.2.branch2.4.running_var" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"stage2/2/branch2/4/batch_norm/0" -> "stage2/2/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.2.branch2.5.weight" -> "stage2/2/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"stage2/2/branch2/5/conv2d/0" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.2.branch2.6.weight" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"stage2.2.branch2.6.bias" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"stage2.2.branch2.6.running_mean" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"stage2.2.branch2.6.running_var" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"stage2/2/branch2/6/batch_norm/0" -> "stage2/2/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2/2/branch2/7/relu_/0" -> "stage2/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2/2/cat/0" -> "stage2/2/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; -"stage2/2/view/0" -> "stage2/2/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 28, 28)"]; -"stage2/2/transpose/0" -> "stage2/2/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; -"stage2/2/contiguous/0" -> "stage2/2/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; -"stage2/2/view/1" -> "stage2/3/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; -"stage2/3/chunk/0" -> "stage2/3/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 24, 28, 28)"]; -"stage2/3/chunk/0" -> "stage2/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.3.branch2.0.weight" -> "stage2/3/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"stage2/3/branch2/0/conv2d/0" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.3.branch2.1.weight" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"stage2.3.branch2.1.bias" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"stage2.3.branch2.1.running_mean" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"stage2.3.branch2.1.running_var" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"stage2/3/branch2/1/batch_norm/0" -> "stage2/3/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2/3/branch2/2/relu_/0" -> "stage2/3/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.3.branch2.3.weight" -> "stage2/3/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; -"stage2/3/branch2/3/conv2d/0" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.3.branch2.4.weight" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"stage2.3.branch2.4.bias" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"stage2.3.branch2.4.running_mean" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"stage2.3.branch2.4.running_var" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"stage2/3/branch2/4/batch_norm/0" -> "stage2/3/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.3.branch2.5.weight" -> "stage2/3/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"stage2/3/branch2/5/conv2d/0" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2.3.branch2.6.weight" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"stage2.3.branch2.6.bias" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"stage2.3.branch2.6.running_mean" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"stage2.3.branch2.6.running_var" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"stage2/3/branch2/6/batch_norm/0" -> "stage2/3/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2/3/branch2/7/relu_/0" -> "stage2/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 28, 28)"]; -"stage2/3/cat/0" -> "stage2/3/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; -"stage2/3/view/0" -> "stage2/3/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 28, 28)"]; -"stage2/3/transpose/0" -> "stage2/3/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; -"stage2/3/contiguous/0" -> "stage2/3/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 28, 28)"]; -"stage2/3/view/1" -> "stage3/0/branch1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; -"stage2/3/view/1" -> "stage3/0/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; -"stage3.0.branch1.0.weight" -> "stage3/0/branch1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"stage3/0/branch1/0/conv2d/0" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.0.branch1.1.weight" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.0.branch1.1.bias" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.0.branch1.1.running_mean" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.0.branch1.1.running_var" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/0/branch1/1/batch_norm/0" -> "stage3/0/branch1/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.0.branch1.2.weight" -> "stage3/0/branch1/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/0/branch1/2/conv2d/0" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.0.branch1.3.weight" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.0.branch1.3.bias" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.0.branch1.3.running_mean" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.0.branch1.3.running_var" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/0/branch1/3/batch_norm/0" -> "stage3/0/branch1/4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/0/branch1/4/relu_/0" -> "stage3/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.0.branch2.0.weight" -> "stage3/0/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/0/branch2/0/conv2d/0" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; -"stage3.0.branch2.1.weight" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.0.branch2.1.bias" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.0.branch2.1.running_mean" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.0.branch2.1.running_var" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/0/branch2/1/batch_norm/0" -> "stage3/0/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; -"stage3/0/branch2/2/relu_/0" -> "stage3/0/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 28, 28)"]; -"stage3.0.branch2.3.weight" -> "stage3/0/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"stage3/0/branch2/3/conv2d/0" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.0.branch2.4.weight" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.0.branch2.4.bias" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.0.branch2.4.running_mean" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.0.branch2.4.running_var" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/0/branch2/4/batch_norm/0" -> "stage3/0/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.0.branch2.5.weight" -> "stage3/0/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/0/branch2/5/conv2d/0" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.0.branch2.6.weight" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.0.branch2.6.bias" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.0.branch2.6.running_mean" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.0.branch2.6.running_var" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/0/branch2/6/batch_norm/0" -> "stage3/0/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/0/branch2/7/relu_/0" -> "stage3/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/0/cat/0" -> "stage3/0/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/0/view/0" -> "stage3/0/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; -"stage3/0/transpose/0" -> "stage3/0/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/0/contiguous/0" -> "stage3/0/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/0/view/1" -> "stage3/1/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/1/chunk/0" -> "stage3/1/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 48, 14, 14)"]; -"stage3/1/chunk/0" -> "stage3/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.1.branch2.0.weight" -> "stage3/1/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/1/branch2/0/conv2d/0" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.1.branch2.1.weight" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.1.branch2.1.bias" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.1.branch2.1.running_mean" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.1.branch2.1.running_var" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/1/branch2/1/batch_norm/0" -> "stage3/1/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/1/branch2/2/relu_/0" -> "stage3/1/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.1.branch2.3.weight" -> "stage3/1/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"stage3/1/branch2/3/conv2d/0" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.1.branch2.4.weight" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.1.branch2.4.bias" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.1.branch2.4.running_mean" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.1.branch2.4.running_var" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/1/branch2/4/batch_norm/0" -> "stage3/1/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.1.branch2.5.weight" -> "stage3/1/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/1/branch2/5/conv2d/0" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.1.branch2.6.weight" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.1.branch2.6.bias" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.1.branch2.6.running_mean" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.1.branch2.6.running_var" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/1/branch2/6/batch_norm/0" -> "stage3/1/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/1/branch2/7/relu_/0" -> "stage3/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/1/cat/0" -> "stage3/1/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/1/view/0" -> "stage3/1/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; -"stage3/1/transpose/0" -> "stage3/1/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/1/contiguous/0" -> "stage3/1/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/1/view/1" -> "stage3/2/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/2/chunk/0" -> "stage3/2/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 48, 14, 14)"]; -"stage3/2/chunk/0" -> "stage3/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.2.branch2.0.weight" -> "stage3/2/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/2/branch2/0/conv2d/0" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.2.branch2.1.weight" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.2.branch2.1.bias" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.2.branch2.1.running_mean" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.2.branch2.1.running_var" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/2/branch2/1/batch_norm/0" -> "stage3/2/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/2/branch2/2/relu_/0" -> "stage3/2/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.2.branch2.3.weight" -> "stage3/2/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"stage3/2/branch2/3/conv2d/0" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.2.branch2.4.weight" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.2.branch2.4.bias" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.2.branch2.4.running_mean" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.2.branch2.4.running_var" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/2/branch2/4/batch_norm/0" -> "stage3/2/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.2.branch2.5.weight" -> "stage3/2/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/2/branch2/5/conv2d/0" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.2.branch2.6.weight" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.2.branch2.6.bias" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.2.branch2.6.running_mean" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.2.branch2.6.running_var" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/2/branch2/6/batch_norm/0" -> "stage3/2/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/2/branch2/7/relu_/0" -> "stage3/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/2/cat/0" -> "stage3/2/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/2/view/0" -> "stage3/2/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; -"stage3/2/transpose/0" -> "stage3/2/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/2/contiguous/0" -> "stage3/2/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/2/view/1" -> "stage3/3/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/3/chunk/0" -> "stage3/3/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 48, 14, 14)"]; -"stage3/3/chunk/0" -> "stage3/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.3.branch2.0.weight" -> "stage3/3/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/3/branch2/0/conv2d/0" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.3.branch2.1.weight" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.3.branch2.1.bias" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.3.branch2.1.running_mean" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.3.branch2.1.running_var" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/3/branch2/1/batch_norm/0" -> "stage3/3/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/3/branch2/2/relu_/0" -> "stage3/3/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.3.branch2.3.weight" -> "stage3/3/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"stage3/3/branch2/3/conv2d/0" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.3.branch2.4.weight" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.3.branch2.4.bias" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.3.branch2.4.running_mean" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.3.branch2.4.running_var" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/3/branch2/4/batch_norm/0" -> "stage3/3/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.3.branch2.5.weight" -> "stage3/3/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/3/branch2/5/conv2d/0" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.3.branch2.6.weight" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.3.branch2.6.bias" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.3.branch2.6.running_mean" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.3.branch2.6.running_var" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/3/branch2/6/batch_norm/0" -> "stage3/3/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/3/branch2/7/relu_/0" -> "stage3/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/3/cat/0" -> "stage3/3/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/3/view/0" -> "stage3/3/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; -"stage3/3/transpose/0" -> "stage3/3/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/3/contiguous/0" -> "stage3/3/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/3/view/1" -> "stage3/4/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/4/chunk/0" -> "stage3/4/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 48, 14, 14)"]; -"stage3/4/chunk/0" -> "stage3/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.4.branch2.0.weight" -> "stage3/4/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/4/branch2/0/conv2d/0" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.4.branch2.1.weight" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.4.branch2.1.bias" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.4.branch2.1.running_mean" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.4.branch2.1.running_var" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/4/branch2/1/batch_norm/0" -> "stage3/4/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/4/branch2/2/relu_/0" -> "stage3/4/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.4.branch2.3.weight" -> "stage3/4/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"stage3/4/branch2/3/conv2d/0" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.4.branch2.4.weight" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.4.branch2.4.bias" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.4.branch2.4.running_mean" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.4.branch2.4.running_var" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/4/branch2/4/batch_norm/0" -> "stage3/4/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.4.branch2.5.weight" -> "stage3/4/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/4/branch2/5/conv2d/0" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.4.branch2.6.weight" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.4.branch2.6.bias" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.4.branch2.6.running_mean" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.4.branch2.6.running_var" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/4/branch2/6/batch_norm/0" -> "stage3/4/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/4/branch2/7/relu_/0" -> "stage3/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/4/cat/0" -> "stage3/4/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/4/view/0" -> "stage3/4/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; -"stage3/4/transpose/0" -> "stage3/4/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/4/contiguous/0" -> "stage3/4/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/4/view/1" -> "stage3/5/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/5/chunk/0" -> "stage3/5/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 48, 14, 14)"]; -"stage3/5/chunk/0" -> "stage3/5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.5.branch2.0.weight" -> "stage3/5/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/5/branch2/0/conv2d/0" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.5.branch2.1.weight" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.5.branch2.1.bias" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.5.branch2.1.running_mean" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.5.branch2.1.running_var" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/5/branch2/1/batch_norm/0" -> "stage3/5/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/5/branch2/2/relu_/0" -> "stage3/5/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.5.branch2.3.weight" -> "stage3/5/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"stage3/5/branch2/3/conv2d/0" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.5.branch2.4.weight" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.5.branch2.4.bias" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.5.branch2.4.running_mean" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.5.branch2.4.running_var" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/5/branch2/4/batch_norm/0" -> "stage3/5/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.5.branch2.5.weight" -> "stage3/5/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/5/branch2/5/conv2d/0" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.5.branch2.6.weight" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.5.branch2.6.bias" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.5.branch2.6.running_mean" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.5.branch2.6.running_var" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/5/branch2/6/batch_norm/0" -> "stage3/5/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/5/branch2/7/relu_/0" -> "stage3/5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/5/cat/0" -> "stage3/5/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/5/view/0" -> "stage3/5/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; -"stage3/5/transpose/0" -> "stage3/5/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/5/contiguous/0" -> "stage3/5/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/5/view/1" -> "stage3/6/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/6/chunk/0" -> "stage3/6/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 48, 14, 14)"]; -"stage3/6/chunk/0" -> "stage3/6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.6.branch2.0.weight" -> "stage3/6/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/6/branch2/0/conv2d/0" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.6.branch2.1.weight" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.6.branch2.1.bias" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.6.branch2.1.running_mean" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.6.branch2.1.running_var" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/6/branch2/1/batch_norm/0" -> "stage3/6/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/6/branch2/2/relu_/0" -> "stage3/6/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.6.branch2.3.weight" -> "stage3/6/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"stage3/6/branch2/3/conv2d/0" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.6.branch2.4.weight" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.6.branch2.4.bias" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.6.branch2.4.running_mean" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.6.branch2.4.running_var" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/6/branch2/4/batch_norm/0" -> "stage3/6/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.6.branch2.5.weight" -> "stage3/6/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/6/branch2/5/conv2d/0" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.6.branch2.6.weight" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.6.branch2.6.bias" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.6.branch2.6.running_mean" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.6.branch2.6.running_var" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/6/branch2/6/batch_norm/0" -> "stage3/6/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/6/branch2/7/relu_/0" -> "stage3/6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/6/cat/0" -> "stage3/6/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/6/view/0" -> "stage3/6/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; -"stage3/6/transpose/0" -> "stage3/6/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/6/contiguous/0" -> "stage3/6/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/6/view/1" -> "stage3/7/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/7/chunk/0" -> "stage3/7/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 48, 14, 14)"]; -"stage3/7/chunk/0" -> "stage3/7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.7.branch2.0.weight" -> "stage3/7/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/7/branch2/0/conv2d/0" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.7.branch2.1.weight" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.7.branch2.1.bias" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.7.branch2.1.running_mean" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.7.branch2.1.running_var" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/7/branch2/1/batch_norm/0" -> "stage3/7/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/7/branch2/2/relu_/0" -> "stage3/7/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.7.branch2.3.weight" -> "stage3/7/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"stage3/7/branch2/3/conv2d/0" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.7.branch2.4.weight" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.7.branch2.4.bias" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.7.branch2.4.running_mean" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.7.branch2.4.running_var" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/7/branch2/4/batch_norm/0" -> "stage3/7/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.7.branch2.5.weight" -> "stage3/7/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"stage3/7/branch2/5/conv2d/0" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3.7.branch2.6.weight" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"stage3.7.branch2.6.bias" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"stage3.7.branch2.6.running_mean" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"stage3.7.branch2.6.running_var" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"stage3/7/branch2/6/batch_norm/0" -> "stage3/7/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/7/branch2/7/relu_/0" -> "stage3/7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 14, 14)"]; -"stage3/7/cat/0" -> "stage3/7/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/7/view/0" -> "stage3/7/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 14, 14)"]; -"stage3/7/transpose/0" -> "stage3/7/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/7/contiguous/0" -> "stage3/7/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 14, 14)"]; -"stage3/7/view/1" -> "stage4/0/branch1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage3/7/view/1" -> "stage4/0/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage4.0.branch1.0.weight" -> "stage4/0/branch1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; -"stage4/0/branch1/0/conv2d/0" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.0.branch1.1.weight" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"stage4.0.branch1.1.bias" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"stage4.0.branch1.1.running_mean" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"stage4.0.branch1.1.running_var" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"stage4/0/branch1/1/batch_norm/0" -> "stage4/0/branch1/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.0.branch1.2.weight" -> "stage4/0/branch1/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"stage4/0/branch1/2/conv2d/0" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.0.branch1.3.weight" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"stage4.0.branch1.3.bias" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"stage4.0.branch1.3.running_mean" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"stage4.0.branch1.3.running_var" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"stage4/0/branch1/3/batch_norm/0" -> "stage4/0/branch1/4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4/0/branch1/4/relu_/0" -> "stage4/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.0.branch2.0.weight" -> "stage4/0/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"stage4/0/branch2/0/conv2d/0" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage4.0.branch2.1.weight" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"stage4.0.branch2.1.bias" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"stage4.0.branch2.1.running_mean" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"stage4.0.branch2.1.running_var" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"stage4/0/branch2/1/batch_norm/0" -> "stage4/0/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage4/0/branch2/2/relu_/0" -> "stage4/0/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"stage4.0.branch2.3.weight" -> "stage4/0/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; -"stage4/0/branch2/3/conv2d/0" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.0.branch2.4.weight" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"stage4.0.branch2.4.bias" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"stage4.0.branch2.4.running_mean" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"stage4.0.branch2.4.running_var" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"stage4/0/branch2/4/batch_norm/0" -> "stage4/0/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.0.branch2.5.weight" -> "stage4/0/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"stage4/0/branch2/5/conv2d/0" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.0.branch2.6.weight" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"stage4.0.branch2.6.bias" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"stage4.0.branch2.6.running_mean" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"stage4.0.branch2.6.running_var" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"stage4/0/branch2/6/batch_norm/0" -> "stage4/0/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4/0/branch2/7/relu_/0" -> "stage4/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4/0/cat/0" -> "stage4/0/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; -"stage4/0/view/0" -> "stage4/0/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 7, 7)"]; -"stage4/0/transpose/0" -> "stage4/0/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; -"stage4/0/contiguous/0" -> "stage4/0/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; -"stage4/0/view/1" -> "stage4/1/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; -"stage4/1/chunk/0" -> "stage4/1/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 96, 7, 7)"]; -"stage4/1/chunk/0" -> "stage4/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.1.branch2.0.weight" -> "stage4/1/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"stage4/1/branch2/0/conv2d/0" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.1.branch2.1.weight" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"stage4.1.branch2.1.bias" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"stage4.1.branch2.1.running_mean" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"stage4.1.branch2.1.running_var" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"stage4/1/branch2/1/batch_norm/0" -> "stage4/1/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4/1/branch2/2/relu_/0" -> "stage4/1/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.1.branch2.3.weight" -> "stage4/1/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; -"stage4/1/branch2/3/conv2d/0" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.1.branch2.4.weight" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"stage4.1.branch2.4.bias" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"stage4.1.branch2.4.running_mean" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"stage4.1.branch2.4.running_var" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"stage4/1/branch2/4/batch_norm/0" -> "stage4/1/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.1.branch2.5.weight" -> "stage4/1/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"stage4/1/branch2/5/conv2d/0" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.1.branch2.6.weight" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"stage4.1.branch2.6.bias" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"stage4.1.branch2.6.running_mean" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"stage4.1.branch2.6.running_var" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"stage4/1/branch2/6/batch_norm/0" -> "stage4/1/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4/1/branch2/7/relu_/0" -> "stage4/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4/1/cat/0" -> "stage4/1/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; -"stage4/1/view/0" -> "stage4/1/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 7, 7)"]; -"stage4/1/transpose/0" -> "stage4/1/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; -"stage4/1/contiguous/0" -> "stage4/1/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; -"stage4/1/view/1" -> "stage4/2/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; -"stage4/2/chunk/0" -> "stage4/2/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 96, 7, 7)"]; -"stage4/2/chunk/0" -> "stage4/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.2.branch2.0.weight" -> "stage4/2/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"stage4/2/branch2/0/conv2d/0" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.2.branch2.1.weight" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"stage4.2.branch2.1.bias" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"stage4.2.branch2.1.running_mean" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"stage4.2.branch2.1.running_var" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"stage4/2/branch2/1/batch_norm/0" -> "stage4/2/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4/2/branch2/2/relu_/0" -> "stage4/2/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.2.branch2.3.weight" -> "stage4/2/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; -"stage4/2/branch2/3/conv2d/0" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.2.branch2.4.weight" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"stage4.2.branch2.4.bias" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"stage4.2.branch2.4.running_mean" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"stage4.2.branch2.4.running_var" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"stage4/2/branch2/4/batch_norm/0" -> "stage4/2/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.2.branch2.5.weight" -> "stage4/2/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"stage4/2/branch2/5/conv2d/0" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.2.branch2.6.weight" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"stage4.2.branch2.6.bias" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"stage4.2.branch2.6.running_mean" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"stage4.2.branch2.6.running_var" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"stage4/2/branch2/6/batch_norm/0" -> "stage4/2/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4/2/branch2/7/relu_/0" -> "stage4/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4/2/cat/0" -> "stage4/2/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; -"stage4/2/view/0" -> "stage4/2/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 7, 7)"]; -"stage4/2/transpose/0" -> "stage4/2/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; -"stage4/2/contiguous/0" -> "stage4/2/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; -"stage4/2/view/1" -> "stage4/3/chunk/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; -"stage4/3/chunk/0" -> "stage4/3/branch2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=1, shape="(1, 96, 7, 7)"]; -"stage4/3/chunk/0" -> "stage4/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.3.branch2.0.weight" -> "stage4/3/branch2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"stage4/3/branch2/0/conv2d/0" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.3.branch2.1.weight" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"stage4.3.branch2.1.bias" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"stage4.3.branch2.1.running_mean" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"stage4.3.branch2.1.running_var" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"stage4/3/branch2/1/batch_norm/0" -> "stage4/3/branch2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4/3/branch2/2/relu_/0" -> "stage4/3/branch2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.3.branch2.3.weight" -> "stage4/3/branch2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; -"stage4/3/branch2/3/conv2d/0" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.3.branch2.4.weight" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"stage4.3.branch2.4.bias" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"stage4.3.branch2.4.running_mean" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"stage4.3.branch2.4.running_var" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"stage4/3/branch2/4/batch_norm/0" -> "stage4/3/branch2/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.3.branch2.5.weight" -> "stage4/3/branch2/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"stage4/3/branch2/5/conv2d/0" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4.3.branch2.6.weight" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"stage4.3.branch2.6.bias" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"stage4.3.branch2.6.running_mean" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"stage4.3.branch2.6.running_var" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"stage4/3/branch2/6/batch_norm/0" -> "stage4/3/branch2/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4/3/branch2/7/relu_/0" -> "stage4/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 7, 7)"]; -"stage4/3/cat/0" -> "stage4/3/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; -"stage4/3/view/0" -> "stage4/3/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 7, 7)"]; -"stage4/3/transpose/0" -> "stage4/3/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; -"stage4/3/contiguous/0" -> "stage4/3/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 7, 7)"]; -"stage4/3/view/1" -> "conv5/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; -"conv5.0.weight" -> "conv5/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 192, 1, 1)"]; -"conv5/0/conv2d/0" -> "conv5/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 7, 7)"]; -"conv5.1.weight" -> "conv5/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"conv5.1.bias" -> "conv5/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"conv5.1.running_mean" -> "conv5/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"conv5.1.running_var" -> "conv5/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"conv5/1/batch_norm/0" -> "conv5/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 7, 7)"]; -"conv5/2/relu_/0" -> "/mean/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 7, 7)"]; -"/mean/0" -> "fc/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"fc.weight" -> "fc/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1024)"]; -"fc.bias" -> "fc/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"fc/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"conv1.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv1/0/conv2d/0" [id=2, type=conv2d, metatype=PTConv2dMetatype]; +"conv1.1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv1.1.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv1.1.running_mean" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv1.1.running_var" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv1/1/batch_norm/0" [id=7, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv1/2/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; +"maxpool/max_pool2d/0" [id=9, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"stage2.0.branch1.0.weight" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/0/branch1/0/conv2d/0" [id=11, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage2.0.branch1.1.weight" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch1.1.bias" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch1.1.running_mean" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch1.1.running_var" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/0/branch1/1/batch_norm/0" [id=16, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage2.0.branch1.2.weight" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/0/branch1/2/conv2d/0" [id=18, type=conv2d, metatype=PTConv2dMetatype]; +"stage2.0.branch1.3.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch1.3.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch1.3.running_mean" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch1.3.running_var" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/0/branch1/3/batch_norm/0" [id=23, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage2/0/branch1/4/relu_/0" [id=24, type="relu_", metatype=PTRELUMetatype]; +"stage2.0.branch2.0.weight" [id=25, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/0/branch2/0/conv2d/0" [id=26, type=conv2d, metatype=PTConv2dMetatype]; +"stage2.0.branch2.1.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch2.1.bias" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch2.1.running_mean" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch2.1.running_var" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/0/branch2/1/batch_norm/0" [id=31, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage2/0/branch2/2/relu_/0" [id=32, type="relu_", metatype=PTRELUMetatype]; +"stage2.0.branch2.3.weight" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/0/branch2/3/conv2d/0" [id=34, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage2.0.branch2.4.weight" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch2.4.bias" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch2.4.running_mean" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch2.4.running_var" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/0/branch2/4/batch_norm/0" [id=39, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage2.0.branch2.5.weight" [id=40, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/0/branch2/5/conv2d/0" [id=41, type=conv2d, metatype=PTConv2dMetatype]; +"stage2.0.branch2.6.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch2.6.bias" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch2.6.running_mean" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.0.branch2.6.running_var" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/0/branch2/6/batch_norm/0" [id=46, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage2/0/branch2/7/relu_/0" [id=47, type="relu_", metatype=PTRELUMetatype]; +"stage2/0/cat/0" [id=48, type=cat, metatype=PTCatMetatype]; +"stage2/0/view/0" [id=49, type=view, metatype=PTReshapeMetatype]; +"stage2/0/transpose/0" [id=50, type=transpose, metatype=PTTransposeMetatype]; +"stage2/0/contiguous/0" [id=51, type=contiguous, metatype=PTNoopMetatype]; +"stage2/0/view/1" [id=52, type=view, metatype=PTReshapeMetatype]; +"stage2/1/chunk/0" [id=53, type=chunk, metatype=PTSplitMetatype]; +"stage2.1.branch2.0.weight" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/1/branch2/0/conv2d/0" [id=55, type=conv2d, metatype=PTConv2dMetatype]; +"stage2.1.branch2.1.weight" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.1.branch2.1.bias" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.1.branch2.1.running_mean" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.1.branch2.1.running_var" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/1/branch2/1/batch_norm/0" [id=60, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage2/1/branch2/2/relu_/0" [id=61, type="relu_", metatype=PTRELUMetatype]; +"stage2.1.branch2.3.weight" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/1/branch2/3/conv2d/0" [id=63, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage2.1.branch2.4.weight" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.1.branch2.4.bias" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.1.branch2.4.running_mean" [id=66, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.1.branch2.4.running_var" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/1/branch2/4/batch_norm/0" [id=68, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage2.1.branch2.5.weight" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/1/branch2/5/conv2d/0" [id=70, type=conv2d, metatype=PTConv2dMetatype]; +"stage2.1.branch2.6.weight" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.1.branch2.6.bias" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.1.branch2.6.running_mean" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.1.branch2.6.running_var" [id=74, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/1/branch2/6/batch_norm/0" [id=75, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage2/1/branch2/7/relu_/0" [id=76, type="relu_", metatype=PTRELUMetatype]; +"stage2/1/cat/0" [id=77, type=cat, metatype=PTCatMetatype]; +"stage2/1/view/0" [id=78, type=view, metatype=PTReshapeMetatype]; +"stage2/1/transpose/0" [id=79, type=transpose, metatype=PTTransposeMetatype]; +"stage2/1/contiguous/0" [id=80, type=contiguous, metatype=PTNoopMetatype]; +"stage2/1/view/1" [id=81, type=view, metatype=PTReshapeMetatype]; +"stage2/2/chunk/0" [id=82, type=chunk, metatype=PTSplitMetatype]; +"stage2.2.branch2.0.weight" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/2/branch2/0/conv2d/0" [id=84, type=conv2d, metatype=PTConv2dMetatype]; +"stage2.2.branch2.1.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.2.branch2.1.bias" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.2.branch2.1.running_mean" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.2.branch2.1.running_var" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/2/branch2/1/batch_norm/0" [id=89, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage2/2/branch2/2/relu_/0" [id=90, type="relu_", metatype=PTRELUMetatype]; +"stage2.2.branch2.3.weight" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/2/branch2/3/conv2d/0" [id=92, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage2.2.branch2.4.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.2.branch2.4.bias" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.2.branch2.4.running_mean" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.2.branch2.4.running_var" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/2/branch2/4/batch_norm/0" [id=97, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage2.2.branch2.5.weight" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/2/branch2/5/conv2d/0" [id=99, type=conv2d, metatype=PTConv2dMetatype]; +"stage2.2.branch2.6.weight" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.2.branch2.6.bias" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.2.branch2.6.running_mean" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.2.branch2.6.running_var" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/2/branch2/6/batch_norm/0" [id=104, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage2/2/branch2/7/relu_/0" [id=105, type="relu_", metatype=PTRELUMetatype]; +"stage2/2/cat/0" [id=106, type=cat, metatype=PTCatMetatype]; +"stage2/2/view/0" [id=107, type=view, metatype=PTReshapeMetatype]; +"stage2/2/transpose/0" [id=108, type=transpose, metatype=PTTransposeMetatype]; +"stage2/2/contiguous/0" [id=109, type=contiguous, metatype=PTNoopMetatype]; +"stage2/2/view/1" [id=110, type=view, metatype=PTReshapeMetatype]; +"stage2/3/chunk/0" [id=111, type=chunk, metatype=PTSplitMetatype]; +"stage2.3.branch2.0.weight" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/3/branch2/0/conv2d/0" [id=113, type=conv2d, metatype=PTConv2dMetatype]; +"stage2.3.branch2.1.weight" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.3.branch2.1.bias" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.3.branch2.1.running_mean" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.3.branch2.1.running_var" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/3/branch2/1/batch_norm/0" [id=118, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage2/3/branch2/2/relu_/0" [id=119, type="relu_", metatype=PTRELUMetatype]; +"stage2.3.branch2.3.weight" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/3/branch2/3/conv2d/0" [id=121, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage2.3.branch2.4.weight" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.3.branch2.4.bias" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.3.branch2.4.running_mean" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.3.branch2.4.running_var" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/3/branch2/4/batch_norm/0" [id=126, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage2.3.branch2.5.weight" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/3/branch2/5/conv2d/0" [id=128, type=conv2d, metatype=PTConv2dMetatype]; +"stage2.3.branch2.6.weight" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.3.branch2.6.bias" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.3.branch2.6.running_mean" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2.3.branch2.6.running_var" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage2/3/branch2/6/batch_norm/0" [id=133, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage2/3/branch2/7/relu_/0" [id=134, type="relu_", metatype=PTRELUMetatype]; +"stage2/3/cat/0" [id=135, type=cat, metatype=PTCatMetatype]; +"stage2/3/view/0" [id=136, type=view, metatype=PTReshapeMetatype]; +"stage2/3/transpose/0" [id=137, type=transpose, metatype=PTTransposeMetatype]; +"stage2/3/contiguous/0" [id=138, type=contiguous, metatype=PTNoopMetatype]; +"stage2/3/view/1" [id=139, type=view, metatype=PTReshapeMetatype]; +"stage3.0.branch1.0.weight" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/0/branch1/0/conv2d/0" [id=141, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage3.0.branch1.1.weight" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch1.1.bias" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch1.1.running_mean" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch1.1.running_var" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/0/branch1/1/batch_norm/0" [id=146, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3.0.branch1.2.weight" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/0/branch1/2/conv2d/0" [id=148, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.0.branch1.3.weight" [id=149, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch1.3.bias" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch1.3.running_mean" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch1.3.running_var" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/0/branch1/3/batch_norm/0" [id=153, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/0/branch1/4/relu_/0" [id=154, type="relu_", metatype=PTRELUMetatype]; +"stage3.0.branch2.0.weight" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/0/branch2/0/conv2d/0" [id=156, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.0.branch2.1.weight" [id=157, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch2.1.bias" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch2.1.running_mean" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch2.1.running_var" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/0/branch2/1/batch_norm/0" [id=161, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/0/branch2/2/relu_/0" [id=162, type="relu_", metatype=PTRELUMetatype]; +"stage3.0.branch2.3.weight" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/0/branch2/3/conv2d/0" [id=164, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage3.0.branch2.4.weight" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch2.4.bias" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch2.4.running_mean" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch2.4.running_var" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/0/branch2/4/batch_norm/0" [id=169, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3.0.branch2.5.weight" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/0/branch2/5/conv2d/0" [id=171, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.0.branch2.6.weight" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch2.6.bias" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch2.6.running_mean" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.0.branch2.6.running_var" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/0/branch2/6/batch_norm/0" [id=176, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/0/branch2/7/relu_/0" [id=177, type="relu_", metatype=PTRELUMetatype]; +"stage3/0/cat/0" [id=178, type=cat, metatype=PTCatMetatype]; +"stage3/0/view/0" [id=179, type=view, metatype=PTReshapeMetatype]; +"stage3/0/transpose/0" [id=180, type=transpose, metatype=PTTransposeMetatype]; +"stage3/0/contiguous/0" [id=181, type=contiguous, metatype=PTNoopMetatype]; +"stage3/0/view/1" [id=182, type=view, metatype=PTReshapeMetatype]; +"stage3/1/chunk/0" [id=183, type=chunk, metatype=PTSplitMetatype]; +"stage3.1.branch2.0.weight" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/1/branch2/0/conv2d/0" [id=185, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.1.branch2.1.weight" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.1.branch2.1.bias" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.1.branch2.1.running_mean" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.1.branch2.1.running_var" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/1/branch2/1/batch_norm/0" [id=190, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/1/branch2/2/relu_/0" [id=191, type="relu_", metatype=PTRELUMetatype]; +"stage3.1.branch2.3.weight" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/1/branch2/3/conv2d/0" [id=193, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage3.1.branch2.4.weight" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.1.branch2.4.bias" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.1.branch2.4.running_mean" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.1.branch2.4.running_var" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/1/branch2/4/batch_norm/0" [id=198, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3.1.branch2.5.weight" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/1/branch2/5/conv2d/0" [id=200, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.1.branch2.6.weight" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.1.branch2.6.bias" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.1.branch2.6.running_mean" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.1.branch2.6.running_var" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/1/branch2/6/batch_norm/0" [id=205, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/1/branch2/7/relu_/0" [id=206, type="relu_", metatype=PTRELUMetatype]; +"stage3/1/cat/0" [id=207, type=cat, metatype=PTCatMetatype]; +"stage3/1/view/0" [id=208, type=view, metatype=PTReshapeMetatype]; +"stage3/1/transpose/0" [id=209, type=transpose, metatype=PTTransposeMetatype]; +"stage3/1/contiguous/0" [id=210, type=contiguous, metatype=PTNoopMetatype]; +"stage3/1/view/1" [id=211, type=view, metatype=PTReshapeMetatype]; +"stage3/2/chunk/0" [id=212, type=chunk, metatype=PTSplitMetatype]; +"stage3.2.branch2.0.weight" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/2/branch2/0/conv2d/0" [id=214, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.2.branch2.1.weight" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.2.branch2.1.bias" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.2.branch2.1.running_mean" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.2.branch2.1.running_var" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/2/branch2/1/batch_norm/0" [id=219, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/2/branch2/2/relu_/0" [id=220, type="relu_", metatype=PTRELUMetatype]; +"stage3.2.branch2.3.weight" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/2/branch2/3/conv2d/0" [id=222, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage3.2.branch2.4.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.2.branch2.4.bias" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.2.branch2.4.running_mean" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.2.branch2.4.running_var" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/2/branch2/4/batch_norm/0" [id=227, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3.2.branch2.5.weight" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/2/branch2/5/conv2d/0" [id=229, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.2.branch2.6.weight" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.2.branch2.6.bias" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.2.branch2.6.running_mean" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.2.branch2.6.running_var" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/2/branch2/6/batch_norm/0" [id=234, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/2/branch2/7/relu_/0" [id=235, type="relu_", metatype=PTRELUMetatype]; +"stage3/2/cat/0" [id=236, type=cat, metatype=PTCatMetatype]; +"stage3/2/view/0" [id=237, type=view, metatype=PTReshapeMetatype]; +"stage3/2/transpose/0" [id=238, type=transpose, metatype=PTTransposeMetatype]; +"stage3/2/contiguous/0" [id=239, type=contiguous, metatype=PTNoopMetatype]; +"stage3/2/view/1" [id=240, type=view, metatype=PTReshapeMetatype]; +"stage3/3/chunk/0" [id=241, type=chunk, metatype=PTSplitMetatype]; +"stage3.3.branch2.0.weight" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/3/branch2/0/conv2d/0" [id=243, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.3.branch2.1.weight" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.3.branch2.1.bias" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.3.branch2.1.running_mean" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.3.branch2.1.running_var" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/3/branch2/1/batch_norm/0" [id=248, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/3/branch2/2/relu_/0" [id=249, type="relu_", metatype=PTRELUMetatype]; +"stage3.3.branch2.3.weight" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/3/branch2/3/conv2d/0" [id=251, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage3.3.branch2.4.weight" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.3.branch2.4.bias" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.3.branch2.4.running_mean" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.3.branch2.4.running_var" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/3/branch2/4/batch_norm/0" [id=256, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3.3.branch2.5.weight" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/3/branch2/5/conv2d/0" [id=258, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.3.branch2.6.weight" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.3.branch2.6.bias" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.3.branch2.6.running_mean" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.3.branch2.6.running_var" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/3/branch2/6/batch_norm/0" [id=263, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/3/branch2/7/relu_/0" [id=264, type="relu_", metatype=PTRELUMetatype]; +"stage3/3/cat/0" [id=265, type=cat, metatype=PTCatMetatype]; +"stage3/3/view/0" [id=266, type=view, metatype=PTReshapeMetatype]; +"stage3/3/transpose/0" [id=267, type=transpose, metatype=PTTransposeMetatype]; +"stage3/3/contiguous/0" [id=268, type=contiguous, metatype=PTNoopMetatype]; +"stage3/3/view/1" [id=269, type=view, metatype=PTReshapeMetatype]; +"stage3/4/chunk/0" [id=270, type=chunk, metatype=PTSplitMetatype]; +"stage3.4.branch2.0.weight" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/4/branch2/0/conv2d/0" [id=272, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.4.branch2.1.weight" [id=273, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.4.branch2.1.bias" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.4.branch2.1.running_mean" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.4.branch2.1.running_var" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/4/branch2/1/batch_norm/0" [id=277, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/4/branch2/2/relu_/0" [id=278, type="relu_", metatype=PTRELUMetatype]; +"stage3.4.branch2.3.weight" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/4/branch2/3/conv2d/0" [id=280, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage3.4.branch2.4.weight" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.4.branch2.4.bias" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.4.branch2.4.running_mean" [id=283, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.4.branch2.4.running_var" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/4/branch2/4/batch_norm/0" [id=285, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3.4.branch2.5.weight" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/4/branch2/5/conv2d/0" [id=287, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.4.branch2.6.weight" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.4.branch2.6.bias" [id=289, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.4.branch2.6.running_mean" [id=290, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.4.branch2.6.running_var" [id=291, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/4/branch2/6/batch_norm/0" [id=292, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/4/branch2/7/relu_/0" [id=293, type="relu_", metatype=PTRELUMetatype]; +"stage3/4/cat/0" [id=294, type=cat, metatype=PTCatMetatype]; +"stage3/4/view/0" [id=295, type=view, metatype=PTReshapeMetatype]; +"stage3/4/transpose/0" [id=296, type=transpose, metatype=PTTransposeMetatype]; +"stage3/4/contiguous/0" [id=297, type=contiguous, metatype=PTNoopMetatype]; +"stage3/4/view/1" [id=298, type=view, metatype=PTReshapeMetatype]; +"stage3/5/chunk/0" [id=299, type=chunk, metatype=PTSplitMetatype]; +"stage3.5.branch2.0.weight" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/5/branch2/0/conv2d/0" [id=301, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.5.branch2.1.weight" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.5.branch2.1.bias" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.5.branch2.1.running_mean" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.5.branch2.1.running_var" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/5/branch2/1/batch_norm/0" [id=306, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/5/branch2/2/relu_/0" [id=307, type="relu_", metatype=PTRELUMetatype]; +"stage3.5.branch2.3.weight" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/5/branch2/3/conv2d/0" [id=309, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage3.5.branch2.4.weight" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.5.branch2.4.bias" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.5.branch2.4.running_mean" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.5.branch2.4.running_var" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/5/branch2/4/batch_norm/0" [id=314, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3.5.branch2.5.weight" [id=315, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/5/branch2/5/conv2d/0" [id=316, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.5.branch2.6.weight" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.5.branch2.6.bias" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.5.branch2.6.running_mean" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.5.branch2.6.running_var" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/5/branch2/6/batch_norm/0" [id=321, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/5/branch2/7/relu_/0" [id=322, type="relu_", metatype=PTRELUMetatype]; +"stage3/5/cat/0" [id=323, type=cat, metatype=PTCatMetatype]; +"stage3/5/view/0" [id=324, type=view, metatype=PTReshapeMetatype]; +"stage3/5/transpose/0" [id=325, type=transpose, metatype=PTTransposeMetatype]; +"stage3/5/contiguous/0" [id=326, type=contiguous, metatype=PTNoopMetatype]; +"stage3/5/view/1" [id=327, type=view, metatype=PTReshapeMetatype]; +"stage3/6/chunk/0" [id=328, type=chunk, metatype=PTSplitMetatype]; +"stage3.6.branch2.0.weight" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/6/branch2/0/conv2d/0" [id=330, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.6.branch2.1.weight" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.6.branch2.1.bias" [id=332, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.6.branch2.1.running_mean" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.6.branch2.1.running_var" [id=334, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/6/branch2/1/batch_norm/0" [id=335, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/6/branch2/2/relu_/0" [id=336, type="relu_", metatype=PTRELUMetatype]; +"stage3.6.branch2.3.weight" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/6/branch2/3/conv2d/0" [id=338, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage3.6.branch2.4.weight" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.6.branch2.4.bias" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.6.branch2.4.running_mean" [id=341, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.6.branch2.4.running_var" [id=342, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/6/branch2/4/batch_norm/0" [id=343, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3.6.branch2.5.weight" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/6/branch2/5/conv2d/0" [id=345, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.6.branch2.6.weight" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.6.branch2.6.bias" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.6.branch2.6.running_mean" [id=348, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.6.branch2.6.running_var" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/6/branch2/6/batch_norm/0" [id=350, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/6/branch2/7/relu_/0" [id=351, type="relu_", metatype=PTRELUMetatype]; +"stage3/6/cat/0" [id=352, type=cat, metatype=PTCatMetatype]; +"stage3/6/view/0" [id=353, type=view, metatype=PTReshapeMetatype]; +"stage3/6/transpose/0" [id=354, type=transpose, metatype=PTTransposeMetatype]; +"stage3/6/contiguous/0" [id=355, type=contiguous, metatype=PTNoopMetatype]; +"stage3/6/view/1" [id=356, type=view, metatype=PTReshapeMetatype]; +"stage3/7/chunk/0" [id=357, type=chunk, metatype=PTSplitMetatype]; +"stage3.7.branch2.0.weight" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/7/branch2/0/conv2d/0" [id=359, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.7.branch2.1.weight" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.7.branch2.1.bias" [id=361, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.7.branch2.1.running_mean" [id=362, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.7.branch2.1.running_var" [id=363, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/7/branch2/1/batch_norm/0" [id=364, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/7/branch2/2/relu_/0" [id=365, type="relu_", metatype=PTRELUMetatype]; +"stage3.7.branch2.3.weight" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/7/branch2/3/conv2d/0" [id=367, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage3.7.branch2.4.weight" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.7.branch2.4.bias" [id=369, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.7.branch2.4.running_mean" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.7.branch2.4.running_var" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/7/branch2/4/batch_norm/0" [id=372, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3.7.branch2.5.weight" [id=373, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/7/branch2/5/conv2d/0" [id=374, type=conv2d, metatype=PTConv2dMetatype]; +"stage3.7.branch2.6.weight" [id=375, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.7.branch2.6.bias" [id=376, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.7.branch2.6.running_mean" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3.7.branch2.6.running_var" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage3/7/branch2/6/batch_norm/0" [id=379, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage3/7/branch2/7/relu_/0" [id=380, type="relu_", metatype=PTRELUMetatype]; +"stage3/7/cat/0" [id=381, type=cat, metatype=PTCatMetatype]; +"stage3/7/view/0" [id=382, type=view, metatype=PTReshapeMetatype]; +"stage3/7/transpose/0" [id=383, type=transpose, metatype=PTTransposeMetatype]; +"stage3/7/contiguous/0" [id=384, type=contiguous, metatype=PTNoopMetatype]; +"stage3/7/view/1" [id=385, type=view, metatype=PTReshapeMetatype]; +"stage4.0.branch1.0.weight" [id=386, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/0/branch1/0/conv2d/0" [id=387, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage4.0.branch1.1.weight" [id=388, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch1.1.bias" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch1.1.running_mean" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch1.1.running_var" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/0/branch1/1/batch_norm/0" [id=392, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage4.0.branch1.2.weight" [id=393, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/0/branch1/2/conv2d/0" [id=394, type=conv2d, metatype=PTConv2dMetatype]; +"stage4.0.branch1.3.weight" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch1.3.bias" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch1.3.running_mean" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch1.3.running_var" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/0/branch1/3/batch_norm/0" [id=399, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage4/0/branch1/4/relu_/0" [id=400, type="relu_", metatype=PTRELUMetatype]; +"stage4.0.branch2.0.weight" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/0/branch2/0/conv2d/0" [id=402, type=conv2d, metatype=PTConv2dMetatype]; +"stage4.0.branch2.1.weight" [id=403, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch2.1.bias" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch2.1.running_mean" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch2.1.running_var" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/0/branch2/1/batch_norm/0" [id=407, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage4/0/branch2/2/relu_/0" [id=408, type="relu_", metatype=PTRELUMetatype]; +"stage4.0.branch2.3.weight" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/0/branch2/3/conv2d/0" [id=410, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage4.0.branch2.4.weight" [id=411, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch2.4.bias" [id=412, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch2.4.running_mean" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch2.4.running_var" [id=414, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/0/branch2/4/batch_norm/0" [id=415, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage4.0.branch2.5.weight" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/0/branch2/5/conv2d/0" [id=417, type=conv2d, metatype=PTConv2dMetatype]; +"stage4.0.branch2.6.weight" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch2.6.bias" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch2.6.running_mean" [id=420, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.0.branch2.6.running_var" [id=421, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/0/branch2/6/batch_norm/0" [id=422, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage4/0/branch2/7/relu_/0" [id=423, type="relu_", metatype=PTRELUMetatype]; +"stage4/0/cat/0" [id=424, type=cat, metatype=PTCatMetatype]; +"stage4/0/view/0" [id=425, type=view, metatype=PTReshapeMetatype]; +"stage4/0/transpose/0" [id=426, type=transpose, metatype=PTTransposeMetatype]; +"stage4/0/contiguous/0" [id=427, type=contiguous, metatype=PTNoopMetatype]; +"stage4/0/view/1" [id=428, type=view, metatype=PTReshapeMetatype]; +"stage4/1/chunk/0" [id=429, type=chunk, metatype=PTSplitMetatype]; +"stage4.1.branch2.0.weight" [id=430, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/1/branch2/0/conv2d/0" [id=431, type=conv2d, metatype=PTConv2dMetatype]; +"stage4.1.branch2.1.weight" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.1.branch2.1.bias" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.1.branch2.1.running_mean" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.1.branch2.1.running_var" [id=435, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/1/branch2/1/batch_norm/0" [id=436, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage4/1/branch2/2/relu_/0" [id=437, type="relu_", metatype=PTRELUMetatype]; +"stage4.1.branch2.3.weight" [id=438, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/1/branch2/3/conv2d/0" [id=439, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage4.1.branch2.4.weight" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.1.branch2.4.bias" [id=441, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.1.branch2.4.running_mean" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.1.branch2.4.running_var" [id=443, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/1/branch2/4/batch_norm/0" [id=444, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage4.1.branch2.5.weight" [id=445, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/1/branch2/5/conv2d/0" [id=446, type=conv2d, metatype=PTConv2dMetatype]; +"stage4.1.branch2.6.weight" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.1.branch2.6.bias" [id=448, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.1.branch2.6.running_mean" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.1.branch2.6.running_var" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/1/branch2/6/batch_norm/0" [id=451, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage4/1/branch2/7/relu_/0" [id=452, type="relu_", metatype=PTRELUMetatype]; +"stage4/1/cat/0" [id=453, type=cat, metatype=PTCatMetatype]; +"stage4/1/view/0" [id=454, type=view, metatype=PTReshapeMetatype]; +"stage4/1/transpose/0" [id=455, type=transpose, metatype=PTTransposeMetatype]; +"stage4/1/contiguous/0" [id=456, type=contiguous, metatype=PTNoopMetatype]; +"stage4/1/view/1" [id=457, type=view, metatype=PTReshapeMetatype]; +"stage4/2/chunk/0" [id=458, type=chunk, metatype=PTSplitMetatype]; +"stage4.2.branch2.0.weight" [id=459, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/2/branch2/0/conv2d/0" [id=460, type=conv2d, metatype=PTConv2dMetatype]; +"stage4.2.branch2.1.weight" [id=461, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.2.branch2.1.bias" [id=462, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.2.branch2.1.running_mean" [id=463, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.2.branch2.1.running_var" [id=464, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/2/branch2/1/batch_norm/0" [id=465, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage4/2/branch2/2/relu_/0" [id=466, type="relu_", metatype=PTRELUMetatype]; +"stage4.2.branch2.3.weight" [id=467, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/2/branch2/3/conv2d/0" [id=468, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage4.2.branch2.4.weight" [id=469, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.2.branch2.4.bias" [id=470, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.2.branch2.4.running_mean" [id=471, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.2.branch2.4.running_var" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/2/branch2/4/batch_norm/0" [id=473, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage4.2.branch2.5.weight" [id=474, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/2/branch2/5/conv2d/0" [id=475, type=conv2d, metatype=PTConv2dMetatype]; +"stage4.2.branch2.6.weight" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.2.branch2.6.bias" [id=477, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.2.branch2.6.running_mean" [id=478, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.2.branch2.6.running_var" [id=479, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/2/branch2/6/batch_norm/0" [id=480, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage4/2/branch2/7/relu_/0" [id=481, type="relu_", metatype=PTRELUMetatype]; +"stage4/2/cat/0" [id=482, type=cat, metatype=PTCatMetatype]; +"stage4/2/view/0" [id=483, type=view, metatype=PTReshapeMetatype]; +"stage4/2/transpose/0" [id=484, type=transpose, metatype=PTTransposeMetatype]; +"stage4/2/contiguous/0" [id=485, type=contiguous, metatype=PTNoopMetatype]; +"stage4/2/view/1" [id=486, type=view, metatype=PTReshapeMetatype]; +"stage4/3/chunk/0" [id=487, type=chunk, metatype=PTSplitMetatype]; +"stage4.3.branch2.0.weight" [id=488, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/3/branch2/0/conv2d/0" [id=489, type=conv2d, metatype=PTConv2dMetatype]; +"stage4.3.branch2.1.weight" [id=490, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.3.branch2.1.bias" [id=491, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.3.branch2.1.running_mean" [id=492, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.3.branch2.1.running_var" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/3/branch2/1/batch_norm/0" [id=494, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage4/3/branch2/2/relu_/0" [id=495, type="relu_", metatype=PTRELUMetatype]; +"stage4.3.branch2.3.weight" [id=496, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/3/branch2/3/conv2d/0" [id=497, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"stage4.3.branch2.4.weight" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.3.branch2.4.bias" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.3.branch2.4.running_mean" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.3.branch2.4.running_var" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/3/branch2/4/batch_norm/0" [id=502, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage4.3.branch2.5.weight" [id=503, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/3/branch2/5/conv2d/0" [id=504, type=conv2d, metatype=PTConv2dMetatype]; +"stage4.3.branch2.6.weight" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.3.branch2.6.bias" [id=506, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.3.branch2.6.running_mean" [id=507, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4.3.branch2.6.running_var" [id=508, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"stage4/3/branch2/6/batch_norm/0" [id=509, type="batch_norm", metatype=PT2BatchNormMetatype]; +"stage4/3/branch2/7/relu_/0" [id=510, type="relu_", metatype=PTRELUMetatype]; +"stage4/3/cat/0" [id=511, type=cat, metatype=PTCatMetatype]; +"stage4/3/view/0" [id=512, type=view, metatype=PTReshapeMetatype]; +"stage4/3/transpose/0" [id=513, type=transpose, metatype=PTTransposeMetatype]; +"stage4/3/contiguous/0" [id=514, type=contiguous, metatype=PTNoopMetatype]; +"stage4/3/view/1" [id=515, type=view, metatype=PTReshapeMetatype]; +"conv5.0.weight" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv5/0/conv2d/0" [id=517, type=conv2d, metatype=PTConv2dMetatype]; +"conv5.1.weight" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv5.1.bias" [id=519, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv5.1.running_mean" [id=520, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv5.1.running_var" [id=521, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv5/1/batch_norm/0" [id=522, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv5/2/relu_/0" [id=523, type="relu_", metatype=PTRELUMetatype]; +"/mean/0" [id=524, type=mean, metatype=PTMeanMetatype]; +"fc.weight" [id=525, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc.bias" [id=526, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc/linear/0" [id=527, type=linear, metatype=PTLinearMetatype]; +output [id=528, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "conv1/0/conv2d/0" [dtype=float, shape="(1, 3, 224, 224)", out_port_id=0, in_port_id=0]; +"conv1.0.weight" -> "conv1/0/conv2d/0" [dtype=float, shape="(24, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"conv1/0/conv2d/0" -> "conv1/1/batch_norm/0" [dtype=float, shape="(1, 24, 112, 112)", out_port_id=0, in_port_id=0]; +"conv1.1.weight" -> "conv1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"conv1.1.bias" -> "conv1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"conv1.1.running_mean" -> "conv1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"conv1.1.running_var" -> "conv1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"conv1/1/batch_norm/0" -> "conv1/2/relu_/0" [dtype=float, shape="(1, 24, 112, 112)", out_port_id=0, in_port_id=0]; +"conv1/2/relu_/0" -> "maxpool/max_pool2d/0" [dtype=float, shape="(1, 24, 112, 112)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/0" -> "stage2/0/branch1/0/conv2d/0" [dtype=float, shape="(1, 24, 56, 56)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/0" -> "stage2/0/branch2/0/conv2d/0" [dtype=float, shape="(1, 24, 56, 56)", out_port_id=0, in_port_id=0]; +"stage2.0.branch1.0.weight" -> "stage2/0/branch1/0/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage2/0/branch1/0/conv2d/0" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.0.branch1.1.weight" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"stage2.0.branch1.1.bias" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"stage2.0.branch1.1.running_mean" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"stage2.0.branch1.1.running_var" -> "stage2/0/branch1/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"stage2/0/branch1/1/batch_norm/0" -> "stage2/0/branch1/2/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.0.branch1.2.weight" -> "stage2/0/branch1/2/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"stage2/0/branch1/2/conv2d/0" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.0.branch1.3.weight" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"stage2.0.branch1.3.bias" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"stage2.0.branch1.3.running_mean" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"stage2.0.branch1.3.running_var" -> "stage2/0/branch1/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"stage2/0/branch1/3/batch_norm/0" -> "stage2/0/branch1/4/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/0/branch1/4/relu_/0" -> "stage2/0/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.0.branch2.0.weight" -> "stage2/0/branch2/0/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"stage2/0/branch2/0/conv2d/0" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, shape="(1, 24, 56, 56)", out_port_id=0, in_port_id=0]; +"stage2.0.branch2.1.weight" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"stage2.0.branch2.1.bias" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"stage2.0.branch2.1.running_mean" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"stage2.0.branch2.1.running_var" -> "stage2/0/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"stage2/0/branch2/1/batch_norm/0" -> "stage2/0/branch2/2/relu_/0" [dtype=float, shape="(1, 24, 56, 56)", out_port_id=0, in_port_id=0]; +"stage2/0/branch2/2/relu_/0" -> "stage2/0/branch2/3/conv2d/0" [dtype=float, shape="(1, 24, 56, 56)", out_port_id=0, in_port_id=0]; +"stage2.0.branch2.3.weight" -> "stage2/0/branch2/3/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage2/0/branch2/3/conv2d/0" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.0.branch2.4.weight" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"stage2.0.branch2.4.bias" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"stage2.0.branch2.4.running_mean" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"stage2.0.branch2.4.running_var" -> "stage2/0/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"stage2/0/branch2/4/batch_norm/0" -> "stage2/0/branch2/5/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.0.branch2.5.weight" -> "stage2/0/branch2/5/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"stage2/0/branch2/5/conv2d/0" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.0.branch2.6.weight" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"stage2.0.branch2.6.bias" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"stage2.0.branch2.6.running_mean" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"stage2.0.branch2.6.running_var" -> "stage2/0/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"stage2/0/branch2/6/batch_norm/0" -> "stage2/0/branch2/7/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/0/branch2/7/relu_/0" -> "stage2/0/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=1]; +"stage2/0/cat/0" -> "stage2/0/view/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/0/view/0" -> "stage2/0/transpose/0" [dtype=float, shape="(1, 2, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/0/transpose/0" -> "stage2/0/contiguous/0" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/0/contiguous/0" -> "stage2/0/view/1" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/0/view/1" -> "stage2/1/chunk/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/1/chunk/0" -> "stage2/1/branch2/0/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=1, in_port_id=0]; +"stage2/1/chunk/0" -> "stage2/1/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.1.branch2.0.weight" -> "stage2/1/branch2/0/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"stage2/1/branch2/0/conv2d/0" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.1.branch2.1.weight" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"stage2.1.branch2.1.bias" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"stage2.1.branch2.1.running_mean" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"stage2.1.branch2.1.running_var" -> "stage2/1/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"stage2/1/branch2/1/batch_norm/0" -> "stage2/1/branch2/2/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/1/branch2/2/relu_/0" -> "stage2/1/branch2/3/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.1.branch2.3.weight" -> "stage2/1/branch2/3/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage2/1/branch2/3/conv2d/0" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.1.branch2.4.weight" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"stage2.1.branch2.4.bias" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"stage2.1.branch2.4.running_mean" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"stage2.1.branch2.4.running_var" -> "stage2/1/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"stage2/1/branch2/4/batch_norm/0" -> "stage2/1/branch2/5/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.1.branch2.5.weight" -> "stage2/1/branch2/5/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"stage2/1/branch2/5/conv2d/0" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.1.branch2.6.weight" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"stage2.1.branch2.6.bias" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"stage2.1.branch2.6.running_mean" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"stage2.1.branch2.6.running_var" -> "stage2/1/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"stage2/1/branch2/6/batch_norm/0" -> "stage2/1/branch2/7/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/1/branch2/7/relu_/0" -> "stage2/1/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=1]; +"stage2/1/cat/0" -> "stage2/1/view/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/1/view/0" -> "stage2/1/transpose/0" [dtype=float, shape="(1, 2, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/1/transpose/0" -> "stage2/1/contiguous/0" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/1/contiguous/0" -> "stage2/1/view/1" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/1/view/1" -> "stage2/2/chunk/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/2/chunk/0" -> "stage2/2/branch2/0/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=1, in_port_id=0]; +"stage2/2/chunk/0" -> "stage2/2/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.2.branch2.0.weight" -> "stage2/2/branch2/0/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"stage2/2/branch2/0/conv2d/0" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.2.branch2.1.weight" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"stage2.2.branch2.1.bias" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"stage2.2.branch2.1.running_mean" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"stage2.2.branch2.1.running_var" -> "stage2/2/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"stage2/2/branch2/1/batch_norm/0" -> "stage2/2/branch2/2/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/2/branch2/2/relu_/0" -> "stage2/2/branch2/3/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.2.branch2.3.weight" -> "stage2/2/branch2/3/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage2/2/branch2/3/conv2d/0" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.2.branch2.4.weight" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"stage2.2.branch2.4.bias" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"stage2.2.branch2.4.running_mean" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"stage2.2.branch2.4.running_var" -> "stage2/2/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"stage2/2/branch2/4/batch_norm/0" -> "stage2/2/branch2/5/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.2.branch2.5.weight" -> "stage2/2/branch2/5/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"stage2/2/branch2/5/conv2d/0" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.2.branch2.6.weight" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"stage2.2.branch2.6.bias" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"stage2.2.branch2.6.running_mean" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"stage2.2.branch2.6.running_var" -> "stage2/2/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"stage2/2/branch2/6/batch_norm/0" -> "stage2/2/branch2/7/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/2/branch2/7/relu_/0" -> "stage2/2/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=1]; +"stage2/2/cat/0" -> "stage2/2/view/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/2/view/0" -> "stage2/2/transpose/0" [dtype=float, shape="(1, 2, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/2/transpose/0" -> "stage2/2/contiguous/0" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/2/contiguous/0" -> "stage2/2/view/1" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/2/view/1" -> "stage2/3/chunk/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/3/chunk/0" -> "stage2/3/branch2/0/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=1, in_port_id=0]; +"stage2/3/chunk/0" -> "stage2/3/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.3.branch2.0.weight" -> "stage2/3/branch2/0/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"stage2/3/branch2/0/conv2d/0" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.3.branch2.1.weight" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"stage2.3.branch2.1.bias" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"stage2.3.branch2.1.running_mean" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"stage2.3.branch2.1.running_var" -> "stage2/3/branch2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"stage2/3/branch2/1/batch_norm/0" -> "stage2/3/branch2/2/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/3/branch2/2/relu_/0" -> "stage2/3/branch2/3/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.3.branch2.3.weight" -> "stage2/3/branch2/3/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage2/3/branch2/3/conv2d/0" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.3.branch2.4.weight" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"stage2.3.branch2.4.bias" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"stage2.3.branch2.4.running_mean" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"stage2.3.branch2.4.running_var" -> "stage2/3/branch2/4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"stage2/3/branch2/4/batch_norm/0" -> "stage2/3/branch2/5/conv2d/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.3.branch2.5.weight" -> "stage2/3/branch2/5/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"stage2/3/branch2/5/conv2d/0" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2.3.branch2.6.weight" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"stage2.3.branch2.6.bias" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"stage2.3.branch2.6.running_mean" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"stage2.3.branch2.6.running_var" -> "stage2/3/branch2/6/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"stage2/3/branch2/6/batch_norm/0" -> "stage2/3/branch2/7/relu_/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/3/branch2/7/relu_/0" -> "stage2/3/cat/0" [dtype=float, shape="(1, 24, 28, 28)", out_port_id=0, in_port_id=1]; +"stage2/3/cat/0" -> "stage2/3/view/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/3/view/0" -> "stage2/3/transpose/0" [dtype=float, shape="(1, 2, 24, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/3/transpose/0" -> "stage2/3/contiguous/0" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/3/contiguous/0" -> "stage2/3/view/1" [dtype=float, shape="(1, 24, 2, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/3/view/1" -> "stage3/0/branch1/0/conv2d/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; +"stage2/3/view/1" -> "stage3/0/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; +"stage3.0.branch1.0.weight" -> "stage3/0/branch1/0/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage3/0/branch1/0/conv2d/0" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.0.branch1.1.weight" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.0.branch1.1.bias" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.0.branch1.1.running_mean" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.0.branch1.1.running_var" -> "stage3/0/branch1/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/0/branch1/1/batch_norm/0" -> "stage3/0/branch1/2/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.0.branch1.2.weight" -> "stage3/0/branch1/2/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/0/branch1/2/conv2d/0" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.0.branch1.3.weight" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.0.branch1.3.bias" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.0.branch1.3.running_mean" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.0.branch1.3.running_var" -> "stage3/0/branch1/3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/0/branch1/3/batch_norm/0" -> "stage3/0/branch1/4/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/0/branch1/4/relu_/0" -> "stage3/0/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.0.branch2.0.weight" -> "stage3/0/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/0/branch2/0/conv2d/0" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; +"stage3.0.branch2.1.weight" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.0.branch2.1.bias" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.0.branch2.1.running_mean" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.0.branch2.1.running_var" -> "stage3/0/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/0/branch2/1/batch_norm/0" -> "stage3/0/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; +"stage3/0/branch2/2/relu_/0" -> "stage3/0/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 28, 28)", out_port_id=0, in_port_id=0]; +"stage3.0.branch2.3.weight" -> "stage3/0/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage3/0/branch2/3/conv2d/0" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.0.branch2.4.weight" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.0.branch2.4.bias" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.0.branch2.4.running_mean" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.0.branch2.4.running_var" -> "stage3/0/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/0/branch2/4/batch_norm/0" -> "stage3/0/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.0.branch2.5.weight" -> "stage3/0/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/0/branch2/5/conv2d/0" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.0.branch2.6.weight" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.0.branch2.6.bias" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.0.branch2.6.running_mean" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.0.branch2.6.running_var" -> "stage3/0/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/0/branch2/6/batch_norm/0" -> "stage3/0/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/0/branch2/7/relu_/0" -> "stage3/0/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; +"stage3/0/cat/0" -> "stage3/0/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/0/view/0" -> "stage3/0/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/0/transpose/0" -> "stage3/0/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/0/contiguous/0" -> "stage3/0/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/0/view/1" -> "stage3/1/chunk/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/1/chunk/0" -> "stage3/1/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=1, in_port_id=0]; +"stage3/1/chunk/0" -> "stage3/1/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.1.branch2.0.weight" -> "stage3/1/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/1/branch2/0/conv2d/0" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.1.branch2.1.weight" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.1.branch2.1.bias" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.1.branch2.1.running_mean" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.1.branch2.1.running_var" -> "stage3/1/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/1/branch2/1/batch_norm/0" -> "stage3/1/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/1/branch2/2/relu_/0" -> "stage3/1/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.1.branch2.3.weight" -> "stage3/1/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage3/1/branch2/3/conv2d/0" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.1.branch2.4.weight" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.1.branch2.4.bias" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.1.branch2.4.running_mean" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.1.branch2.4.running_var" -> "stage3/1/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/1/branch2/4/batch_norm/0" -> "stage3/1/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.1.branch2.5.weight" -> "stage3/1/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/1/branch2/5/conv2d/0" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.1.branch2.6.weight" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.1.branch2.6.bias" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.1.branch2.6.running_mean" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.1.branch2.6.running_var" -> "stage3/1/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/1/branch2/6/batch_norm/0" -> "stage3/1/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/1/branch2/7/relu_/0" -> "stage3/1/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; +"stage3/1/cat/0" -> "stage3/1/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/1/view/0" -> "stage3/1/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/1/transpose/0" -> "stage3/1/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/1/contiguous/0" -> "stage3/1/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/1/view/1" -> "stage3/2/chunk/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/2/chunk/0" -> "stage3/2/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=1, in_port_id=0]; +"stage3/2/chunk/0" -> "stage3/2/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.2.branch2.0.weight" -> "stage3/2/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/2/branch2/0/conv2d/0" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.2.branch2.1.weight" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.2.branch2.1.bias" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.2.branch2.1.running_mean" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.2.branch2.1.running_var" -> "stage3/2/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/2/branch2/1/batch_norm/0" -> "stage3/2/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/2/branch2/2/relu_/0" -> "stage3/2/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.2.branch2.3.weight" -> "stage3/2/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage3/2/branch2/3/conv2d/0" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.2.branch2.4.weight" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.2.branch2.4.bias" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.2.branch2.4.running_mean" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.2.branch2.4.running_var" -> "stage3/2/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/2/branch2/4/batch_norm/0" -> "stage3/2/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.2.branch2.5.weight" -> "stage3/2/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/2/branch2/5/conv2d/0" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.2.branch2.6.weight" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.2.branch2.6.bias" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.2.branch2.6.running_mean" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.2.branch2.6.running_var" -> "stage3/2/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/2/branch2/6/batch_norm/0" -> "stage3/2/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/2/branch2/7/relu_/0" -> "stage3/2/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; +"stage3/2/cat/0" -> "stage3/2/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/2/view/0" -> "stage3/2/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/2/transpose/0" -> "stage3/2/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/2/contiguous/0" -> "stage3/2/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/2/view/1" -> "stage3/3/chunk/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/3/chunk/0" -> "stage3/3/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=1, in_port_id=0]; +"stage3/3/chunk/0" -> "stage3/3/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.3.branch2.0.weight" -> "stage3/3/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/3/branch2/0/conv2d/0" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.3.branch2.1.weight" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.3.branch2.1.bias" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.3.branch2.1.running_mean" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.3.branch2.1.running_var" -> "stage3/3/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/3/branch2/1/batch_norm/0" -> "stage3/3/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/3/branch2/2/relu_/0" -> "stage3/3/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.3.branch2.3.weight" -> "stage3/3/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage3/3/branch2/3/conv2d/0" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.3.branch2.4.weight" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.3.branch2.4.bias" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.3.branch2.4.running_mean" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.3.branch2.4.running_var" -> "stage3/3/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/3/branch2/4/batch_norm/0" -> "stage3/3/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.3.branch2.5.weight" -> "stage3/3/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/3/branch2/5/conv2d/0" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.3.branch2.6.weight" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.3.branch2.6.bias" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.3.branch2.6.running_mean" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.3.branch2.6.running_var" -> "stage3/3/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/3/branch2/6/batch_norm/0" -> "stage3/3/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/3/branch2/7/relu_/0" -> "stage3/3/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; +"stage3/3/cat/0" -> "stage3/3/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/3/view/0" -> "stage3/3/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/3/transpose/0" -> "stage3/3/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/3/contiguous/0" -> "stage3/3/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/3/view/1" -> "stage3/4/chunk/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/4/chunk/0" -> "stage3/4/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=1, in_port_id=0]; +"stage3/4/chunk/0" -> "stage3/4/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.4.branch2.0.weight" -> "stage3/4/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/4/branch2/0/conv2d/0" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.4.branch2.1.weight" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.4.branch2.1.bias" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.4.branch2.1.running_mean" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.4.branch2.1.running_var" -> "stage3/4/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/4/branch2/1/batch_norm/0" -> "stage3/4/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/4/branch2/2/relu_/0" -> "stage3/4/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.4.branch2.3.weight" -> "stage3/4/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage3/4/branch2/3/conv2d/0" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.4.branch2.4.weight" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.4.branch2.4.bias" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.4.branch2.4.running_mean" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.4.branch2.4.running_var" -> "stage3/4/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/4/branch2/4/batch_norm/0" -> "stage3/4/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.4.branch2.5.weight" -> "stage3/4/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/4/branch2/5/conv2d/0" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.4.branch2.6.weight" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.4.branch2.6.bias" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.4.branch2.6.running_mean" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.4.branch2.6.running_var" -> "stage3/4/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/4/branch2/6/batch_norm/0" -> "stage3/4/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/4/branch2/7/relu_/0" -> "stage3/4/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; +"stage3/4/cat/0" -> "stage3/4/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/4/view/0" -> "stage3/4/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/4/transpose/0" -> "stage3/4/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/4/contiguous/0" -> "stage3/4/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/4/view/1" -> "stage3/5/chunk/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/5/chunk/0" -> "stage3/5/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=1, in_port_id=0]; +"stage3/5/chunk/0" -> "stage3/5/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.5.branch2.0.weight" -> "stage3/5/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/5/branch2/0/conv2d/0" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.5.branch2.1.weight" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.5.branch2.1.bias" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.5.branch2.1.running_mean" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.5.branch2.1.running_var" -> "stage3/5/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/5/branch2/1/batch_norm/0" -> "stage3/5/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/5/branch2/2/relu_/0" -> "stage3/5/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.5.branch2.3.weight" -> "stage3/5/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage3/5/branch2/3/conv2d/0" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.5.branch2.4.weight" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.5.branch2.4.bias" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.5.branch2.4.running_mean" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.5.branch2.4.running_var" -> "stage3/5/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/5/branch2/4/batch_norm/0" -> "stage3/5/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.5.branch2.5.weight" -> "stage3/5/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/5/branch2/5/conv2d/0" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.5.branch2.6.weight" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.5.branch2.6.bias" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.5.branch2.6.running_mean" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.5.branch2.6.running_var" -> "stage3/5/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/5/branch2/6/batch_norm/0" -> "stage3/5/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/5/branch2/7/relu_/0" -> "stage3/5/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; +"stage3/5/cat/0" -> "stage3/5/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/5/view/0" -> "stage3/5/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/5/transpose/0" -> "stage3/5/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/5/contiguous/0" -> "stage3/5/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/5/view/1" -> "stage3/6/chunk/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/6/chunk/0" -> "stage3/6/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=1, in_port_id=0]; +"stage3/6/chunk/0" -> "stage3/6/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.6.branch2.0.weight" -> "stage3/6/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/6/branch2/0/conv2d/0" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.6.branch2.1.weight" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.6.branch2.1.bias" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.6.branch2.1.running_mean" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.6.branch2.1.running_var" -> "stage3/6/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/6/branch2/1/batch_norm/0" -> "stage3/6/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/6/branch2/2/relu_/0" -> "stage3/6/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.6.branch2.3.weight" -> "stage3/6/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage3/6/branch2/3/conv2d/0" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.6.branch2.4.weight" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.6.branch2.4.bias" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.6.branch2.4.running_mean" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.6.branch2.4.running_var" -> "stage3/6/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/6/branch2/4/batch_norm/0" -> "stage3/6/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.6.branch2.5.weight" -> "stage3/6/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/6/branch2/5/conv2d/0" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.6.branch2.6.weight" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.6.branch2.6.bias" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.6.branch2.6.running_mean" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.6.branch2.6.running_var" -> "stage3/6/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/6/branch2/6/batch_norm/0" -> "stage3/6/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/6/branch2/7/relu_/0" -> "stage3/6/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; +"stage3/6/cat/0" -> "stage3/6/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/6/view/0" -> "stage3/6/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/6/transpose/0" -> "stage3/6/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/6/contiguous/0" -> "stage3/6/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/6/view/1" -> "stage3/7/chunk/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/7/chunk/0" -> "stage3/7/branch2/0/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=1, in_port_id=0]; +"stage3/7/chunk/0" -> "stage3/7/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.7.branch2.0.weight" -> "stage3/7/branch2/0/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/7/branch2/0/conv2d/0" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.7.branch2.1.weight" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.7.branch2.1.bias" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.7.branch2.1.running_mean" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.7.branch2.1.running_var" -> "stage3/7/branch2/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/7/branch2/1/batch_norm/0" -> "stage3/7/branch2/2/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/7/branch2/2/relu_/0" -> "stage3/7/branch2/3/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.7.branch2.3.weight" -> "stage3/7/branch2/3/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage3/7/branch2/3/conv2d/0" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.7.branch2.4.weight" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.7.branch2.4.bias" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.7.branch2.4.running_mean" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.7.branch2.4.running_var" -> "stage3/7/branch2/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/7/branch2/4/batch_norm/0" -> "stage3/7/branch2/5/conv2d/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.7.branch2.5.weight" -> "stage3/7/branch2/5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"stage3/7/branch2/5/conv2d/0" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3.7.branch2.6.weight" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"stage3.7.branch2.6.bias" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"stage3.7.branch2.6.running_mean" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"stage3.7.branch2.6.running_var" -> "stage3/7/branch2/6/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"stage3/7/branch2/6/batch_norm/0" -> "stage3/7/branch2/7/relu_/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/7/branch2/7/relu_/0" -> "stage3/7/cat/0" [dtype=float, shape="(1, 48, 14, 14)", out_port_id=0, in_port_id=1]; +"stage3/7/cat/0" -> "stage3/7/view/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/7/view/0" -> "stage3/7/transpose/0" [dtype=float, shape="(1, 2, 48, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/7/transpose/0" -> "stage3/7/contiguous/0" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/7/contiguous/0" -> "stage3/7/view/1" [dtype=float, shape="(1, 48, 2, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/7/view/1" -> "stage4/0/branch1/0/conv2d/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage3/7/view/1" -> "stage4/0/branch2/0/conv2d/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage4.0.branch1.0.weight" -> "stage4/0/branch1/0/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage4/0/branch1/0/conv2d/0" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.0.branch1.1.weight" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"stage4.0.branch1.1.bias" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"stage4.0.branch1.1.running_mean" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"stage4.0.branch1.1.running_var" -> "stage4/0/branch1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"stage4/0/branch1/1/batch_norm/0" -> "stage4/0/branch1/2/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.0.branch1.2.weight" -> "stage4/0/branch1/2/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"stage4/0/branch1/2/conv2d/0" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.0.branch1.3.weight" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"stage4.0.branch1.3.bias" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"stage4.0.branch1.3.running_mean" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"stage4.0.branch1.3.running_var" -> "stage4/0/branch1/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"stage4/0/branch1/3/batch_norm/0" -> "stage4/0/branch1/4/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/0/branch1/4/relu_/0" -> "stage4/0/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.0.branch2.0.weight" -> "stage4/0/branch2/0/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"stage4/0/branch2/0/conv2d/0" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage4.0.branch2.1.weight" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"stage4.0.branch2.1.bias" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"stage4.0.branch2.1.running_mean" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"stage4.0.branch2.1.running_var" -> "stage4/0/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"stage4/0/branch2/1/batch_norm/0" -> "stage4/0/branch2/2/relu_/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage4/0/branch2/2/relu_/0" -> "stage4/0/branch2/3/conv2d/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"stage4.0.branch2.3.weight" -> "stage4/0/branch2/3/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage4/0/branch2/3/conv2d/0" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.0.branch2.4.weight" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"stage4.0.branch2.4.bias" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"stage4.0.branch2.4.running_mean" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"stage4.0.branch2.4.running_var" -> "stage4/0/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"stage4/0/branch2/4/batch_norm/0" -> "stage4/0/branch2/5/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.0.branch2.5.weight" -> "stage4/0/branch2/5/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"stage4/0/branch2/5/conv2d/0" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.0.branch2.6.weight" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"stage4.0.branch2.6.bias" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"stage4.0.branch2.6.running_mean" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"stage4.0.branch2.6.running_var" -> "stage4/0/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"stage4/0/branch2/6/batch_norm/0" -> "stage4/0/branch2/7/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/0/branch2/7/relu_/0" -> "stage4/0/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=1]; +"stage4/0/cat/0" -> "stage4/0/view/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/0/view/0" -> "stage4/0/transpose/0" [dtype=float, shape="(1, 2, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/0/transpose/0" -> "stage4/0/contiguous/0" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/0/contiguous/0" -> "stage4/0/view/1" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/0/view/1" -> "stage4/1/chunk/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/1/chunk/0" -> "stage4/1/branch2/0/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=1, in_port_id=0]; +"stage4/1/chunk/0" -> "stage4/1/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.1.branch2.0.weight" -> "stage4/1/branch2/0/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"stage4/1/branch2/0/conv2d/0" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.1.branch2.1.weight" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"stage4.1.branch2.1.bias" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"stage4.1.branch2.1.running_mean" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"stage4.1.branch2.1.running_var" -> "stage4/1/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"stage4/1/branch2/1/batch_norm/0" -> "stage4/1/branch2/2/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/1/branch2/2/relu_/0" -> "stage4/1/branch2/3/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.1.branch2.3.weight" -> "stage4/1/branch2/3/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage4/1/branch2/3/conv2d/0" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.1.branch2.4.weight" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"stage4.1.branch2.4.bias" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"stage4.1.branch2.4.running_mean" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"stage4.1.branch2.4.running_var" -> "stage4/1/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"stage4/1/branch2/4/batch_norm/0" -> "stage4/1/branch2/5/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.1.branch2.5.weight" -> "stage4/1/branch2/5/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"stage4/1/branch2/5/conv2d/0" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.1.branch2.6.weight" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"stage4.1.branch2.6.bias" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"stage4.1.branch2.6.running_mean" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"stage4.1.branch2.6.running_var" -> "stage4/1/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"stage4/1/branch2/6/batch_norm/0" -> "stage4/1/branch2/7/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/1/branch2/7/relu_/0" -> "stage4/1/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=1]; +"stage4/1/cat/0" -> "stage4/1/view/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/1/view/0" -> "stage4/1/transpose/0" [dtype=float, shape="(1, 2, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/1/transpose/0" -> "stage4/1/contiguous/0" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/1/contiguous/0" -> "stage4/1/view/1" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/1/view/1" -> "stage4/2/chunk/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/2/chunk/0" -> "stage4/2/branch2/0/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=1, in_port_id=0]; +"stage4/2/chunk/0" -> "stage4/2/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.2.branch2.0.weight" -> "stage4/2/branch2/0/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"stage4/2/branch2/0/conv2d/0" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.2.branch2.1.weight" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"stage4.2.branch2.1.bias" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"stage4.2.branch2.1.running_mean" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"stage4.2.branch2.1.running_var" -> "stage4/2/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"stage4/2/branch2/1/batch_norm/0" -> "stage4/2/branch2/2/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/2/branch2/2/relu_/0" -> "stage4/2/branch2/3/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.2.branch2.3.weight" -> "stage4/2/branch2/3/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage4/2/branch2/3/conv2d/0" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.2.branch2.4.weight" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"stage4.2.branch2.4.bias" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"stage4.2.branch2.4.running_mean" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"stage4.2.branch2.4.running_var" -> "stage4/2/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"stage4/2/branch2/4/batch_norm/0" -> "stage4/2/branch2/5/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.2.branch2.5.weight" -> "stage4/2/branch2/5/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"stage4/2/branch2/5/conv2d/0" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.2.branch2.6.weight" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"stage4.2.branch2.6.bias" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"stage4.2.branch2.6.running_mean" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"stage4.2.branch2.6.running_var" -> "stage4/2/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"stage4/2/branch2/6/batch_norm/0" -> "stage4/2/branch2/7/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/2/branch2/7/relu_/0" -> "stage4/2/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=1]; +"stage4/2/cat/0" -> "stage4/2/view/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/2/view/0" -> "stage4/2/transpose/0" [dtype=float, shape="(1, 2, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/2/transpose/0" -> "stage4/2/contiguous/0" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/2/contiguous/0" -> "stage4/2/view/1" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/2/view/1" -> "stage4/3/chunk/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/3/chunk/0" -> "stage4/3/branch2/0/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=1, in_port_id=0]; +"stage4/3/chunk/0" -> "stage4/3/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.3.branch2.0.weight" -> "stage4/3/branch2/0/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"stage4/3/branch2/0/conv2d/0" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.3.branch2.1.weight" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"stage4.3.branch2.1.bias" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"stage4.3.branch2.1.running_mean" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"stage4.3.branch2.1.running_var" -> "stage4/3/branch2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"stage4/3/branch2/1/batch_norm/0" -> "stage4/3/branch2/2/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/3/branch2/2/relu_/0" -> "stage4/3/branch2/3/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.3.branch2.3.weight" -> "stage4/3/branch2/3/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"stage4/3/branch2/3/conv2d/0" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.3.branch2.4.weight" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"stage4.3.branch2.4.bias" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"stage4.3.branch2.4.running_mean" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"stage4.3.branch2.4.running_var" -> "stage4/3/branch2/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"stage4/3/branch2/4/batch_norm/0" -> "stage4/3/branch2/5/conv2d/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.3.branch2.5.weight" -> "stage4/3/branch2/5/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"stage4/3/branch2/5/conv2d/0" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4.3.branch2.6.weight" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"stage4.3.branch2.6.bias" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"stage4.3.branch2.6.running_mean" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"stage4.3.branch2.6.running_var" -> "stage4/3/branch2/6/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"stage4/3/branch2/6/batch_norm/0" -> "stage4/3/branch2/7/relu_/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/3/branch2/7/relu_/0" -> "stage4/3/cat/0" [dtype=float, shape="(1, 96, 7, 7)", out_port_id=0, in_port_id=1]; +"stage4/3/cat/0" -> "stage4/3/view/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/3/view/0" -> "stage4/3/transpose/0" [dtype=float, shape="(1, 2, 96, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/3/transpose/0" -> "stage4/3/contiguous/0" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/3/contiguous/0" -> "stage4/3/view/1" [dtype=float, shape="(1, 96, 2, 7, 7)", out_port_id=0, in_port_id=0]; +"stage4/3/view/1" -> "conv5/0/conv2d/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; +"conv5.0.weight" -> "conv5/0/conv2d/0" [dtype=float, shape="(1024, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"conv5/0/conv2d/0" -> "conv5/1/batch_norm/0" [dtype=float, shape="(1, 1024, 7, 7)", out_port_id=0, in_port_id=0]; +"conv5.1.weight" -> "conv5/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"conv5.1.bias" -> "conv5/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"conv5.1.running_mean" -> "conv5/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"conv5.1.running_var" -> "conv5/1/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"conv5/1/batch_norm/0" -> "conv5/2/relu_/0" [dtype=float, shape="(1, 1024, 7, 7)", out_port_id=0, in_port_id=0]; +"conv5/2/relu_/0" -> "/mean/0" [dtype=float, shape="(1, 1024, 7, 7)", out_port_id=0, in_port_id=0]; +"/mean/0" -> "fc/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"fc.weight" -> "fc/linear/0" [dtype=float, shape="(1000, 1024)", out_port_id=0, in_port_id=1]; +"fc.bias" -> "fc/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"fc/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_squeezenet1_0.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_squeezenet1_0.dot index fb7ff371d18..a100c9b67fd 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_squeezenet1_0.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_squeezenet1_0.dot @@ -1,249 +1,249 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"features.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.bias" [id=2, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/conv2d/0" [id=3, metatype=PTConv2dMetatype, type=conv2d]; -"features/1/relu_/0" [id=4, metatype=PTRELUMetatype, type=relu_]; -"features/2/max_pool2d/0" [id=5, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.3.squeeze.weight" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.squeeze.bias" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/squeeze/conv2d/0" [id=8, metatype=PTConv2dMetatype, type=conv2d]; -"features/3/squeeze_activation/relu_/0" [id=9, metatype=PTRELUMetatype, type=relu_]; -"features.3.expand1x1.weight" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.expand1x1.bias" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/expand1x1/conv2d/0" [id=12, metatype=PTConv2dMetatype, type=conv2d]; -"features/3/expand1x1_activation/relu_/0" [id=13, metatype=PTRELUMetatype, type=relu_]; -"features.3.expand3x3.weight" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.expand3x3.bias" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/expand3x3/conv2d/0" [id=16, metatype=PTConv2dMetatype, type=conv2d]; -"features/3/expand3x3_activation/relu_/0" [id=17, metatype=PTRELUMetatype, type=relu_]; -"features/3/cat/0" [id=18, metatype=PTCatMetatype, type=cat]; -"features.4.squeeze.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.squeeze.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/squeeze/conv2d/0" [id=21, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/squeeze_activation/relu_/0" [id=22, metatype=PTRELUMetatype, type=relu_]; -"features.4.expand1x1.weight" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.expand1x1.bias" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/expand1x1/conv2d/0" [id=25, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/expand1x1_activation/relu_/0" [id=26, metatype=PTRELUMetatype, type=relu_]; -"features.4.expand3x3.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.expand3x3.bias" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/expand3x3/conv2d/0" [id=29, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/expand3x3_activation/relu_/0" [id=30, metatype=PTRELUMetatype, type=relu_]; -"features/4/cat/0" [id=31, metatype=PTCatMetatype, type=cat]; -"features.5.squeeze.weight" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.squeeze.bias" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/squeeze/conv2d/0" [id=34, metatype=PTConv2dMetatype, type=conv2d]; -"features/5/squeeze_activation/relu_/0" [id=35, metatype=PTRELUMetatype, type=relu_]; -"features.5.expand1x1.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.expand1x1.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/expand1x1/conv2d/0" [id=38, metatype=PTConv2dMetatype, type=conv2d]; -"features/5/expand1x1_activation/relu_/0" [id=39, metatype=PTRELUMetatype, type=relu_]; -"features.5.expand3x3.weight" [id=40, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.expand3x3.bias" [id=41, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/expand3x3/conv2d/0" [id=42, metatype=PTConv2dMetatype, type=conv2d]; -"features/5/expand3x3_activation/relu_/0" [id=43, metatype=PTRELUMetatype, type=relu_]; -"features/5/cat/0" [id=44, metatype=PTCatMetatype, type=cat]; -"features/6/max_pool2d/0" [id=45, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.7.squeeze.weight" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.squeeze.bias" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/squeeze/conv2d/0" [id=48, metatype=PTConv2dMetatype, type=conv2d]; -"features/7/squeeze_activation/relu_/0" [id=49, metatype=PTRELUMetatype, type=relu_]; -"features.7.expand1x1.weight" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.expand1x1.bias" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/expand1x1/conv2d/0" [id=52, metatype=PTConv2dMetatype, type=conv2d]; -"features/7/expand1x1_activation/relu_/0" [id=53, metatype=PTRELUMetatype, type=relu_]; -"features.7.expand3x3.weight" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.expand3x3.bias" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/expand3x3/conv2d/0" [id=56, metatype=PTConv2dMetatype, type=conv2d]; -"features/7/expand3x3_activation/relu_/0" [id=57, metatype=PTRELUMetatype, type=relu_]; -"features/7/cat/0" [id=58, metatype=PTCatMetatype, type=cat]; -"features.8.squeeze.weight" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.squeeze.bias" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/squeeze/conv2d/0" [id=61, metatype=PTConv2dMetatype, type=conv2d]; -"features/8/squeeze_activation/relu_/0" [id=62, metatype=PTRELUMetatype, type=relu_]; -"features.8.expand1x1.weight" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.expand1x1.bias" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/expand1x1/conv2d/0" [id=65, metatype=PTConv2dMetatype, type=conv2d]; -"features/8/expand1x1_activation/relu_/0" [id=66, metatype=PTRELUMetatype, type=relu_]; -"features.8.expand3x3.weight" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.expand3x3.bias" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/expand3x3/conv2d/0" [id=69, metatype=PTConv2dMetatype, type=conv2d]; -"features/8/expand3x3_activation/relu_/0" [id=70, metatype=PTRELUMetatype, type=relu_]; -"features/8/cat/0" [id=71, metatype=PTCatMetatype, type=cat]; -"features.9.squeeze.weight" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.squeeze.bias" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/squeeze/conv2d/0" [id=74, metatype=PTConv2dMetatype, type=conv2d]; -"features/9/squeeze_activation/relu_/0" [id=75, metatype=PTRELUMetatype, type=relu_]; -"features.9.expand1x1.weight" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.expand1x1.bias" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/expand1x1/conv2d/0" [id=78, metatype=PTConv2dMetatype, type=conv2d]; -"features/9/expand1x1_activation/relu_/0" [id=79, metatype=PTRELUMetatype, type=relu_]; -"features.9.expand3x3.weight" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.expand3x3.bias" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/expand3x3/conv2d/0" [id=82, metatype=PTConv2dMetatype, type=conv2d]; -"features/9/expand3x3_activation/relu_/0" [id=83, metatype=PTRELUMetatype, type=relu_]; -"features/9/cat/0" [id=84, metatype=PTCatMetatype, type=cat]; -"features.10.squeeze.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.squeeze.bias" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/squeeze/conv2d/0" [id=87, metatype=PTConv2dMetatype, type=conv2d]; -"features/10/squeeze_activation/relu_/0" [id=88, metatype=PTRELUMetatype, type=relu_]; -"features.10.expand1x1.weight" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.expand1x1.bias" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/expand1x1/conv2d/0" [id=91, metatype=PTConv2dMetatype, type=conv2d]; -"features/10/expand1x1_activation/relu_/0" [id=92, metatype=PTRELUMetatype, type=relu_]; -"features.10.expand3x3.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.expand3x3.bias" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/expand3x3/conv2d/0" [id=95, metatype=PTConv2dMetatype, type=conv2d]; -"features/10/expand3x3_activation/relu_/0" [id=96, metatype=PTRELUMetatype, type=relu_]; -"features/10/cat/0" [id=97, metatype=PTCatMetatype, type=cat]; -"features/11/max_pool2d/0" [id=98, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.12.squeeze.weight" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.squeeze.bias" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/squeeze/conv2d/0" [id=101, metatype=PTConv2dMetatype, type=conv2d]; -"features/12/squeeze_activation/relu_/0" [id=102, metatype=PTRELUMetatype, type=relu_]; -"features.12.expand1x1.weight" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.expand1x1.bias" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/expand1x1/conv2d/0" [id=105, metatype=PTConv2dMetatype, type=conv2d]; -"features/12/expand1x1_activation/relu_/0" [id=106, metatype=PTRELUMetatype, type=relu_]; -"features.12.expand3x3.weight" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.expand3x3.bias" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/expand3x3/conv2d/0" [id=109, metatype=PTConv2dMetatype, type=conv2d]; -"features/12/expand3x3_activation/relu_/0" [id=110, metatype=PTRELUMetatype, type=relu_]; -"features/12/cat/0" [id=111, metatype=PTCatMetatype, type=cat]; -"classifier/0/dropout/0" [id=112, metatype=PTDropoutMetatype, type=dropout]; -"classifier.1.weight" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.1.bias" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/1/conv2d/0" [id=115, metatype=PTConv2dMetatype, type=conv2d]; -"classifier/2/relu_/0" [id=116, metatype=PTRELUMetatype, type=relu_]; -"classifier/3/adaptive_avg_pool2d/0" [id=117, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"/flatten/0" [id=118, metatype=PTReshapeMetatype, type=flatten]; -output [id=119, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "features/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; -"features.0.weight" -> "features/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 3, 7, 7)"]; -"features.0.bias" -> "features/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 29, 29)"]; -"features/1/relu_/0" -> "features/2/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 29, 29)"]; -"features/2/max_pool2d/0" -> "features/3/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 14, 14)"]; -"features.3.squeeze.weight" -> "features/3/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 96, 1, 1)"]; -"features.3.squeeze.bias" -> "features/3/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"features/3/squeeze/conv2d/0" -> "features/3/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 14, 14)"]; -"features/3/squeeze_activation/relu_/0" -> "features/3/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 14, 14)"]; -"features/3/squeeze_activation/relu_/0" -> "features/3/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 14, 14)"]; -"features.3.expand1x1.weight" -> "features/3/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 1, 1)"]; -"features.3.expand1x1.bias" -> "features/3/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features/3/expand1x1/conv2d/0" -> "features/3/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 14, 14)"]; -"features/3/expand1x1_activation/relu_/0" -> "features/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 14, 14)"]; -"features.3.expand3x3.weight" -> "features/3/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 3, 3)"]; -"features.3.expand3x3.bias" -> "features/3/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features/3/expand3x3/conv2d/0" -> "features/3/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 14, 14)"]; -"features/3/expand3x3_activation/relu_/0" -> "features/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 14, 14)"]; -"features/3/cat/0" -> "features/4/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 14, 14)"]; -"features.4.squeeze.weight" -> "features/4/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 128, 1, 1)"]; -"features.4.squeeze.bias" -> "features/4/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"features/4/squeeze/conv2d/0" -> "features/4/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 14, 14)"]; -"features/4/squeeze_activation/relu_/0" -> "features/4/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 14, 14)"]; -"features/4/squeeze_activation/relu_/0" -> "features/4/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 14, 14)"]; -"features.4.expand1x1.weight" -> "features/4/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 1, 1)"]; -"features.4.expand1x1.bias" -> "features/4/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features/4/expand1x1/conv2d/0" -> "features/4/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 14, 14)"]; -"features/4/expand1x1_activation/relu_/0" -> "features/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 14, 14)"]; -"features.4.expand3x3.weight" -> "features/4/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 3, 3)"]; -"features.4.expand3x3.bias" -> "features/4/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features/4/expand3x3/conv2d/0" -> "features/4/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 14, 14)"]; -"features/4/expand3x3_activation/relu_/0" -> "features/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 14, 14)"]; -"features/4/cat/0" -> "features/5/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 14, 14)"]; -"features.5.squeeze.weight" -> "features/5/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 1, 1)"]; -"features.5.squeeze.bias" -> "features/5/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features/5/squeeze/conv2d/0" -> "features/5/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 14, 14)"]; -"features/5/squeeze_activation/relu_/0" -> "features/5/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 14, 14)"]; -"features/5/squeeze_activation/relu_/0" -> "features/5/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 14, 14)"]; -"features.5.expand1x1.weight" -> "features/5/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 1, 1)"]; -"features.5.expand1x1.bias" -> "features/5/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features/5/expand1x1/conv2d/0" -> "features/5/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 14, 14)"]; -"features/5/expand1x1_activation/relu_/0" -> "features/5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 14, 14)"]; -"features.5.expand3x3.weight" -> "features/5/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 3, 3)"]; -"features.5.expand3x3.bias" -> "features/5/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features/5/expand3x3/conv2d/0" -> "features/5/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 14, 14)"]; -"features/5/expand3x3_activation/relu_/0" -> "features/5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 14, 14)"]; -"features/5/cat/0" -> "features/6/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 14, 14)"]; -"features/6/max_pool2d/0" -> "features/7/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 7, 7)"]; -"features.7.squeeze.weight" -> "features/7/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 256, 1, 1)"]; -"features.7.squeeze.bias" -> "features/7/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features/7/squeeze/conv2d/0" -> "features/7/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 7, 7)"]; -"features/7/squeeze_activation/relu_/0" -> "features/7/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 7, 7)"]; -"features/7/squeeze_activation/relu_/0" -> "features/7/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 7, 7)"]; -"features.7.expand1x1.weight" -> "features/7/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 1, 1)"]; -"features.7.expand1x1.bias" -> "features/7/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features/7/expand1x1/conv2d/0" -> "features/7/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 7, 7)"]; -"features/7/expand1x1_activation/relu_/0" -> "features/7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 7, 7)"]; -"features.7.expand3x3.weight" -> "features/7/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 3, 3)"]; -"features.7.expand3x3.bias" -> "features/7/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features/7/expand3x3/conv2d/0" -> "features/7/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 7, 7)"]; -"features/7/expand3x3_activation/relu_/0" -> "features/7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 7, 7)"]; -"features/7/cat/0" -> "features/8/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 7, 7)"]; -"features.8.squeeze.weight" -> "features/8/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 256, 1, 1)"]; -"features.8.squeeze.bias" -> "features/8/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"features/8/squeeze/conv2d/0" -> "features/8/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 7, 7)"]; -"features/8/squeeze_activation/relu_/0" -> "features/8/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 7, 7)"]; -"features/8/squeeze_activation/relu_/0" -> "features/8/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 7, 7)"]; -"features.8.expand1x1.weight" -> "features/8/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 1, 1)"]; -"features.8.expand1x1.bias" -> "features/8/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features/8/expand1x1/conv2d/0" -> "features/8/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; -"features/8/expand1x1_activation/relu_/0" -> "features/8/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; -"features.8.expand3x3.weight" -> "features/8/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 3, 3)"]; -"features.8.expand3x3.bias" -> "features/8/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features/8/expand3x3/conv2d/0" -> "features/8/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; -"features/8/expand3x3_activation/relu_/0" -> "features/8/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 7, 7)"]; -"features/8/cat/0" -> "features/9/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 7, 7)"]; -"features.9.squeeze.weight" -> "features/9/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 384, 1, 1)"]; -"features.9.squeeze.bias" -> "features/9/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"features/9/squeeze/conv2d/0" -> "features/9/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 7, 7)"]; -"features/9/squeeze_activation/relu_/0" -> "features/9/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 7, 7)"]; -"features/9/squeeze_activation/relu_/0" -> "features/9/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 7, 7)"]; -"features.9.expand1x1.weight" -> "features/9/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 1, 1)"]; -"features.9.expand1x1.bias" -> "features/9/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features/9/expand1x1/conv2d/0" -> "features/9/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; -"features/9/expand1x1_activation/relu_/0" -> "features/9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; -"features.9.expand3x3.weight" -> "features/9/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 3, 3)"]; -"features.9.expand3x3.bias" -> "features/9/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features/9/expand3x3/conv2d/0" -> "features/9/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 7, 7)"]; -"features/9/expand3x3_activation/relu_/0" -> "features/9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 7, 7)"]; -"features/9/cat/0" -> "features/10/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 7, 7)"]; -"features.10.squeeze.weight" -> "features/10/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; -"features.10.squeeze.bias" -> "features/10/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features/10/squeeze/conv2d/0" -> "features/10/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; -"features/10/squeeze_activation/relu_/0" -> "features/10/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; -"features/10/squeeze_activation/relu_/0" -> "features/10/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; -"features.10.expand1x1.weight" -> "features/10/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 1, 1)"]; -"features.10.expand1x1.bias" -> "features/10/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features/10/expand1x1/conv2d/0" -> "features/10/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 7, 7)"]; -"features/10/expand1x1_activation/relu_/0" -> "features/10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 7, 7)"]; -"features.10.expand3x3.weight" -> "features/10/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 3, 3)"]; -"features.10.expand3x3.bias" -> "features/10/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features/10/expand3x3/conv2d/0" -> "features/10/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 7, 7)"]; -"features/10/expand3x3_activation/relu_/0" -> "features/10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 7, 7)"]; -"features/10/cat/0" -> "features/11/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 7, 7)"]; -"features/11/max_pool2d/0" -> "features/12/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 3, 3)"]; -"features.12.squeeze.weight" -> "features/12/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 512, 1, 1)"]; -"features.12.squeeze.bias" -> "features/12/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features/12/squeeze/conv2d/0" -> "features/12/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 3)"]; -"features/12/squeeze_activation/relu_/0" -> "features/12/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 3)"]; -"features/12/squeeze_activation/relu_/0" -> "features/12/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 3)"]; -"features.12.expand1x1.weight" -> "features/12/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 1, 1)"]; -"features.12.expand1x1.bias" -> "features/12/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features/12/expand1x1/conv2d/0" -> "features/12/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 3, 3)"]; -"features/12/expand1x1_activation/relu_/0" -> "features/12/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 3, 3)"]; -"features.12.expand3x3.weight" -> "features/12/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 3, 3)"]; -"features.12.expand3x3.bias" -> "features/12/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features/12/expand3x3/conv2d/0" -> "features/12/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 3, 3)"]; -"features/12/expand3x3_activation/relu_/0" -> "features/12/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 3, 3)"]; -"features/12/cat/0" -> "classifier/0/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 3, 3)"]; -"classifier/0/dropout/0" -> "classifier/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 3, 3)"]; -"classifier.1.weight" -> "classifier/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 512, 1, 1)"]; -"classifier.1.bias" -> "classifier/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"classifier/1/conv2d/0" -> "classifier/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000, 3, 3)"]; -"classifier/2/relu_/0" -> "classifier/3/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000, 3, 3)"]; -"classifier/3/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000, 1, 1)"]; -"/flatten/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"features.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.bias" [id=2, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/conv2d/0" [id=3, type=conv2d, metatype=PTConv2dMetatype]; +"features/1/relu_/0" [id=4, type="relu_", metatype=PTRELUMetatype]; +"features/2/max_pool2d/0" [id=5, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.3.squeeze.weight" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.squeeze.bias" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/squeeze/conv2d/0" [id=8, type=conv2d, metatype=PTConv2dMetatype]; +"features/3/squeeze_activation/relu_/0" [id=9, type="relu_", metatype=PTRELUMetatype]; +"features.3.expand1x1.weight" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.expand1x1.bias" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/expand1x1/conv2d/0" [id=12, type=conv2d, metatype=PTConv2dMetatype]; +"features/3/expand1x1_activation/relu_/0" [id=13, type="relu_", metatype=PTRELUMetatype]; +"features.3.expand3x3.weight" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.expand3x3.bias" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/expand3x3/conv2d/0" [id=16, type=conv2d, metatype=PTConv2dMetatype]; +"features/3/expand3x3_activation/relu_/0" [id=17, type="relu_", metatype=PTRELUMetatype]; +"features/3/cat/0" [id=18, type=cat, metatype=PTCatMetatype]; +"features.4.squeeze.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.squeeze.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/squeeze/conv2d/0" [id=21, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/squeeze_activation/relu_/0" [id=22, type="relu_", metatype=PTRELUMetatype]; +"features.4.expand1x1.weight" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.expand1x1.bias" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/expand1x1/conv2d/0" [id=25, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/expand1x1_activation/relu_/0" [id=26, type="relu_", metatype=PTRELUMetatype]; +"features.4.expand3x3.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.expand3x3.bias" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/expand3x3/conv2d/0" [id=29, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/expand3x3_activation/relu_/0" [id=30, type="relu_", metatype=PTRELUMetatype]; +"features/4/cat/0" [id=31, type=cat, metatype=PTCatMetatype]; +"features.5.squeeze.weight" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.squeeze.bias" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/squeeze/conv2d/0" [id=34, type=conv2d, metatype=PTConv2dMetatype]; +"features/5/squeeze_activation/relu_/0" [id=35, type="relu_", metatype=PTRELUMetatype]; +"features.5.expand1x1.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.expand1x1.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/expand1x1/conv2d/0" [id=38, type=conv2d, metatype=PTConv2dMetatype]; +"features/5/expand1x1_activation/relu_/0" [id=39, type="relu_", metatype=PTRELUMetatype]; +"features.5.expand3x3.weight" [id=40, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.expand3x3.bias" [id=41, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/expand3x3/conv2d/0" [id=42, type=conv2d, metatype=PTConv2dMetatype]; +"features/5/expand3x3_activation/relu_/0" [id=43, type="relu_", metatype=PTRELUMetatype]; +"features/5/cat/0" [id=44, type=cat, metatype=PTCatMetatype]; +"features/6/max_pool2d/0" [id=45, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.7.squeeze.weight" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.squeeze.bias" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/squeeze/conv2d/0" [id=48, type=conv2d, metatype=PTConv2dMetatype]; +"features/7/squeeze_activation/relu_/0" [id=49, type="relu_", metatype=PTRELUMetatype]; +"features.7.expand1x1.weight" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.expand1x1.bias" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/expand1x1/conv2d/0" [id=52, type=conv2d, metatype=PTConv2dMetatype]; +"features/7/expand1x1_activation/relu_/0" [id=53, type="relu_", metatype=PTRELUMetatype]; +"features.7.expand3x3.weight" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.expand3x3.bias" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/expand3x3/conv2d/0" [id=56, type=conv2d, metatype=PTConv2dMetatype]; +"features/7/expand3x3_activation/relu_/0" [id=57, type="relu_", metatype=PTRELUMetatype]; +"features/7/cat/0" [id=58, type=cat, metatype=PTCatMetatype]; +"features.8.squeeze.weight" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.squeeze.bias" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/squeeze/conv2d/0" [id=61, type=conv2d, metatype=PTConv2dMetatype]; +"features/8/squeeze_activation/relu_/0" [id=62, type="relu_", metatype=PTRELUMetatype]; +"features.8.expand1x1.weight" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.expand1x1.bias" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/expand1x1/conv2d/0" [id=65, type=conv2d, metatype=PTConv2dMetatype]; +"features/8/expand1x1_activation/relu_/0" [id=66, type="relu_", metatype=PTRELUMetatype]; +"features.8.expand3x3.weight" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.expand3x3.bias" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/expand3x3/conv2d/0" [id=69, type=conv2d, metatype=PTConv2dMetatype]; +"features/8/expand3x3_activation/relu_/0" [id=70, type="relu_", metatype=PTRELUMetatype]; +"features/8/cat/0" [id=71, type=cat, metatype=PTCatMetatype]; +"features.9.squeeze.weight" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.squeeze.bias" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/squeeze/conv2d/0" [id=74, type=conv2d, metatype=PTConv2dMetatype]; +"features/9/squeeze_activation/relu_/0" [id=75, type="relu_", metatype=PTRELUMetatype]; +"features.9.expand1x1.weight" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.expand1x1.bias" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/expand1x1/conv2d/0" [id=78, type=conv2d, metatype=PTConv2dMetatype]; +"features/9/expand1x1_activation/relu_/0" [id=79, type="relu_", metatype=PTRELUMetatype]; +"features.9.expand3x3.weight" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.expand3x3.bias" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/expand3x3/conv2d/0" [id=82, type=conv2d, metatype=PTConv2dMetatype]; +"features/9/expand3x3_activation/relu_/0" [id=83, type="relu_", metatype=PTRELUMetatype]; +"features/9/cat/0" [id=84, type=cat, metatype=PTCatMetatype]; +"features.10.squeeze.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.squeeze.bias" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/squeeze/conv2d/0" [id=87, type=conv2d, metatype=PTConv2dMetatype]; +"features/10/squeeze_activation/relu_/0" [id=88, type="relu_", metatype=PTRELUMetatype]; +"features.10.expand1x1.weight" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.expand1x1.bias" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/expand1x1/conv2d/0" [id=91, type=conv2d, metatype=PTConv2dMetatype]; +"features/10/expand1x1_activation/relu_/0" [id=92, type="relu_", metatype=PTRELUMetatype]; +"features.10.expand3x3.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.expand3x3.bias" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/expand3x3/conv2d/0" [id=95, type=conv2d, metatype=PTConv2dMetatype]; +"features/10/expand3x3_activation/relu_/0" [id=96, type="relu_", metatype=PTRELUMetatype]; +"features/10/cat/0" [id=97, type=cat, metatype=PTCatMetatype]; +"features/11/max_pool2d/0" [id=98, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.12.squeeze.weight" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.squeeze.bias" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/squeeze/conv2d/0" [id=101, type=conv2d, metatype=PTConv2dMetatype]; +"features/12/squeeze_activation/relu_/0" [id=102, type="relu_", metatype=PTRELUMetatype]; +"features.12.expand1x1.weight" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.expand1x1.bias" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/expand1x1/conv2d/0" [id=105, type=conv2d, metatype=PTConv2dMetatype]; +"features/12/expand1x1_activation/relu_/0" [id=106, type="relu_", metatype=PTRELUMetatype]; +"features.12.expand3x3.weight" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.expand3x3.bias" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/expand3x3/conv2d/0" [id=109, type=conv2d, metatype=PTConv2dMetatype]; +"features/12/expand3x3_activation/relu_/0" [id=110, type="relu_", metatype=PTRELUMetatype]; +"features/12/cat/0" [id=111, type=cat, metatype=PTCatMetatype]; +"classifier/0/dropout/0" [id=112, type=dropout, metatype=PTDropoutMetatype]; +"classifier.1.weight" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.1.bias" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/1/conv2d/0" [id=115, type=conv2d, metatype=PTConv2dMetatype]; +"classifier/2/relu_/0" [id=116, type="relu_", metatype=PTRELUMetatype]; +"classifier/3/adaptive_avg_pool2d/0" [id=117, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"/flatten/0" [id=118, type=flatten, metatype=PTReshapeMetatype]; +output [id=119, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "features/0/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; +"features.0.weight" -> "features/0/conv2d/0" [dtype=float, shape="(96, 3, 7, 7)", out_port_id=0, in_port_id=1]; +"features.0.bias" -> "features/0/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, shape="(1, 96, 29, 29)", out_port_id=0, in_port_id=0]; +"features/1/relu_/0" -> "features/2/max_pool2d/0" [dtype=float, shape="(1, 96, 29, 29)", out_port_id=0, in_port_id=0]; +"features/2/max_pool2d/0" -> "features/3/squeeze/conv2d/0" [dtype=float, shape="(1, 96, 14, 14)", out_port_id=0, in_port_id=0]; +"features.3.squeeze.weight" -> "features/3/squeeze/conv2d/0" [dtype=float, shape="(16, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features.3.squeeze.bias" -> "features/3/squeeze/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"features/3/squeeze/conv2d/0" -> "features/3/squeeze_activation/relu_/0" [dtype=float, shape="(1, 16, 14, 14)", out_port_id=0, in_port_id=0]; +"features/3/squeeze_activation/relu_/0" -> "features/3/expand1x1/conv2d/0" [dtype=float, shape="(1, 16, 14, 14)", out_port_id=0, in_port_id=0]; +"features/3/squeeze_activation/relu_/0" -> "features/3/expand3x3/conv2d/0" [dtype=float, shape="(1, 16, 14, 14)", out_port_id=0, in_port_id=0]; +"features.3.expand1x1.weight" -> "features/3/expand1x1/conv2d/0" [dtype=float, shape="(64, 16, 1, 1)", out_port_id=0, in_port_id=1]; +"features.3.expand1x1.bias" -> "features/3/expand1x1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features/3/expand1x1/conv2d/0" -> "features/3/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=0]; +"features/3/expand1x1_activation/relu_/0" -> "features/3/cat/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=0]; +"features.3.expand3x3.weight" -> "features/3/expand3x3/conv2d/0" [dtype=float, shape="(64, 16, 3, 3)", out_port_id=0, in_port_id=1]; +"features.3.expand3x3.bias" -> "features/3/expand3x3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features/3/expand3x3/conv2d/0" -> "features/3/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=0]; +"features/3/expand3x3_activation/relu_/0" -> "features/3/cat/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=1]; +"features/3/cat/0" -> "features/4/squeeze/conv2d/0" [dtype=float, shape="(1, 128, 14, 14)", out_port_id=0, in_port_id=0]; +"features.4.squeeze.weight" -> "features/4/squeeze/conv2d/0" [dtype=float, shape="(16, 128, 1, 1)", out_port_id=0, in_port_id=1]; +"features.4.squeeze.bias" -> "features/4/squeeze/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"features/4/squeeze/conv2d/0" -> "features/4/squeeze_activation/relu_/0" [dtype=float, shape="(1, 16, 14, 14)", out_port_id=0, in_port_id=0]; +"features/4/squeeze_activation/relu_/0" -> "features/4/expand1x1/conv2d/0" [dtype=float, shape="(1, 16, 14, 14)", out_port_id=0, in_port_id=0]; +"features/4/squeeze_activation/relu_/0" -> "features/4/expand3x3/conv2d/0" [dtype=float, shape="(1, 16, 14, 14)", out_port_id=0, in_port_id=0]; +"features.4.expand1x1.weight" -> "features/4/expand1x1/conv2d/0" [dtype=float, shape="(64, 16, 1, 1)", out_port_id=0, in_port_id=1]; +"features.4.expand1x1.bias" -> "features/4/expand1x1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features/4/expand1x1/conv2d/0" -> "features/4/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=0]; +"features/4/expand1x1_activation/relu_/0" -> "features/4/cat/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=0]; +"features.4.expand3x3.weight" -> "features/4/expand3x3/conv2d/0" [dtype=float, shape="(64, 16, 3, 3)", out_port_id=0, in_port_id=1]; +"features.4.expand3x3.bias" -> "features/4/expand3x3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features/4/expand3x3/conv2d/0" -> "features/4/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=0]; +"features/4/expand3x3_activation/relu_/0" -> "features/4/cat/0" [dtype=float, shape="(1, 64, 14, 14)", out_port_id=0, in_port_id=1]; +"features/4/cat/0" -> "features/5/squeeze/conv2d/0" [dtype=float, shape="(1, 128, 14, 14)", out_port_id=0, in_port_id=0]; +"features.5.squeeze.weight" -> "features/5/squeeze/conv2d/0" [dtype=float, shape="(32, 128, 1, 1)", out_port_id=0, in_port_id=1]; +"features.5.squeeze.bias" -> "features/5/squeeze/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features/5/squeeze/conv2d/0" -> "features/5/squeeze_activation/relu_/0" [dtype=float, shape="(1, 32, 14, 14)", out_port_id=0, in_port_id=0]; +"features/5/squeeze_activation/relu_/0" -> "features/5/expand1x1/conv2d/0" [dtype=float, shape="(1, 32, 14, 14)", out_port_id=0, in_port_id=0]; +"features/5/squeeze_activation/relu_/0" -> "features/5/expand3x3/conv2d/0" [dtype=float, shape="(1, 32, 14, 14)", out_port_id=0, in_port_id=0]; +"features.5.expand1x1.weight" -> "features/5/expand1x1/conv2d/0" [dtype=float, shape="(128, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features.5.expand1x1.bias" -> "features/5/expand1x1/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features/5/expand1x1/conv2d/0" -> "features/5/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 128, 14, 14)", out_port_id=0, in_port_id=0]; +"features/5/expand1x1_activation/relu_/0" -> "features/5/cat/0" [dtype=float, shape="(1, 128, 14, 14)", out_port_id=0, in_port_id=0]; +"features.5.expand3x3.weight" -> "features/5/expand3x3/conv2d/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"features.5.expand3x3.bias" -> "features/5/expand3x3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features/5/expand3x3/conv2d/0" -> "features/5/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 128, 14, 14)", out_port_id=0, in_port_id=0]; +"features/5/expand3x3_activation/relu_/0" -> "features/5/cat/0" [dtype=float, shape="(1, 128, 14, 14)", out_port_id=0, in_port_id=1]; +"features/5/cat/0" -> "features/6/max_pool2d/0" [dtype=float, shape="(1, 256, 14, 14)", out_port_id=0, in_port_id=0]; +"features/6/max_pool2d/0" -> "features/7/squeeze/conv2d/0" [dtype=float, shape="(1, 256, 7, 7)", out_port_id=0, in_port_id=0]; +"features.7.squeeze.weight" -> "features/7/squeeze/conv2d/0" [dtype=float, shape="(32, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"features.7.squeeze.bias" -> "features/7/squeeze/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features/7/squeeze/conv2d/0" -> "features/7/squeeze_activation/relu_/0" [dtype=float, shape="(1, 32, 7, 7)", out_port_id=0, in_port_id=0]; +"features/7/squeeze_activation/relu_/0" -> "features/7/expand1x1/conv2d/0" [dtype=float, shape="(1, 32, 7, 7)", out_port_id=0, in_port_id=0]; +"features/7/squeeze_activation/relu_/0" -> "features/7/expand3x3/conv2d/0" [dtype=float, shape="(1, 32, 7, 7)", out_port_id=0, in_port_id=0]; +"features.7.expand1x1.weight" -> "features/7/expand1x1/conv2d/0" [dtype=float, shape="(128, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features.7.expand1x1.bias" -> "features/7/expand1x1/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features/7/expand1x1/conv2d/0" -> "features/7/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 128, 7, 7)", out_port_id=0, in_port_id=0]; +"features/7/expand1x1_activation/relu_/0" -> "features/7/cat/0" [dtype=float, shape="(1, 128, 7, 7)", out_port_id=0, in_port_id=0]; +"features.7.expand3x3.weight" -> "features/7/expand3x3/conv2d/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"features.7.expand3x3.bias" -> "features/7/expand3x3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features/7/expand3x3/conv2d/0" -> "features/7/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 128, 7, 7)", out_port_id=0, in_port_id=0]; +"features/7/expand3x3_activation/relu_/0" -> "features/7/cat/0" [dtype=float, shape="(1, 128, 7, 7)", out_port_id=0, in_port_id=1]; +"features/7/cat/0" -> "features/8/squeeze/conv2d/0" [dtype=float, shape="(1, 256, 7, 7)", out_port_id=0, in_port_id=0]; +"features.8.squeeze.weight" -> "features/8/squeeze/conv2d/0" [dtype=float, shape="(48, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"features.8.squeeze.bias" -> "features/8/squeeze/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"features/8/squeeze/conv2d/0" -> "features/8/squeeze_activation/relu_/0" [dtype=float, shape="(1, 48, 7, 7)", out_port_id=0, in_port_id=0]; +"features/8/squeeze_activation/relu_/0" -> "features/8/expand1x1/conv2d/0" [dtype=float, shape="(1, 48, 7, 7)", out_port_id=0, in_port_id=0]; +"features/8/squeeze_activation/relu_/0" -> "features/8/expand3x3/conv2d/0" [dtype=float, shape="(1, 48, 7, 7)", out_port_id=0, in_port_id=0]; +"features.8.expand1x1.weight" -> "features/8/expand1x1/conv2d/0" [dtype=float, shape="(192, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"features.8.expand1x1.bias" -> "features/8/expand1x1/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features/8/expand1x1/conv2d/0" -> "features/8/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; +"features/8/expand1x1_activation/relu_/0" -> "features/8/cat/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; +"features.8.expand3x3.weight" -> "features/8/expand3x3/conv2d/0" [dtype=float, shape="(192, 48, 3, 3)", out_port_id=0, in_port_id=1]; +"features.8.expand3x3.bias" -> "features/8/expand3x3/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features/8/expand3x3/conv2d/0" -> "features/8/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; +"features/8/expand3x3_activation/relu_/0" -> "features/8/cat/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=1]; +"features/8/cat/0" -> "features/9/squeeze/conv2d/0" [dtype=float, shape="(1, 384, 7, 7)", out_port_id=0, in_port_id=0]; +"features.9.squeeze.weight" -> "features/9/squeeze/conv2d/0" [dtype=float, shape="(48, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"features.9.squeeze.bias" -> "features/9/squeeze/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"features/9/squeeze/conv2d/0" -> "features/9/squeeze_activation/relu_/0" [dtype=float, shape="(1, 48, 7, 7)", out_port_id=0, in_port_id=0]; +"features/9/squeeze_activation/relu_/0" -> "features/9/expand1x1/conv2d/0" [dtype=float, shape="(1, 48, 7, 7)", out_port_id=0, in_port_id=0]; +"features/9/squeeze_activation/relu_/0" -> "features/9/expand3x3/conv2d/0" [dtype=float, shape="(1, 48, 7, 7)", out_port_id=0, in_port_id=0]; +"features.9.expand1x1.weight" -> "features/9/expand1x1/conv2d/0" [dtype=float, shape="(192, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"features.9.expand1x1.bias" -> "features/9/expand1x1/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features/9/expand1x1/conv2d/0" -> "features/9/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; +"features/9/expand1x1_activation/relu_/0" -> "features/9/cat/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; +"features.9.expand3x3.weight" -> "features/9/expand3x3/conv2d/0" [dtype=float, shape="(192, 48, 3, 3)", out_port_id=0, in_port_id=1]; +"features.9.expand3x3.bias" -> "features/9/expand3x3/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features/9/expand3x3/conv2d/0" -> "features/9/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=0]; +"features/9/expand3x3_activation/relu_/0" -> "features/9/cat/0" [dtype=float, shape="(1, 192, 7, 7)", out_port_id=0, in_port_id=1]; +"features/9/cat/0" -> "features/10/squeeze/conv2d/0" [dtype=float, shape="(1, 384, 7, 7)", out_port_id=0, in_port_id=0]; +"features.10.squeeze.weight" -> "features/10/squeeze/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"features.10.squeeze.bias" -> "features/10/squeeze/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features/10/squeeze/conv2d/0" -> "features/10/squeeze_activation/relu_/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; +"features/10/squeeze_activation/relu_/0" -> "features/10/expand1x1/conv2d/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; +"features/10/squeeze_activation/relu_/0" -> "features/10/expand3x3/conv2d/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; +"features.10.expand1x1.weight" -> "features/10/expand1x1/conv2d/0" [dtype=float, shape="(256, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features.10.expand1x1.bias" -> "features/10/expand1x1/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features/10/expand1x1/conv2d/0" -> "features/10/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 256, 7, 7)", out_port_id=0, in_port_id=0]; +"features/10/expand1x1_activation/relu_/0" -> "features/10/cat/0" [dtype=float, shape="(1, 256, 7, 7)", out_port_id=0, in_port_id=0]; +"features.10.expand3x3.weight" -> "features/10/expand3x3/conv2d/0" [dtype=float, shape="(256, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"features.10.expand3x3.bias" -> "features/10/expand3x3/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features/10/expand3x3/conv2d/0" -> "features/10/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 256, 7, 7)", out_port_id=0, in_port_id=0]; +"features/10/expand3x3_activation/relu_/0" -> "features/10/cat/0" [dtype=float, shape="(1, 256, 7, 7)", out_port_id=0, in_port_id=1]; +"features/10/cat/0" -> "features/11/max_pool2d/0" [dtype=float, shape="(1, 512, 7, 7)", out_port_id=0, in_port_id=0]; +"features/11/max_pool2d/0" -> "features/12/squeeze/conv2d/0" [dtype=float, shape="(1, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"features.12.squeeze.weight" -> "features/12/squeeze/conv2d/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"features.12.squeeze.bias" -> "features/12/squeeze/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features/12/squeeze/conv2d/0" -> "features/12/squeeze_activation/relu_/0" [dtype=float, shape="(1, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"features/12/squeeze_activation/relu_/0" -> "features/12/expand1x1/conv2d/0" [dtype=float, shape="(1, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"features/12/squeeze_activation/relu_/0" -> "features/12/expand3x3/conv2d/0" [dtype=float, shape="(1, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"features.12.expand1x1.weight" -> "features/12/expand1x1/conv2d/0" [dtype=float, shape="(256, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features.12.expand1x1.bias" -> "features/12/expand1x1/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features/12/expand1x1/conv2d/0" -> "features/12/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"features/12/expand1x1_activation/relu_/0" -> "features/12/cat/0" [dtype=float, shape="(1, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"features.12.expand3x3.weight" -> "features/12/expand3x3/conv2d/0" [dtype=float, shape="(256, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"features.12.expand3x3.bias" -> "features/12/expand3x3/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features/12/expand3x3/conv2d/0" -> "features/12/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"features/12/expand3x3_activation/relu_/0" -> "features/12/cat/0" [dtype=float, shape="(1, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"features/12/cat/0" -> "classifier/0/dropout/0" [dtype=float, shape="(1, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"classifier/0/dropout/0" -> "classifier/1/conv2d/0" [dtype=float, shape="(1, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"classifier.1.weight" -> "classifier/1/conv2d/0" [dtype=float, shape="(1000, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"classifier.1.bias" -> "classifier/1/conv2d/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"classifier/1/conv2d/0" -> "classifier/2/relu_/0" [dtype=float, shape="(1, 1000, 3, 3)", out_port_id=0, in_port_id=0]; +"classifier/2/relu_/0" -> "classifier/3/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1000, 3, 3)", out_port_id=0, in_port_id=0]; +"classifier/3/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 1000, 1, 1)", out_port_id=0, in_port_id=0]; +"/flatten/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_swin_v2_b.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_swin_v2_b.dot index 4abd8a7c1eb..45bdec141c1 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_swin_v2_b.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_swin_v2_b.dot @@ -1,3722 +1,3722 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"features.0.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.0.bias" [id=2, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/0/conv2d/0" [id=3, metatype=PTConv2dMetatype, type=conv2d]; -"features/0/1/permute/0" [id=4, metatype=UnknownMetatype, type=permute]; -"features.0.2.weight" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.2.bias" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/2/layer_norm/0" [id=7, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.1.0.attn.relative_coords_table" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.attn.cpb_mlp.0.weight" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.attn.cpb_mlp.0.bias" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/attn/cpb_mlp/0/linear/0" [id=11, metatype=PTLinearMetatype, type=linear]; -"features/1/0/attn/cpb_mlp/1/relu_/0" [id=12, metatype=PTRELUMetatype, type=relu_]; -"features.1.0.attn.cpb_mlp.2.weight" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/attn/cpb_mlp/2/linear/0" [id=14, metatype=PTLinearMetatype, type=linear]; -"features/1/0/attn/view/0" [id=15, metatype=PTReshapeMetatype, type=view]; -"features.1.0.attn.relative_position_index" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/attn/__getitem__/0" [id=17, metatype=PTGatherMetatype, type=__getitem__]; -"features/1/0/attn/view/1" [id=18, metatype=PTReshapeMetatype, type=view]; -"features/1/0/attn/permute/0" [id=19, metatype=PTTransposeMetatype, type=permute]; -"features/1/0/attn/contiguous/0" [id=20, metatype=PTNoopMetatype, type=contiguous]; -"features/1/0/attn/unsqueeze/0" [id=21, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/1/0/attn/sigmoid/0" [id=22, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/1/0/attn/mul/0" [id=23, metatype=PTMulMetatype, type=mul]; -"features/1/0/attn/pad/0" [id=24, metatype=PTPadMetatype, type=pad]; -"features/1/0/attn/view/2" [id=25, metatype=PTReshapeMetatype, type=view]; -"features/1/0/attn/permute/1" [id=26, metatype=PTTransposeMetatype, type=permute]; -"features/1/0/attn/reshape/0" [id=27, metatype=PTReshapeMetatype, type=reshape]; -"features.1.0.attn.qkv.bias" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/attn/clone/0" [id=29, metatype=PTNoopMetatype, type=clone]; -"features/1/0/attn/numel/0" [id=30, metatype=UnknownMetatype, type=numel]; -"features/1/0/attn/__getitem__/1" [id=31, metatype=PTGatherMetatype, type=__getitem__]; -"features/1/0/attn/zero_/0" [id=32, metatype=UnknownMetatype, type=zero_]; -"features.1.0.attn.qkv.weight" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/attn/linear/0" [id=34, metatype=PTLinearMetatype, type=linear]; -"features/1/0/attn/reshape/1" [id=35, metatype=PTReshapeMetatype, type=reshape]; -"features/1/0/attn/permute/2" [id=36, metatype=PTTransposeMetatype, type=permute]; -"features/1/0/attn/__getitem__/2" [id=37, metatype=PTGatherMetatype, type=__getitem__]; -"features/1/0/attn/__getitem__/3" [id=38, metatype=PTGatherMetatype, type=__getitem__]; -"features/1/0/attn/__getitem__/4" [id=39, metatype=PTGatherMetatype, type=__getitem__]; -"features/1/0/attn/normalize/0" [id=40, metatype=PTReduceL2, type=normalize]; -"features/1/0/attn/normalize/1" [id=41, metatype=PTReduceL2, type=normalize]; -"features/1/0/attn/transpose/0" [id=42, metatype=PTTransposeMetatype, type=transpose]; -"features/1/0/attn/matmul/0" [id=43, metatype=PTMatMulMetatype, type=matmul]; -"features.1.0.attn.logit_scale" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/attn/clamp/0" [id=45, metatype=UnknownMetatype, type=clamp]; -"features/1/0/attn/exp/0" [id=46, metatype=PTExpMetatype, type=exp]; -"features/1/0/attn/mul/1" [id=47, metatype=PTMulMetatype, type=mul]; -"features/1/0/attn/add/0" [id=48, metatype=PTAddMetatype, type=add]; -"features/1/0/attn/softmax/0" [id=49, metatype=PTSoftmaxMetatype, type=softmax]; -"features/1/0/attn/dropout/0" [id=50, metatype=PTDropoutMetatype, type=dropout]; -"features/1/0/attn/matmul/1" [id=51, metatype=PTMatMulMetatype, type=matmul]; -"features/1/0/attn/transpose/1" [id=52, metatype=PTTransposeMetatype, type=transpose]; -"features/1/0/attn/reshape/2" [id=53, metatype=PTReshapeMetatype, type=reshape]; -"features.1.0.attn.proj.weight" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.attn.proj.bias" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/attn/linear/1" [id=56, metatype=PTLinearMetatype, type=linear]; -"features/1/0/attn/dropout/1" [id=57, metatype=PTDropoutMetatype, type=dropout]; -"features/1/0/attn/view/3" [id=58, metatype=PTReshapeMetatype, type=view]; -"features/1/0/attn/permute/3" [id=59, metatype=PTTransposeMetatype, type=permute]; -"features/1/0/attn/reshape/3" [id=60, metatype=PTReshapeMetatype, type=reshape]; -"features/1/0/attn/__getitem__/5" [id=61, metatype=PTGatherMetatype, type=__getitem__]; -"features/1/0/attn/contiguous/1" [id=62, metatype=PTNoopMetatype, type=contiguous]; -"features.1.0.norm1.weight" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.norm1.bias" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/norm1/layer_norm/0" [id=65, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/1/0/add/0" [id=66, metatype=PTAddMetatype, type=add]; -"features.1.0.mlp.0.weight" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.mlp.0.bias" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/mlp/0/linear/0" [id=69, metatype=PTLinearMetatype, type=linear]; -"features/1/0/mlp/1/gelu/0" [id=70, metatype=PTGELUMetatype, type=gelu]; -"features/1/0/mlp/2/dropout/0" [id=71, metatype=PTDropoutMetatype, type=dropout]; -"features.1.0.mlp.3.weight" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.mlp.3.bias" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/mlp/3/linear/0" [id=74, metatype=PTLinearMetatype, type=linear]; -"features/1/0/mlp/4/dropout/0" [id=75, metatype=PTDropoutMetatype, type=dropout]; -"features.1.0.norm2.weight" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.0.norm2.bias" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/0/norm2/layer_norm/0" [id=78, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/1/0/add/1" [id=79, metatype=PTAddMetatype, type=add]; -"features.1.1.attn.relative_coords_table" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.1.attn.cpb_mlp.0.weight" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.1.attn.cpb_mlp.0.bias" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/attn/cpb_mlp/0/linear/0" [id=83, metatype=PTLinearMetatype, type=linear]; -"features/1/1/attn/cpb_mlp/1/relu_/0" [id=84, metatype=PTRELUMetatype, type=relu_]; -"features.1.1.attn.cpb_mlp.2.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/attn/cpb_mlp/2/linear/0" [id=86, metatype=PTLinearMetatype, type=linear]; -"features/1/1/attn/view/0" [id=87, metatype=PTReshapeMetatype, type=view]; -"features.1.1.attn.relative_position_index" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/attn/__getitem__/0" [id=89, metatype=PTGatherMetatype, type=__getitem__]; -"features/1/1/attn/view/1" [id=90, metatype=PTReshapeMetatype, type=view]; -"features/1/1/attn/permute/0" [id=91, metatype=PTTransposeMetatype, type=permute]; -"features/1/1/attn/contiguous/0" [id=92, metatype=PTNoopMetatype, type=contiguous]; -"features/1/1/attn/unsqueeze/0" [id=93, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/1/1/attn/sigmoid/0" [id=94, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/1/1/attn/mul/0" [id=95, metatype=PTMulMetatype, type=mul]; -"features/1/1/attn/pad/0" [id=96, metatype=PTPadMetatype, type=pad]; -"features/1/1/attn/roll/0" [id=97, metatype=UnknownMetatype, type=roll]; -"features/1/1/attn/view/2" [id=98, metatype=PTReshapeMetatype, type=view]; -"features/1/1/attn/permute/1" [id=99, metatype=PTTransposeMetatype, type=permute]; -"features/1/1/attn/reshape/0" [id=100, metatype=PTReshapeMetatype, type=reshape]; -"features.1.1.attn.qkv.bias" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/attn/clone/0" [id=102, metatype=PTNoopMetatype, type=clone]; -"features/1/1/attn/numel/0" [id=103, metatype=UnknownMetatype, type=numel]; -"features/1/1/attn/__getitem__/1" [id=104, metatype=PTGatherMetatype, type=__getitem__]; -"features/1/1/attn/zero_/0" [id=105, metatype=UnknownMetatype, type=zero_]; -"features.1.1.attn.qkv.weight" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/attn/linear/0" [id=107, metatype=PTLinearMetatype, type=linear]; -"features/1/1/attn/reshape/1" [id=108, metatype=PTReshapeMetatype, type=reshape]; -"features/1/1/attn/permute/2" [id=109, metatype=PTTransposeMetatype, type=permute]; -"features/1/1/attn/__getitem__/2" [id=110, metatype=PTGatherMetatype, type=__getitem__]; -"features/1/1/attn/__getitem__/3" [id=111, metatype=PTGatherMetatype, type=__getitem__]; -"features/1/1/attn/__getitem__/4" [id=112, metatype=PTGatherMetatype, type=__getitem__]; -"features/1/1/attn/normalize/0" [id=113, metatype=PTReduceL2, type=normalize]; -"features/1/1/attn/normalize/1" [id=114, metatype=PTReduceL2, type=normalize]; -"features/1/1/attn/transpose/0" [id=115, metatype=PTTransposeMetatype, type=transpose]; -"features/1/1/attn/matmul/0" [id=116, metatype=PTMatMulMetatype, type=matmul]; -"features.1.1.attn.logit_scale" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/attn/clamp/0" [id=118, metatype=UnknownMetatype, type=clamp]; -"features/1/1/attn/exp/0" [id=119, metatype=PTExpMetatype, type=exp]; -"features/1/1/attn/mul/1" [id=120, metatype=PTMulMetatype, type=mul]; -"features/1/1/attn/add/0" [id=121, metatype=PTAddMetatype, type=add]; -"features/1/1/attn/new_zeros/0" [id=122, metatype=UnknownMetatype, type=new_zeros]; -"features/1/1/attn/__setitem__/0" [id=123, metatype=UnknownMetatype, type=__setitem__]; -"features/1/1/attn/__setitem__/1" [id=124, metatype=UnknownMetatype, type=__setitem__]; -"features/1/1/attn/__setitem__/2" [id=125, metatype=UnknownMetatype, type=__setitem__]; -"features/1/1/attn/__setitem__/3" [id=126, metatype=UnknownMetatype, type=__setitem__]; -"features/1/1/attn/__setitem__/4" [id=127, metatype=UnknownMetatype, type=__setitem__]; -"features/1/1/attn/__setitem__/5" [id=128, metatype=UnknownMetatype, type=__setitem__]; -"features/1/1/attn/__setitem__/6" [id=129, metatype=UnknownMetatype, type=__setitem__]; -"features/1/1/attn/__setitem__/7" [id=130, metatype=UnknownMetatype, type=__setitem__]; -"features/1/1/attn/__setitem__/8" [id=131, metatype=UnknownMetatype, type=__setitem__]; -"features/1/1/attn/view/3" [id=132, metatype=PTReshapeMetatype, type=view]; -"features/1/1/attn/permute/3" [id=133, metatype=PTTransposeMetatype, type=permute]; -"features/1/1/attn/reshape/2" [id=134, metatype=PTReshapeMetatype, type=reshape]; -"features/1/1/attn/unsqueeze/1" [id=135, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/1/1/attn/unsqueeze/2" [id=136, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/1/1/attn/sub/0" [id=137, metatype=PTSubMetatype, type=sub]; -"features/1/1/attn/ne/0" [id=138, metatype=UnknownMetatype, type=ne]; -"features/1/1/attn/masked_fill/0" [id=139, metatype=PTScatterMetatype, type=masked_fill]; -"features/1/1/attn/__eq__/0" [id=140, metatype=PTEqualsMetatype, type=__eq__]; -"features/1/1/attn/masked_fill/1" [id=141, metatype=PTScatterMetatype, type=masked_fill]; -"features/1/1/attn/view/4" [id=142, metatype=PTReshapeMetatype, type=view]; -"features/1/1/attn/unsqueeze/3" [id=143, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/1/1/attn/unsqueeze/4" [id=144, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/1/1/attn/add/1" [id=145, metatype=PTAddMetatype, type=add]; -"features/1/1/attn/view/5" [id=146, metatype=PTReshapeMetatype, type=view]; -"features/1/1/attn/softmax/0" [id=147, metatype=PTSoftmaxMetatype, type=softmax]; -"features/1/1/attn/dropout/0" [id=148, metatype=PTDropoutMetatype, type=dropout]; -"features/1/1/attn/matmul/1" [id=149, metatype=PTMatMulMetatype, type=matmul]; -"features/1/1/attn/transpose/1" [id=150, metatype=PTTransposeMetatype, type=transpose]; -"features/1/1/attn/reshape/3" [id=151, metatype=PTReshapeMetatype, type=reshape]; -"features.1.1.attn.proj.weight" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.1.attn.proj.bias" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/attn/linear/1" [id=154, metatype=PTLinearMetatype, type=linear]; -"features/1/1/attn/dropout/1" [id=155, metatype=PTDropoutMetatype, type=dropout]; -"features/1/1/attn/view/6" [id=156, metatype=PTReshapeMetatype, type=view]; -"features/1/1/attn/permute/4" [id=157, metatype=PTTransposeMetatype, type=permute]; -"features/1/1/attn/reshape/4" [id=158, metatype=PTReshapeMetatype, type=reshape]; -"features/1/1/attn/roll/1" [id=159, metatype=UnknownMetatype, type=roll]; -"features/1/1/attn/__getitem__/5" [id=160, metatype=PTGatherMetatype, type=__getitem__]; -"features/1/1/attn/contiguous/1" [id=161, metatype=PTNoopMetatype, type=contiguous]; -"features.1.1.norm1.weight" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.1.norm1.bias" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/norm1/layer_norm/0" [id=164, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/1/1/add/0" [id=165, metatype=PTAddMetatype, type=add]; -"features.1.1.mlp.0.weight" [id=166, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.1.mlp.0.bias" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/mlp/0/linear/0" [id=168, metatype=PTLinearMetatype, type=linear]; -"features/1/1/mlp/1/gelu/0" [id=169, metatype=PTGELUMetatype, type=gelu]; -"features/1/1/mlp/2/dropout/0" [id=170, metatype=PTDropoutMetatype, type=dropout]; -"features.1.1.mlp.3.weight" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.1.mlp.3.bias" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/mlp/3/linear/0" [id=173, metatype=PTLinearMetatype, type=linear]; -"features/1/1/mlp/4/dropout/0" [id=174, metatype=PTDropoutMetatype, type=dropout]; -"features.1.1.norm2.weight" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.1.norm2.bias" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/1/norm2/layer_norm/0" [id=177, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/1/1/add/1" [id=178, metatype=PTAddMetatype, type=add]; -"features/2/pad/0" [id=179, metatype=PTPadMetatype, type=pad]; -"features/2/__getitem__/0" [id=180, metatype=PTGatherMetatype, type=__getitem__]; -"features/2/__getitem__/1" [id=181, metatype=PTGatherMetatype, type=__getitem__]; -"features/2/__getitem__/2" [id=182, metatype=PTGatherMetatype, type=__getitem__]; -"features/2/__getitem__/3" [id=183, metatype=PTGatherMetatype, type=__getitem__]; -"features/2/cat/0" [id=184, metatype=PTCatMetatype, type=cat]; -"features.2.reduction.weight" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/reduction/linear/0" [id=186, metatype=PTLinearMetatype, type=linear]; -"features.2.norm.weight" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.norm.bias" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/norm/layer_norm/0" [id=189, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.3.0.attn.relative_coords_table" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.attn.cpb_mlp.0.weight" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.attn.cpb_mlp.0.bias" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/attn/cpb_mlp/0/linear/0" [id=193, metatype=PTLinearMetatype, type=linear]; -"features/3/0/attn/cpb_mlp/1/relu_/0" [id=194, metatype=PTRELUMetatype, type=relu_]; -"features.3.0.attn.cpb_mlp.2.weight" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/attn/cpb_mlp/2/linear/0" [id=196, metatype=PTLinearMetatype, type=linear]; -"features/3/0/attn/view/0" [id=197, metatype=PTReshapeMetatype, type=view]; -"features.3.0.attn.relative_position_index" [id=198, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/attn/__getitem__/0" [id=199, metatype=PTGatherMetatype, type=__getitem__]; -"features/3/0/attn/view/1" [id=200, metatype=PTReshapeMetatype, type=view]; -"features/3/0/attn/permute/0" [id=201, metatype=PTTransposeMetatype, type=permute]; -"features/3/0/attn/contiguous/0" [id=202, metatype=PTNoopMetatype, type=contiguous]; -"features/3/0/attn/unsqueeze/0" [id=203, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/3/0/attn/sigmoid/0" [id=204, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/3/0/attn/mul/0" [id=205, metatype=PTMulMetatype, type=mul]; -"features/3/0/attn/pad/0" [id=206, metatype=PTPadMetatype, type=pad]; -"features/3/0/attn/view/2" [id=207, metatype=PTReshapeMetatype, type=view]; -"features/3/0/attn/permute/1" [id=208, metatype=PTTransposeMetatype, type=permute]; -"features/3/0/attn/reshape/0" [id=209, metatype=PTReshapeMetatype, type=reshape]; -"features.3.0.attn.qkv.bias" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/attn/clone/0" [id=211, metatype=PTNoopMetatype, type=clone]; -"features/3/0/attn/numel/0" [id=212, metatype=UnknownMetatype, type=numel]; -"features/3/0/attn/__getitem__/1" [id=213, metatype=PTGatherMetatype, type=__getitem__]; -"features/3/0/attn/zero_/0" [id=214, metatype=UnknownMetatype, type=zero_]; -"features.3.0.attn.qkv.weight" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/attn/linear/0" [id=216, metatype=PTLinearMetatype, type=linear]; -"features/3/0/attn/reshape/1" [id=217, metatype=PTReshapeMetatype, type=reshape]; -"features/3/0/attn/permute/2" [id=218, metatype=PTTransposeMetatype, type=permute]; -"features/3/0/attn/__getitem__/2" [id=219, metatype=PTGatherMetatype, type=__getitem__]; -"features/3/0/attn/__getitem__/3" [id=220, metatype=PTGatherMetatype, type=__getitem__]; -"features/3/0/attn/__getitem__/4" [id=221, metatype=PTGatherMetatype, type=__getitem__]; -"features/3/0/attn/normalize/0" [id=222, metatype=PTReduceL2, type=normalize]; -"features/3/0/attn/normalize/1" [id=223, metatype=PTReduceL2, type=normalize]; -"features/3/0/attn/transpose/0" [id=224, metatype=PTTransposeMetatype, type=transpose]; -"features/3/0/attn/matmul/0" [id=225, metatype=PTMatMulMetatype, type=matmul]; -"features.3.0.attn.logit_scale" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/attn/clamp/0" [id=227, metatype=UnknownMetatype, type=clamp]; -"features/3/0/attn/exp/0" [id=228, metatype=PTExpMetatype, type=exp]; -"features/3/0/attn/mul/1" [id=229, metatype=PTMulMetatype, type=mul]; -"features/3/0/attn/add/0" [id=230, metatype=PTAddMetatype, type=add]; -"features/3/0/attn/softmax/0" [id=231, metatype=PTSoftmaxMetatype, type=softmax]; -"features/3/0/attn/dropout/0" [id=232, metatype=PTDropoutMetatype, type=dropout]; -"features/3/0/attn/matmul/1" [id=233, metatype=PTMatMulMetatype, type=matmul]; -"features/3/0/attn/transpose/1" [id=234, metatype=PTTransposeMetatype, type=transpose]; -"features/3/0/attn/reshape/2" [id=235, metatype=PTReshapeMetatype, type=reshape]; -"features.3.0.attn.proj.weight" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.attn.proj.bias" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/attn/linear/1" [id=238, metatype=PTLinearMetatype, type=linear]; -"features/3/0/attn/dropout/1" [id=239, metatype=PTDropoutMetatype, type=dropout]; -"features/3/0/attn/view/3" [id=240, metatype=PTReshapeMetatype, type=view]; -"features/3/0/attn/permute/3" [id=241, metatype=PTTransposeMetatype, type=permute]; -"features/3/0/attn/reshape/3" [id=242, metatype=PTReshapeMetatype, type=reshape]; -"features/3/0/attn/__getitem__/5" [id=243, metatype=PTGatherMetatype, type=__getitem__]; -"features/3/0/attn/contiguous/1" [id=244, metatype=PTNoopMetatype, type=contiguous]; -"features.3.0.norm1.weight" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.norm1.bias" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/norm1/layer_norm/0" [id=247, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/3/0/add/0" [id=248, metatype=PTAddMetatype, type=add]; -"features.3.0.mlp.0.weight" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.mlp.0.bias" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/mlp/0/linear/0" [id=251, metatype=PTLinearMetatype, type=linear]; -"features/3/0/mlp/1/gelu/0" [id=252, metatype=PTGELUMetatype, type=gelu]; -"features/3/0/mlp/2/dropout/0" [id=253, metatype=PTDropoutMetatype, type=dropout]; -"features.3.0.mlp.3.weight" [id=254, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.mlp.3.bias" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/mlp/3/linear/0" [id=256, metatype=PTLinearMetatype, type=linear]; -"features/3/0/mlp/4/dropout/0" [id=257, metatype=PTDropoutMetatype, type=dropout]; -"features.3.0.norm2.weight" [id=258, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.0.norm2.bias" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/0/norm2/layer_norm/0" [id=260, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/3/0/add/1" [id=261, metatype=PTAddMetatype, type=add]; -"features.3.1.attn.relative_coords_table" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.attn.cpb_mlp.0.weight" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.attn.cpb_mlp.0.bias" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/attn/cpb_mlp/0/linear/0" [id=265, metatype=PTLinearMetatype, type=linear]; -"features/3/1/attn/cpb_mlp/1/relu_/0" [id=266, metatype=PTRELUMetatype, type=relu_]; -"features.3.1.attn.cpb_mlp.2.weight" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/attn/cpb_mlp/2/linear/0" [id=268, metatype=PTLinearMetatype, type=linear]; -"features/3/1/attn/view/0" [id=269, metatype=PTReshapeMetatype, type=view]; -"features.3.1.attn.relative_position_index" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/attn/__getitem__/0" [id=271, metatype=PTGatherMetatype, type=__getitem__]; -"features/3/1/attn/view/1" [id=272, metatype=PTReshapeMetatype, type=view]; -"features/3/1/attn/permute/0" [id=273, metatype=PTTransposeMetatype, type=permute]; -"features/3/1/attn/contiguous/0" [id=274, metatype=PTNoopMetatype, type=contiguous]; -"features/3/1/attn/unsqueeze/0" [id=275, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/3/1/attn/sigmoid/0" [id=276, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/3/1/attn/mul/0" [id=277, metatype=PTMulMetatype, type=mul]; -"features/3/1/attn/pad/0" [id=278, metatype=PTPadMetatype, type=pad]; -"features/3/1/attn/view/2" [id=279, metatype=PTReshapeMetatype, type=view]; -"features/3/1/attn/permute/1" [id=280, metatype=PTTransposeMetatype, type=permute]; -"features/3/1/attn/reshape/0" [id=281, metatype=PTReshapeMetatype, type=reshape]; -"features.3.1.attn.qkv.bias" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/attn/clone/0" [id=283, metatype=PTNoopMetatype, type=clone]; -"features/3/1/attn/numel/0" [id=284, metatype=UnknownMetatype, type=numel]; -"features/3/1/attn/__getitem__/1" [id=285, metatype=PTGatherMetatype, type=__getitem__]; -"features/3/1/attn/zero_/0" [id=286, metatype=UnknownMetatype, type=zero_]; -"features.3.1.attn.qkv.weight" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/attn/linear/0" [id=288, metatype=PTLinearMetatype, type=linear]; -"features/3/1/attn/reshape/1" [id=289, metatype=PTReshapeMetatype, type=reshape]; -"features/3/1/attn/permute/2" [id=290, metatype=PTTransposeMetatype, type=permute]; -"features/3/1/attn/__getitem__/2" [id=291, metatype=PTGatherMetatype, type=__getitem__]; -"features/3/1/attn/__getitem__/3" [id=292, metatype=PTGatherMetatype, type=__getitem__]; -"features/3/1/attn/__getitem__/4" [id=293, metatype=PTGatherMetatype, type=__getitem__]; -"features/3/1/attn/normalize/0" [id=294, metatype=PTReduceL2, type=normalize]; -"features/3/1/attn/normalize/1" [id=295, metatype=PTReduceL2, type=normalize]; -"features/3/1/attn/transpose/0" [id=296, metatype=PTTransposeMetatype, type=transpose]; -"features/3/1/attn/matmul/0" [id=297, metatype=PTMatMulMetatype, type=matmul]; -"features.3.1.attn.logit_scale" [id=298, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/attn/clamp/0" [id=299, metatype=UnknownMetatype, type=clamp]; -"features/3/1/attn/exp/0" [id=300, metatype=PTExpMetatype, type=exp]; -"features/3/1/attn/mul/1" [id=301, metatype=PTMulMetatype, type=mul]; -"features/3/1/attn/add/0" [id=302, metatype=PTAddMetatype, type=add]; -"features/3/1/attn/softmax/0" [id=303, metatype=PTSoftmaxMetatype, type=softmax]; -"features/3/1/attn/dropout/0" [id=304, metatype=PTDropoutMetatype, type=dropout]; -"features/3/1/attn/matmul/1" [id=305, metatype=PTMatMulMetatype, type=matmul]; -"features/3/1/attn/transpose/1" [id=306, metatype=PTTransposeMetatype, type=transpose]; -"features/3/1/attn/reshape/2" [id=307, metatype=PTReshapeMetatype, type=reshape]; -"features.3.1.attn.proj.weight" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.attn.proj.bias" [id=309, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/attn/linear/1" [id=310, metatype=PTLinearMetatype, type=linear]; -"features/3/1/attn/dropout/1" [id=311, metatype=PTDropoutMetatype, type=dropout]; -"features/3/1/attn/view/3" [id=312, metatype=PTReshapeMetatype, type=view]; -"features/3/1/attn/permute/3" [id=313, metatype=PTTransposeMetatype, type=permute]; -"features/3/1/attn/reshape/3" [id=314, metatype=PTReshapeMetatype, type=reshape]; -"features/3/1/attn/__getitem__/5" [id=315, metatype=PTGatherMetatype, type=__getitem__]; -"features/3/1/attn/contiguous/1" [id=316, metatype=PTNoopMetatype, type=contiguous]; -"features.3.1.norm1.weight" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.norm1.bias" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/norm1/layer_norm/0" [id=319, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/3/1/add/0" [id=320, metatype=PTAddMetatype, type=add]; -"features.3.1.mlp.0.weight" [id=321, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.mlp.0.bias" [id=322, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/mlp/0/linear/0" [id=323, metatype=PTLinearMetatype, type=linear]; -"features/3/1/mlp/1/gelu/0" [id=324, metatype=PTGELUMetatype, type=gelu]; -"features/3/1/mlp/2/dropout/0" [id=325, metatype=PTDropoutMetatype, type=dropout]; -"features.3.1.mlp.3.weight" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.mlp.3.bias" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/mlp/3/linear/0" [id=328, metatype=PTLinearMetatype, type=linear]; -"features/3/1/mlp/4/dropout/0" [id=329, metatype=PTDropoutMetatype, type=dropout]; -"features.3.1.norm2.weight" [id=330, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.1.norm2.bias" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/1/norm2/layer_norm/0" [id=332, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/3/1/add/1" [id=333, metatype=PTAddMetatype, type=add]; -"features/4/pad/0" [id=334, metatype=PTPadMetatype, type=pad]; -"features/4/__getitem__/0" [id=335, metatype=PTGatherMetatype, type=__getitem__]; -"features/4/__getitem__/1" [id=336, metatype=PTGatherMetatype, type=__getitem__]; -"features/4/__getitem__/2" [id=337, metatype=PTGatherMetatype, type=__getitem__]; -"features/4/__getitem__/3" [id=338, metatype=PTGatherMetatype, type=__getitem__]; -"features/4/cat/0" [id=339, metatype=PTCatMetatype, type=cat]; -"features.4.reduction.weight" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/reduction/linear/0" [id=341, metatype=PTLinearMetatype, type=linear]; -"features.4.norm.weight" [id=342, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.norm.bias" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/norm/layer_norm/0" [id=344, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.5.0.attn.relative_coords_table" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.attn.cpb_mlp.0.weight" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.attn.cpb_mlp.0.bias" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/attn/cpb_mlp/0/linear/0" [id=348, metatype=PTLinearMetatype, type=linear]; -"features/5/0/attn/cpb_mlp/1/relu_/0" [id=349, metatype=PTRELUMetatype, type=relu_]; -"features.5.0.attn.cpb_mlp.2.weight" [id=350, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/attn/cpb_mlp/2/linear/0" [id=351, metatype=PTLinearMetatype, type=linear]; -"features/5/0/attn/view/0" [id=352, metatype=PTReshapeMetatype, type=view]; -"features.5.0.attn.relative_position_index" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/attn/__getitem__/0" [id=354, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/0/attn/view/1" [id=355, metatype=PTReshapeMetatype, type=view]; -"features/5/0/attn/permute/0" [id=356, metatype=PTTransposeMetatype, type=permute]; -"features/5/0/attn/contiguous/0" [id=357, metatype=PTNoopMetatype, type=contiguous]; -"features/5/0/attn/unsqueeze/0" [id=358, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/0/attn/sigmoid/0" [id=359, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/0/attn/mul/0" [id=360, metatype=PTMulMetatype, type=mul]; -"features/5/0/attn/pad/0" [id=361, metatype=PTPadMetatype, type=pad]; -"features/5/0/attn/view/2" [id=362, metatype=PTReshapeMetatype, type=view]; -"features/5/0/attn/permute/1" [id=363, metatype=PTTransposeMetatype, type=permute]; -"features/5/0/attn/reshape/0" [id=364, metatype=PTReshapeMetatype, type=reshape]; -"features.5.0.attn.qkv.bias" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/attn/clone/0" [id=366, metatype=PTNoopMetatype, type=clone]; -"features/5/0/attn/numel/0" [id=367, metatype=UnknownMetatype, type=numel]; -"features/5/0/attn/__getitem__/1" [id=368, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/0/attn/zero_/0" [id=369, metatype=UnknownMetatype, type=zero_]; -"features.5.0.attn.qkv.weight" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/attn/linear/0" [id=371, metatype=PTLinearMetatype, type=linear]; -"features/5/0/attn/reshape/1" [id=372, metatype=PTReshapeMetatype, type=reshape]; -"features/5/0/attn/permute/2" [id=373, metatype=PTTransposeMetatype, type=permute]; -"features/5/0/attn/__getitem__/2" [id=374, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/0/attn/__getitem__/3" [id=375, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/0/attn/__getitem__/4" [id=376, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/0/attn/normalize/0" [id=377, metatype=PTReduceL2, type=normalize]; -"features/5/0/attn/normalize/1" [id=378, metatype=PTReduceL2, type=normalize]; -"features/5/0/attn/transpose/0" [id=379, metatype=PTTransposeMetatype, type=transpose]; -"features/5/0/attn/matmul/0" [id=380, metatype=PTMatMulMetatype, type=matmul]; -"features.5.0.attn.logit_scale" [id=381, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/attn/clamp/0" [id=382, metatype=UnknownMetatype, type=clamp]; -"features/5/0/attn/exp/0" [id=383, metatype=PTExpMetatype, type=exp]; -"features/5/0/attn/mul/1" [id=384, metatype=PTMulMetatype, type=mul]; -"features/5/0/attn/add/0" [id=385, metatype=PTAddMetatype, type=add]; -"features/5/0/attn/softmax/0" [id=386, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/0/attn/dropout/0" [id=387, metatype=PTDropoutMetatype, type=dropout]; -"features/5/0/attn/matmul/1" [id=388, metatype=PTMatMulMetatype, type=matmul]; -"features/5/0/attn/transpose/1" [id=389, metatype=PTTransposeMetatype, type=transpose]; -"features/5/0/attn/reshape/2" [id=390, metatype=PTReshapeMetatype, type=reshape]; -"features.5.0.attn.proj.weight" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.attn.proj.bias" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/attn/linear/1" [id=393, metatype=PTLinearMetatype, type=linear]; -"features/5/0/attn/dropout/1" [id=394, metatype=PTDropoutMetatype, type=dropout]; -"features/5/0/attn/view/3" [id=395, metatype=PTReshapeMetatype, type=view]; -"features/5/0/attn/permute/3" [id=396, metatype=PTTransposeMetatype, type=permute]; -"features/5/0/attn/reshape/3" [id=397, metatype=PTReshapeMetatype, type=reshape]; -"features/5/0/attn/__getitem__/5" [id=398, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/0/attn/contiguous/1" [id=399, metatype=PTNoopMetatype, type=contiguous]; -"features.5.0.norm1.weight" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.norm1.bias" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/norm1/layer_norm/0" [id=402, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/0/add/0" [id=403, metatype=PTAddMetatype, type=add]; -"features.5.0.mlp.0.weight" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.mlp.0.bias" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/mlp/0/linear/0" [id=406, metatype=PTLinearMetatype, type=linear]; -"features/5/0/mlp/1/gelu/0" [id=407, metatype=PTGELUMetatype, type=gelu]; -"features/5/0/mlp/2/dropout/0" [id=408, metatype=PTDropoutMetatype, type=dropout]; -"features.5.0.mlp.3.weight" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.mlp.3.bias" [id=410, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/mlp/3/linear/0" [id=411, metatype=PTLinearMetatype, type=linear]; -"features/5/0/mlp/4/dropout/0" [id=412, metatype=PTDropoutMetatype, type=dropout]; -"features.5.0.norm2.weight" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.0.norm2.bias" [id=414, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/0/norm2/layer_norm/0" [id=415, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/0/add/1" [id=416, metatype=PTAddMetatype, type=add]; -"features.5.1.attn.relative_coords_table" [id=417, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.attn.cpb_mlp.0.weight" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.attn.cpb_mlp.0.bias" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/attn/cpb_mlp/0/linear/0" [id=420, metatype=PTLinearMetatype, type=linear]; -"features/5/1/attn/cpb_mlp/1/relu_/0" [id=421, metatype=PTRELUMetatype, type=relu_]; -"features.5.1.attn.cpb_mlp.2.weight" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/attn/cpb_mlp/2/linear/0" [id=423, metatype=PTLinearMetatype, type=linear]; -"features/5/1/attn/view/0" [id=424, metatype=PTReshapeMetatype, type=view]; -"features.5.1.attn.relative_position_index" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/attn/__getitem__/0" [id=426, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/1/attn/view/1" [id=427, metatype=PTReshapeMetatype, type=view]; -"features/5/1/attn/permute/0" [id=428, metatype=PTTransposeMetatype, type=permute]; -"features/5/1/attn/contiguous/0" [id=429, metatype=PTNoopMetatype, type=contiguous]; -"features/5/1/attn/unsqueeze/0" [id=430, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/1/attn/sigmoid/0" [id=431, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/1/attn/mul/0" [id=432, metatype=PTMulMetatype, type=mul]; -"features/5/1/attn/pad/0" [id=433, metatype=PTPadMetatype, type=pad]; -"features/5/1/attn/view/2" [id=434, metatype=PTReshapeMetatype, type=view]; -"features/5/1/attn/permute/1" [id=435, metatype=PTTransposeMetatype, type=permute]; -"features/5/1/attn/reshape/0" [id=436, metatype=PTReshapeMetatype, type=reshape]; -"features.5.1.attn.qkv.bias" [id=437, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/attn/clone/0" [id=438, metatype=PTNoopMetatype, type=clone]; -"features/5/1/attn/numel/0" [id=439, metatype=UnknownMetatype, type=numel]; -"features/5/1/attn/__getitem__/1" [id=440, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/1/attn/zero_/0" [id=441, metatype=UnknownMetatype, type=zero_]; -"features.5.1.attn.qkv.weight" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/attn/linear/0" [id=443, metatype=PTLinearMetatype, type=linear]; -"features/5/1/attn/reshape/1" [id=444, metatype=PTReshapeMetatype, type=reshape]; -"features/5/1/attn/permute/2" [id=445, metatype=PTTransposeMetatype, type=permute]; -"features/5/1/attn/__getitem__/2" [id=446, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/1/attn/__getitem__/3" [id=447, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/1/attn/__getitem__/4" [id=448, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/1/attn/normalize/0" [id=449, metatype=PTReduceL2, type=normalize]; -"features/5/1/attn/normalize/1" [id=450, metatype=PTReduceL2, type=normalize]; -"features/5/1/attn/transpose/0" [id=451, metatype=PTTransposeMetatype, type=transpose]; -"features/5/1/attn/matmul/0" [id=452, metatype=PTMatMulMetatype, type=matmul]; -"features.5.1.attn.logit_scale" [id=453, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/attn/clamp/0" [id=454, metatype=UnknownMetatype, type=clamp]; -"features/5/1/attn/exp/0" [id=455, metatype=PTExpMetatype, type=exp]; -"features/5/1/attn/mul/1" [id=456, metatype=PTMulMetatype, type=mul]; -"features/5/1/attn/add/0" [id=457, metatype=PTAddMetatype, type=add]; -"features/5/1/attn/softmax/0" [id=458, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/1/attn/dropout/0" [id=459, metatype=PTDropoutMetatype, type=dropout]; -"features/5/1/attn/matmul/1" [id=460, metatype=PTMatMulMetatype, type=matmul]; -"features/5/1/attn/transpose/1" [id=461, metatype=PTTransposeMetatype, type=transpose]; -"features/5/1/attn/reshape/2" [id=462, metatype=PTReshapeMetatype, type=reshape]; -"features.5.1.attn.proj.weight" [id=463, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.attn.proj.bias" [id=464, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/attn/linear/1" [id=465, metatype=PTLinearMetatype, type=linear]; -"features/5/1/attn/dropout/1" [id=466, metatype=PTDropoutMetatype, type=dropout]; -"features/5/1/attn/view/3" [id=467, metatype=PTReshapeMetatype, type=view]; -"features/5/1/attn/permute/3" [id=468, metatype=PTTransposeMetatype, type=permute]; -"features/5/1/attn/reshape/3" [id=469, metatype=PTReshapeMetatype, type=reshape]; -"features/5/1/attn/__getitem__/5" [id=470, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/1/attn/contiguous/1" [id=471, metatype=PTNoopMetatype, type=contiguous]; -"features.5.1.norm1.weight" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.norm1.bias" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/norm1/layer_norm/0" [id=474, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/1/add/0" [id=475, metatype=PTAddMetatype, type=add]; -"features.5.1.mlp.0.weight" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.mlp.0.bias" [id=477, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/mlp/0/linear/0" [id=478, metatype=PTLinearMetatype, type=linear]; -"features/5/1/mlp/1/gelu/0" [id=479, metatype=PTGELUMetatype, type=gelu]; -"features/5/1/mlp/2/dropout/0" [id=480, metatype=PTDropoutMetatype, type=dropout]; -"features.5.1.mlp.3.weight" [id=481, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.mlp.3.bias" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/mlp/3/linear/0" [id=483, metatype=PTLinearMetatype, type=linear]; -"features/5/1/mlp/4/dropout/0" [id=484, metatype=PTDropoutMetatype, type=dropout]; -"features.5.1.norm2.weight" [id=485, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.1.norm2.bias" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/1/norm2/layer_norm/0" [id=487, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/1/add/1" [id=488, metatype=PTAddMetatype, type=add]; -"features.5.2.attn.relative_coords_table" [id=489, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.attn.cpb_mlp.0.weight" [id=490, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.attn.cpb_mlp.0.bias" [id=491, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/attn/cpb_mlp/0/linear/0" [id=492, metatype=PTLinearMetatype, type=linear]; -"features/5/2/attn/cpb_mlp/1/relu_/0" [id=493, metatype=PTRELUMetatype, type=relu_]; -"features.5.2.attn.cpb_mlp.2.weight" [id=494, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/attn/cpb_mlp/2/linear/0" [id=495, metatype=PTLinearMetatype, type=linear]; -"features/5/2/attn/view/0" [id=496, metatype=PTReshapeMetatype, type=view]; -"features.5.2.attn.relative_position_index" [id=497, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/attn/__getitem__/0" [id=498, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/2/attn/view/1" [id=499, metatype=PTReshapeMetatype, type=view]; -"features/5/2/attn/permute/0" [id=500, metatype=PTTransposeMetatype, type=permute]; -"features/5/2/attn/contiguous/0" [id=501, metatype=PTNoopMetatype, type=contiguous]; -"features/5/2/attn/unsqueeze/0" [id=502, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/2/attn/sigmoid/0" [id=503, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/2/attn/mul/0" [id=504, metatype=PTMulMetatype, type=mul]; -"features/5/2/attn/pad/0" [id=505, metatype=PTPadMetatype, type=pad]; -"features/5/2/attn/view/2" [id=506, metatype=PTReshapeMetatype, type=view]; -"features/5/2/attn/permute/1" [id=507, metatype=PTTransposeMetatype, type=permute]; -"features/5/2/attn/reshape/0" [id=508, metatype=PTReshapeMetatype, type=reshape]; -"features.5.2.attn.qkv.bias" [id=509, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/attn/clone/0" [id=510, metatype=PTNoopMetatype, type=clone]; -"features/5/2/attn/numel/0" [id=511, metatype=UnknownMetatype, type=numel]; -"features/5/2/attn/__getitem__/1" [id=512, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/2/attn/zero_/0" [id=513, metatype=UnknownMetatype, type=zero_]; -"features.5.2.attn.qkv.weight" [id=514, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/attn/linear/0" [id=515, metatype=PTLinearMetatype, type=linear]; -"features/5/2/attn/reshape/1" [id=516, metatype=PTReshapeMetatype, type=reshape]; -"features/5/2/attn/permute/2" [id=517, metatype=PTTransposeMetatype, type=permute]; -"features/5/2/attn/__getitem__/2" [id=518, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/2/attn/__getitem__/3" [id=519, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/2/attn/__getitem__/4" [id=520, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/2/attn/normalize/0" [id=521, metatype=PTReduceL2, type=normalize]; -"features/5/2/attn/normalize/1" [id=522, metatype=PTReduceL2, type=normalize]; -"features/5/2/attn/transpose/0" [id=523, metatype=PTTransposeMetatype, type=transpose]; -"features/5/2/attn/matmul/0" [id=524, metatype=PTMatMulMetatype, type=matmul]; -"features.5.2.attn.logit_scale" [id=525, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/attn/clamp/0" [id=526, metatype=UnknownMetatype, type=clamp]; -"features/5/2/attn/exp/0" [id=527, metatype=PTExpMetatype, type=exp]; -"features/5/2/attn/mul/1" [id=528, metatype=PTMulMetatype, type=mul]; -"features/5/2/attn/add/0" [id=529, metatype=PTAddMetatype, type=add]; -"features/5/2/attn/softmax/0" [id=530, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/2/attn/dropout/0" [id=531, metatype=PTDropoutMetatype, type=dropout]; -"features/5/2/attn/matmul/1" [id=532, metatype=PTMatMulMetatype, type=matmul]; -"features/5/2/attn/transpose/1" [id=533, metatype=PTTransposeMetatype, type=transpose]; -"features/5/2/attn/reshape/2" [id=534, metatype=PTReshapeMetatype, type=reshape]; -"features.5.2.attn.proj.weight" [id=535, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.attn.proj.bias" [id=536, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/attn/linear/1" [id=537, metatype=PTLinearMetatype, type=linear]; -"features/5/2/attn/dropout/1" [id=538, metatype=PTDropoutMetatype, type=dropout]; -"features/5/2/attn/view/3" [id=539, metatype=PTReshapeMetatype, type=view]; -"features/5/2/attn/permute/3" [id=540, metatype=PTTransposeMetatype, type=permute]; -"features/5/2/attn/reshape/3" [id=541, metatype=PTReshapeMetatype, type=reshape]; -"features/5/2/attn/__getitem__/5" [id=542, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/2/attn/contiguous/1" [id=543, metatype=PTNoopMetatype, type=contiguous]; -"features.5.2.norm1.weight" [id=544, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.norm1.bias" [id=545, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/norm1/layer_norm/0" [id=546, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/2/add/0" [id=547, metatype=PTAddMetatype, type=add]; -"features.5.2.mlp.0.weight" [id=548, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.mlp.0.bias" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/mlp/0/linear/0" [id=550, metatype=PTLinearMetatype, type=linear]; -"features/5/2/mlp/1/gelu/0" [id=551, metatype=PTGELUMetatype, type=gelu]; -"features/5/2/mlp/2/dropout/0" [id=552, metatype=PTDropoutMetatype, type=dropout]; -"features.5.2.mlp.3.weight" [id=553, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.mlp.3.bias" [id=554, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/mlp/3/linear/0" [id=555, metatype=PTLinearMetatype, type=linear]; -"features/5/2/mlp/4/dropout/0" [id=556, metatype=PTDropoutMetatype, type=dropout]; -"features.5.2.norm2.weight" [id=557, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.2.norm2.bias" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/2/norm2/layer_norm/0" [id=559, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/2/add/1" [id=560, metatype=PTAddMetatype, type=add]; -"features.5.3.attn.relative_coords_table" [id=561, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.3.attn.cpb_mlp.0.weight" [id=562, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.3.attn.cpb_mlp.0.bias" [id=563, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/attn/cpb_mlp/0/linear/0" [id=564, metatype=PTLinearMetatype, type=linear]; -"features/5/3/attn/cpb_mlp/1/relu_/0" [id=565, metatype=PTRELUMetatype, type=relu_]; -"features.5.3.attn.cpb_mlp.2.weight" [id=566, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/attn/cpb_mlp/2/linear/0" [id=567, metatype=PTLinearMetatype, type=linear]; -"features/5/3/attn/view/0" [id=568, metatype=PTReshapeMetatype, type=view]; -"features.5.3.attn.relative_position_index" [id=569, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/attn/__getitem__/0" [id=570, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/3/attn/view/1" [id=571, metatype=PTReshapeMetatype, type=view]; -"features/5/3/attn/permute/0" [id=572, metatype=PTTransposeMetatype, type=permute]; -"features/5/3/attn/contiguous/0" [id=573, metatype=PTNoopMetatype, type=contiguous]; -"features/5/3/attn/unsqueeze/0" [id=574, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/3/attn/sigmoid/0" [id=575, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/3/attn/mul/0" [id=576, metatype=PTMulMetatype, type=mul]; -"features/5/3/attn/pad/0" [id=577, metatype=PTPadMetatype, type=pad]; -"features/5/3/attn/view/2" [id=578, metatype=PTReshapeMetatype, type=view]; -"features/5/3/attn/permute/1" [id=579, metatype=PTTransposeMetatype, type=permute]; -"features/5/3/attn/reshape/0" [id=580, metatype=PTReshapeMetatype, type=reshape]; -"features.5.3.attn.qkv.bias" [id=581, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/attn/clone/0" [id=582, metatype=PTNoopMetatype, type=clone]; -"features/5/3/attn/numel/0" [id=583, metatype=UnknownMetatype, type=numel]; -"features/5/3/attn/__getitem__/1" [id=584, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/3/attn/zero_/0" [id=585, metatype=UnknownMetatype, type=zero_]; -"features.5.3.attn.qkv.weight" [id=586, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/attn/linear/0" [id=587, metatype=PTLinearMetatype, type=linear]; -"features/5/3/attn/reshape/1" [id=588, metatype=PTReshapeMetatype, type=reshape]; -"features/5/3/attn/permute/2" [id=589, metatype=PTTransposeMetatype, type=permute]; -"features/5/3/attn/__getitem__/2" [id=590, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/3/attn/__getitem__/3" [id=591, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/3/attn/__getitem__/4" [id=592, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/3/attn/normalize/0" [id=593, metatype=PTReduceL2, type=normalize]; -"features/5/3/attn/normalize/1" [id=594, metatype=PTReduceL2, type=normalize]; -"features/5/3/attn/transpose/0" [id=595, metatype=PTTransposeMetatype, type=transpose]; -"features/5/3/attn/matmul/0" [id=596, metatype=PTMatMulMetatype, type=matmul]; -"features.5.3.attn.logit_scale" [id=597, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/attn/clamp/0" [id=598, metatype=UnknownMetatype, type=clamp]; -"features/5/3/attn/exp/0" [id=599, metatype=PTExpMetatype, type=exp]; -"features/5/3/attn/mul/1" [id=600, metatype=PTMulMetatype, type=mul]; -"features/5/3/attn/add/0" [id=601, metatype=PTAddMetatype, type=add]; -"features/5/3/attn/softmax/0" [id=602, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/3/attn/dropout/0" [id=603, metatype=PTDropoutMetatype, type=dropout]; -"features/5/3/attn/matmul/1" [id=604, metatype=PTMatMulMetatype, type=matmul]; -"features/5/3/attn/transpose/1" [id=605, metatype=PTTransposeMetatype, type=transpose]; -"features/5/3/attn/reshape/2" [id=606, metatype=PTReshapeMetatype, type=reshape]; -"features.5.3.attn.proj.weight" [id=607, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.3.attn.proj.bias" [id=608, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/attn/linear/1" [id=609, metatype=PTLinearMetatype, type=linear]; -"features/5/3/attn/dropout/1" [id=610, metatype=PTDropoutMetatype, type=dropout]; -"features/5/3/attn/view/3" [id=611, metatype=PTReshapeMetatype, type=view]; -"features/5/3/attn/permute/3" [id=612, metatype=PTTransposeMetatype, type=permute]; -"features/5/3/attn/reshape/3" [id=613, metatype=PTReshapeMetatype, type=reshape]; -"features/5/3/attn/__getitem__/5" [id=614, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/3/attn/contiguous/1" [id=615, metatype=PTNoopMetatype, type=contiguous]; -"features.5.3.norm1.weight" [id=616, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.3.norm1.bias" [id=617, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/norm1/layer_norm/0" [id=618, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/3/add/0" [id=619, metatype=PTAddMetatype, type=add]; -"features.5.3.mlp.0.weight" [id=620, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.3.mlp.0.bias" [id=621, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/mlp/0/linear/0" [id=622, metatype=PTLinearMetatype, type=linear]; -"features/5/3/mlp/1/gelu/0" [id=623, metatype=PTGELUMetatype, type=gelu]; -"features/5/3/mlp/2/dropout/0" [id=624, metatype=PTDropoutMetatype, type=dropout]; -"features.5.3.mlp.3.weight" [id=625, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.3.mlp.3.bias" [id=626, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/mlp/3/linear/0" [id=627, metatype=PTLinearMetatype, type=linear]; -"features/5/3/mlp/4/dropout/0" [id=628, metatype=PTDropoutMetatype, type=dropout]; -"features.5.3.norm2.weight" [id=629, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.3.norm2.bias" [id=630, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/3/norm2/layer_norm/0" [id=631, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/3/add/1" [id=632, metatype=PTAddMetatype, type=add]; -"features.5.4.attn.relative_coords_table" [id=633, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.4.attn.cpb_mlp.0.weight" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.4.attn.cpb_mlp.0.bias" [id=635, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/attn/cpb_mlp/0/linear/0" [id=636, metatype=PTLinearMetatype, type=linear]; -"features/5/4/attn/cpb_mlp/1/relu_/0" [id=637, metatype=PTRELUMetatype, type=relu_]; -"features.5.4.attn.cpb_mlp.2.weight" [id=638, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/attn/cpb_mlp/2/linear/0" [id=639, metatype=PTLinearMetatype, type=linear]; -"features/5/4/attn/view/0" [id=640, metatype=PTReshapeMetatype, type=view]; -"features.5.4.attn.relative_position_index" [id=641, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/attn/__getitem__/0" [id=642, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/4/attn/view/1" [id=643, metatype=PTReshapeMetatype, type=view]; -"features/5/4/attn/permute/0" [id=644, metatype=PTTransposeMetatype, type=permute]; -"features/5/4/attn/contiguous/0" [id=645, metatype=PTNoopMetatype, type=contiguous]; -"features/5/4/attn/unsqueeze/0" [id=646, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/4/attn/sigmoid/0" [id=647, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/4/attn/mul/0" [id=648, metatype=PTMulMetatype, type=mul]; -"features/5/4/attn/pad/0" [id=649, metatype=PTPadMetatype, type=pad]; -"features/5/4/attn/view/2" [id=650, metatype=PTReshapeMetatype, type=view]; -"features/5/4/attn/permute/1" [id=651, metatype=PTTransposeMetatype, type=permute]; -"features/5/4/attn/reshape/0" [id=652, metatype=PTReshapeMetatype, type=reshape]; -"features.5.4.attn.qkv.bias" [id=653, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/attn/clone/0" [id=654, metatype=PTNoopMetatype, type=clone]; -"features/5/4/attn/numel/0" [id=655, metatype=UnknownMetatype, type=numel]; -"features/5/4/attn/__getitem__/1" [id=656, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/4/attn/zero_/0" [id=657, metatype=UnknownMetatype, type=zero_]; -"features.5.4.attn.qkv.weight" [id=658, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/attn/linear/0" [id=659, metatype=PTLinearMetatype, type=linear]; -"features/5/4/attn/reshape/1" [id=660, metatype=PTReshapeMetatype, type=reshape]; -"features/5/4/attn/permute/2" [id=661, metatype=PTTransposeMetatype, type=permute]; -"features/5/4/attn/__getitem__/2" [id=662, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/4/attn/__getitem__/3" [id=663, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/4/attn/__getitem__/4" [id=664, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/4/attn/normalize/0" [id=665, metatype=PTReduceL2, type=normalize]; -"features/5/4/attn/normalize/1" [id=666, metatype=PTReduceL2, type=normalize]; -"features/5/4/attn/transpose/0" [id=667, metatype=PTTransposeMetatype, type=transpose]; -"features/5/4/attn/matmul/0" [id=668, metatype=PTMatMulMetatype, type=matmul]; -"features.5.4.attn.logit_scale" [id=669, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/attn/clamp/0" [id=670, metatype=UnknownMetatype, type=clamp]; -"features/5/4/attn/exp/0" [id=671, metatype=PTExpMetatype, type=exp]; -"features/5/4/attn/mul/1" [id=672, metatype=PTMulMetatype, type=mul]; -"features/5/4/attn/add/0" [id=673, metatype=PTAddMetatype, type=add]; -"features/5/4/attn/softmax/0" [id=674, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/4/attn/dropout/0" [id=675, metatype=PTDropoutMetatype, type=dropout]; -"features/5/4/attn/matmul/1" [id=676, metatype=PTMatMulMetatype, type=matmul]; -"features/5/4/attn/transpose/1" [id=677, metatype=PTTransposeMetatype, type=transpose]; -"features/5/4/attn/reshape/2" [id=678, metatype=PTReshapeMetatype, type=reshape]; -"features.5.4.attn.proj.weight" [id=679, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.4.attn.proj.bias" [id=680, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/attn/linear/1" [id=681, metatype=PTLinearMetatype, type=linear]; -"features/5/4/attn/dropout/1" [id=682, metatype=PTDropoutMetatype, type=dropout]; -"features/5/4/attn/view/3" [id=683, metatype=PTReshapeMetatype, type=view]; -"features/5/4/attn/permute/3" [id=684, metatype=PTTransposeMetatype, type=permute]; -"features/5/4/attn/reshape/3" [id=685, metatype=PTReshapeMetatype, type=reshape]; -"features/5/4/attn/__getitem__/5" [id=686, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/4/attn/contiguous/1" [id=687, metatype=PTNoopMetatype, type=contiguous]; -"features.5.4.norm1.weight" [id=688, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.4.norm1.bias" [id=689, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/norm1/layer_norm/0" [id=690, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/4/add/0" [id=691, metatype=PTAddMetatype, type=add]; -"features.5.4.mlp.0.weight" [id=692, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.4.mlp.0.bias" [id=693, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/mlp/0/linear/0" [id=694, metatype=PTLinearMetatype, type=linear]; -"features/5/4/mlp/1/gelu/0" [id=695, metatype=PTGELUMetatype, type=gelu]; -"features/5/4/mlp/2/dropout/0" [id=696, metatype=PTDropoutMetatype, type=dropout]; -"features.5.4.mlp.3.weight" [id=697, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.4.mlp.3.bias" [id=698, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/mlp/3/linear/0" [id=699, metatype=PTLinearMetatype, type=linear]; -"features/5/4/mlp/4/dropout/0" [id=700, metatype=PTDropoutMetatype, type=dropout]; -"features.5.4.norm2.weight" [id=701, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.4.norm2.bias" [id=702, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/4/norm2/layer_norm/0" [id=703, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/4/add/1" [id=704, metatype=PTAddMetatype, type=add]; -"features.5.5.attn.relative_coords_table" [id=705, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.5.attn.cpb_mlp.0.weight" [id=706, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.5.attn.cpb_mlp.0.bias" [id=707, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/attn/cpb_mlp/0/linear/0" [id=708, metatype=PTLinearMetatype, type=linear]; -"features/5/5/attn/cpb_mlp/1/relu_/0" [id=709, metatype=PTRELUMetatype, type=relu_]; -"features.5.5.attn.cpb_mlp.2.weight" [id=710, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/attn/cpb_mlp/2/linear/0" [id=711, metatype=PTLinearMetatype, type=linear]; -"features/5/5/attn/view/0" [id=712, metatype=PTReshapeMetatype, type=view]; -"features.5.5.attn.relative_position_index" [id=713, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/attn/__getitem__/0" [id=714, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/5/attn/view/1" [id=715, metatype=PTReshapeMetatype, type=view]; -"features/5/5/attn/permute/0" [id=716, metatype=PTTransposeMetatype, type=permute]; -"features/5/5/attn/contiguous/0" [id=717, metatype=PTNoopMetatype, type=contiguous]; -"features/5/5/attn/unsqueeze/0" [id=718, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/5/attn/sigmoid/0" [id=719, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/5/attn/mul/0" [id=720, metatype=PTMulMetatype, type=mul]; -"features/5/5/attn/pad/0" [id=721, metatype=PTPadMetatype, type=pad]; -"features/5/5/attn/view/2" [id=722, metatype=PTReshapeMetatype, type=view]; -"features/5/5/attn/permute/1" [id=723, metatype=PTTransposeMetatype, type=permute]; -"features/5/5/attn/reshape/0" [id=724, metatype=PTReshapeMetatype, type=reshape]; -"features.5.5.attn.qkv.bias" [id=725, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/attn/clone/0" [id=726, metatype=PTNoopMetatype, type=clone]; -"features/5/5/attn/numel/0" [id=727, metatype=UnknownMetatype, type=numel]; -"features/5/5/attn/__getitem__/1" [id=728, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/5/attn/zero_/0" [id=729, metatype=UnknownMetatype, type=zero_]; -"features.5.5.attn.qkv.weight" [id=730, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/attn/linear/0" [id=731, metatype=PTLinearMetatype, type=linear]; -"features/5/5/attn/reshape/1" [id=732, metatype=PTReshapeMetatype, type=reshape]; -"features/5/5/attn/permute/2" [id=733, metatype=PTTransposeMetatype, type=permute]; -"features/5/5/attn/__getitem__/2" [id=734, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/5/attn/__getitem__/3" [id=735, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/5/attn/__getitem__/4" [id=736, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/5/attn/normalize/0" [id=737, metatype=PTReduceL2, type=normalize]; -"features/5/5/attn/normalize/1" [id=738, metatype=PTReduceL2, type=normalize]; -"features/5/5/attn/transpose/0" [id=739, metatype=PTTransposeMetatype, type=transpose]; -"features/5/5/attn/matmul/0" [id=740, metatype=PTMatMulMetatype, type=matmul]; -"features.5.5.attn.logit_scale" [id=741, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/attn/clamp/0" [id=742, metatype=UnknownMetatype, type=clamp]; -"features/5/5/attn/exp/0" [id=743, metatype=PTExpMetatype, type=exp]; -"features/5/5/attn/mul/1" [id=744, metatype=PTMulMetatype, type=mul]; -"features/5/5/attn/add/0" [id=745, metatype=PTAddMetatype, type=add]; -"features/5/5/attn/softmax/0" [id=746, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/5/attn/dropout/0" [id=747, metatype=PTDropoutMetatype, type=dropout]; -"features/5/5/attn/matmul/1" [id=748, metatype=PTMatMulMetatype, type=matmul]; -"features/5/5/attn/transpose/1" [id=749, metatype=PTTransposeMetatype, type=transpose]; -"features/5/5/attn/reshape/2" [id=750, metatype=PTReshapeMetatype, type=reshape]; -"features.5.5.attn.proj.weight" [id=751, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.5.attn.proj.bias" [id=752, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/attn/linear/1" [id=753, metatype=PTLinearMetatype, type=linear]; -"features/5/5/attn/dropout/1" [id=754, metatype=PTDropoutMetatype, type=dropout]; -"features/5/5/attn/view/3" [id=755, metatype=PTReshapeMetatype, type=view]; -"features/5/5/attn/permute/3" [id=756, metatype=PTTransposeMetatype, type=permute]; -"features/5/5/attn/reshape/3" [id=757, metatype=PTReshapeMetatype, type=reshape]; -"features/5/5/attn/__getitem__/5" [id=758, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/5/attn/contiguous/1" [id=759, metatype=PTNoopMetatype, type=contiguous]; -"features.5.5.norm1.weight" [id=760, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.5.norm1.bias" [id=761, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/norm1/layer_norm/0" [id=762, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/5/add/0" [id=763, metatype=PTAddMetatype, type=add]; -"features.5.5.mlp.0.weight" [id=764, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.5.mlp.0.bias" [id=765, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/mlp/0/linear/0" [id=766, metatype=PTLinearMetatype, type=linear]; -"features/5/5/mlp/1/gelu/0" [id=767, metatype=PTGELUMetatype, type=gelu]; -"features/5/5/mlp/2/dropout/0" [id=768, metatype=PTDropoutMetatype, type=dropout]; -"features.5.5.mlp.3.weight" [id=769, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.5.mlp.3.bias" [id=770, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/mlp/3/linear/0" [id=771, metatype=PTLinearMetatype, type=linear]; -"features/5/5/mlp/4/dropout/0" [id=772, metatype=PTDropoutMetatype, type=dropout]; -"features.5.5.norm2.weight" [id=773, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.5.norm2.bias" [id=774, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/5/norm2/layer_norm/0" [id=775, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/5/add/1" [id=776, metatype=PTAddMetatype, type=add]; -"features.5.6.attn.relative_coords_table" [id=777, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.6.attn.cpb_mlp.0.weight" [id=778, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.6.attn.cpb_mlp.0.bias" [id=779, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/attn/cpb_mlp/0/linear/0" [id=780, metatype=PTLinearMetatype, type=linear]; -"features/5/6/attn/cpb_mlp/1/relu_/0" [id=781, metatype=PTRELUMetatype, type=relu_]; -"features.5.6.attn.cpb_mlp.2.weight" [id=782, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/attn/cpb_mlp/2/linear/0" [id=783, metatype=PTLinearMetatype, type=linear]; -"features/5/6/attn/view/0" [id=784, metatype=PTReshapeMetatype, type=view]; -"features.5.6.attn.relative_position_index" [id=785, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/attn/__getitem__/0" [id=786, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/6/attn/view/1" [id=787, metatype=PTReshapeMetatype, type=view]; -"features/5/6/attn/permute/0" [id=788, metatype=PTTransposeMetatype, type=permute]; -"features/5/6/attn/contiguous/0" [id=789, metatype=PTNoopMetatype, type=contiguous]; -"features/5/6/attn/unsqueeze/0" [id=790, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/6/attn/sigmoid/0" [id=791, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/6/attn/mul/0" [id=792, metatype=PTMulMetatype, type=mul]; -"features/5/6/attn/pad/0" [id=793, metatype=PTPadMetatype, type=pad]; -"features/5/6/attn/view/2" [id=794, metatype=PTReshapeMetatype, type=view]; -"features/5/6/attn/permute/1" [id=795, metatype=PTTransposeMetatype, type=permute]; -"features/5/6/attn/reshape/0" [id=796, metatype=PTReshapeMetatype, type=reshape]; -"features.5.6.attn.qkv.bias" [id=797, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/attn/clone/0" [id=798, metatype=PTNoopMetatype, type=clone]; -"features/5/6/attn/numel/0" [id=799, metatype=UnknownMetatype, type=numel]; -"features/5/6/attn/__getitem__/1" [id=800, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/6/attn/zero_/0" [id=801, metatype=UnknownMetatype, type=zero_]; -"features.5.6.attn.qkv.weight" [id=802, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/attn/linear/0" [id=803, metatype=PTLinearMetatype, type=linear]; -"features/5/6/attn/reshape/1" [id=804, metatype=PTReshapeMetatype, type=reshape]; -"features/5/6/attn/permute/2" [id=805, metatype=PTTransposeMetatype, type=permute]; -"features/5/6/attn/__getitem__/2" [id=806, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/6/attn/__getitem__/3" [id=807, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/6/attn/__getitem__/4" [id=808, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/6/attn/normalize/0" [id=809, metatype=PTReduceL2, type=normalize]; -"features/5/6/attn/normalize/1" [id=810, metatype=PTReduceL2, type=normalize]; -"features/5/6/attn/transpose/0" [id=811, metatype=PTTransposeMetatype, type=transpose]; -"features/5/6/attn/matmul/0" [id=812, metatype=PTMatMulMetatype, type=matmul]; -"features.5.6.attn.logit_scale" [id=813, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/attn/clamp/0" [id=814, metatype=UnknownMetatype, type=clamp]; -"features/5/6/attn/exp/0" [id=815, metatype=PTExpMetatype, type=exp]; -"features/5/6/attn/mul/1" [id=816, metatype=PTMulMetatype, type=mul]; -"features/5/6/attn/add/0" [id=817, metatype=PTAddMetatype, type=add]; -"features/5/6/attn/softmax/0" [id=818, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/6/attn/dropout/0" [id=819, metatype=PTDropoutMetatype, type=dropout]; -"features/5/6/attn/matmul/1" [id=820, metatype=PTMatMulMetatype, type=matmul]; -"features/5/6/attn/transpose/1" [id=821, metatype=PTTransposeMetatype, type=transpose]; -"features/5/6/attn/reshape/2" [id=822, metatype=PTReshapeMetatype, type=reshape]; -"features.5.6.attn.proj.weight" [id=823, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.6.attn.proj.bias" [id=824, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/attn/linear/1" [id=825, metatype=PTLinearMetatype, type=linear]; -"features/5/6/attn/dropout/1" [id=826, metatype=PTDropoutMetatype, type=dropout]; -"features/5/6/attn/view/3" [id=827, metatype=PTReshapeMetatype, type=view]; -"features/5/6/attn/permute/3" [id=828, metatype=PTTransposeMetatype, type=permute]; -"features/5/6/attn/reshape/3" [id=829, metatype=PTReshapeMetatype, type=reshape]; -"features/5/6/attn/__getitem__/5" [id=830, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/6/attn/contiguous/1" [id=831, metatype=PTNoopMetatype, type=contiguous]; -"features.5.6.norm1.weight" [id=832, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.6.norm1.bias" [id=833, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/norm1/layer_norm/0" [id=834, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/6/add/0" [id=835, metatype=PTAddMetatype, type=add]; -"features.5.6.mlp.0.weight" [id=836, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.6.mlp.0.bias" [id=837, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/mlp/0/linear/0" [id=838, metatype=PTLinearMetatype, type=linear]; -"features/5/6/mlp/1/gelu/0" [id=839, metatype=PTGELUMetatype, type=gelu]; -"features/5/6/mlp/2/dropout/0" [id=840, metatype=PTDropoutMetatype, type=dropout]; -"features.5.6.mlp.3.weight" [id=841, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.6.mlp.3.bias" [id=842, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/mlp/3/linear/0" [id=843, metatype=PTLinearMetatype, type=linear]; -"features/5/6/mlp/4/dropout/0" [id=844, metatype=PTDropoutMetatype, type=dropout]; -"features.5.6.norm2.weight" [id=845, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.6.norm2.bias" [id=846, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/6/norm2/layer_norm/0" [id=847, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/6/add/1" [id=848, metatype=PTAddMetatype, type=add]; -"features.5.7.attn.relative_coords_table" [id=849, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.7.attn.cpb_mlp.0.weight" [id=850, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.7.attn.cpb_mlp.0.bias" [id=851, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/attn/cpb_mlp/0/linear/0" [id=852, metatype=PTLinearMetatype, type=linear]; -"features/5/7/attn/cpb_mlp/1/relu_/0" [id=853, metatype=PTRELUMetatype, type=relu_]; -"features.5.7.attn.cpb_mlp.2.weight" [id=854, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/attn/cpb_mlp/2/linear/0" [id=855, metatype=PTLinearMetatype, type=linear]; -"features/5/7/attn/view/0" [id=856, metatype=PTReshapeMetatype, type=view]; -"features.5.7.attn.relative_position_index" [id=857, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/attn/__getitem__/0" [id=858, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/7/attn/view/1" [id=859, metatype=PTReshapeMetatype, type=view]; -"features/5/7/attn/permute/0" [id=860, metatype=PTTransposeMetatype, type=permute]; -"features/5/7/attn/contiguous/0" [id=861, metatype=PTNoopMetatype, type=contiguous]; -"features/5/7/attn/unsqueeze/0" [id=862, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/7/attn/sigmoid/0" [id=863, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/7/attn/mul/0" [id=864, metatype=PTMulMetatype, type=mul]; -"features/5/7/attn/pad/0" [id=865, metatype=PTPadMetatype, type=pad]; -"features/5/7/attn/view/2" [id=866, metatype=PTReshapeMetatype, type=view]; -"features/5/7/attn/permute/1" [id=867, metatype=PTTransposeMetatype, type=permute]; -"features/5/7/attn/reshape/0" [id=868, metatype=PTReshapeMetatype, type=reshape]; -"features.5.7.attn.qkv.bias" [id=869, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/attn/clone/0" [id=870, metatype=PTNoopMetatype, type=clone]; -"features/5/7/attn/numel/0" [id=871, metatype=UnknownMetatype, type=numel]; -"features/5/7/attn/__getitem__/1" [id=872, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/7/attn/zero_/0" [id=873, metatype=UnknownMetatype, type=zero_]; -"features.5.7.attn.qkv.weight" [id=874, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/attn/linear/0" [id=875, metatype=PTLinearMetatype, type=linear]; -"features/5/7/attn/reshape/1" [id=876, metatype=PTReshapeMetatype, type=reshape]; -"features/5/7/attn/permute/2" [id=877, metatype=PTTransposeMetatype, type=permute]; -"features/5/7/attn/__getitem__/2" [id=878, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/7/attn/__getitem__/3" [id=879, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/7/attn/__getitem__/4" [id=880, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/7/attn/normalize/0" [id=881, metatype=PTReduceL2, type=normalize]; -"features/5/7/attn/normalize/1" [id=882, metatype=PTReduceL2, type=normalize]; -"features/5/7/attn/transpose/0" [id=883, metatype=PTTransposeMetatype, type=transpose]; -"features/5/7/attn/matmul/0" [id=884, metatype=PTMatMulMetatype, type=matmul]; -"features.5.7.attn.logit_scale" [id=885, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/attn/clamp/0" [id=886, metatype=UnknownMetatype, type=clamp]; -"features/5/7/attn/exp/0" [id=887, metatype=PTExpMetatype, type=exp]; -"features/5/7/attn/mul/1" [id=888, metatype=PTMulMetatype, type=mul]; -"features/5/7/attn/add/0" [id=889, metatype=PTAddMetatype, type=add]; -"features/5/7/attn/softmax/0" [id=890, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/7/attn/dropout/0" [id=891, metatype=PTDropoutMetatype, type=dropout]; -"features/5/7/attn/matmul/1" [id=892, metatype=PTMatMulMetatype, type=matmul]; -"features/5/7/attn/transpose/1" [id=893, metatype=PTTransposeMetatype, type=transpose]; -"features/5/7/attn/reshape/2" [id=894, metatype=PTReshapeMetatype, type=reshape]; -"features.5.7.attn.proj.weight" [id=895, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.7.attn.proj.bias" [id=896, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/attn/linear/1" [id=897, metatype=PTLinearMetatype, type=linear]; -"features/5/7/attn/dropout/1" [id=898, metatype=PTDropoutMetatype, type=dropout]; -"features/5/7/attn/view/3" [id=899, metatype=PTReshapeMetatype, type=view]; -"features/5/7/attn/permute/3" [id=900, metatype=PTTransposeMetatype, type=permute]; -"features/5/7/attn/reshape/3" [id=901, metatype=PTReshapeMetatype, type=reshape]; -"features/5/7/attn/__getitem__/5" [id=902, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/7/attn/contiguous/1" [id=903, metatype=PTNoopMetatype, type=contiguous]; -"features.5.7.norm1.weight" [id=904, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.7.norm1.bias" [id=905, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/norm1/layer_norm/0" [id=906, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/7/add/0" [id=907, metatype=PTAddMetatype, type=add]; -"features.5.7.mlp.0.weight" [id=908, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.7.mlp.0.bias" [id=909, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/mlp/0/linear/0" [id=910, metatype=PTLinearMetatype, type=linear]; -"features/5/7/mlp/1/gelu/0" [id=911, metatype=PTGELUMetatype, type=gelu]; -"features/5/7/mlp/2/dropout/0" [id=912, metatype=PTDropoutMetatype, type=dropout]; -"features.5.7.mlp.3.weight" [id=913, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.7.mlp.3.bias" [id=914, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/mlp/3/linear/0" [id=915, metatype=PTLinearMetatype, type=linear]; -"features/5/7/mlp/4/dropout/0" [id=916, metatype=PTDropoutMetatype, type=dropout]; -"features.5.7.norm2.weight" [id=917, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.7.norm2.bias" [id=918, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/7/norm2/layer_norm/0" [id=919, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/7/add/1" [id=920, metatype=PTAddMetatype, type=add]; -"features.5.8.attn.relative_coords_table" [id=921, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.8.attn.cpb_mlp.0.weight" [id=922, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.8.attn.cpb_mlp.0.bias" [id=923, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/attn/cpb_mlp/0/linear/0" [id=924, metatype=PTLinearMetatype, type=linear]; -"features/5/8/attn/cpb_mlp/1/relu_/0" [id=925, metatype=PTRELUMetatype, type=relu_]; -"features.5.8.attn.cpb_mlp.2.weight" [id=926, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/attn/cpb_mlp/2/linear/0" [id=927, metatype=PTLinearMetatype, type=linear]; -"features/5/8/attn/view/0" [id=928, metatype=PTReshapeMetatype, type=view]; -"features.5.8.attn.relative_position_index" [id=929, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/attn/__getitem__/0" [id=930, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/8/attn/view/1" [id=931, metatype=PTReshapeMetatype, type=view]; -"features/5/8/attn/permute/0" [id=932, metatype=PTTransposeMetatype, type=permute]; -"features/5/8/attn/contiguous/0" [id=933, metatype=PTNoopMetatype, type=contiguous]; -"features/5/8/attn/unsqueeze/0" [id=934, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/8/attn/sigmoid/0" [id=935, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/8/attn/mul/0" [id=936, metatype=PTMulMetatype, type=mul]; -"features/5/8/attn/pad/0" [id=937, metatype=PTPadMetatype, type=pad]; -"features/5/8/attn/view/2" [id=938, metatype=PTReshapeMetatype, type=view]; -"features/5/8/attn/permute/1" [id=939, metatype=PTTransposeMetatype, type=permute]; -"features/5/8/attn/reshape/0" [id=940, metatype=PTReshapeMetatype, type=reshape]; -"features.5.8.attn.qkv.bias" [id=941, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/attn/clone/0" [id=942, metatype=PTNoopMetatype, type=clone]; -"features/5/8/attn/numel/0" [id=943, metatype=UnknownMetatype, type=numel]; -"features/5/8/attn/__getitem__/1" [id=944, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/8/attn/zero_/0" [id=945, metatype=UnknownMetatype, type=zero_]; -"features.5.8.attn.qkv.weight" [id=946, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/attn/linear/0" [id=947, metatype=PTLinearMetatype, type=linear]; -"features/5/8/attn/reshape/1" [id=948, metatype=PTReshapeMetatype, type=reshape]; -"features/5/8/attn/permute/2" [id=949, metatype=PTTransposeMetatype, type=permute]; -"features/5/8/attn/__getitem__/2" [id=950, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/8/attn/__getitem__/3" [id=951, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/8/attn/__getitem__/4" [id=952, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/8/attn/normalize/0" [id=953, metatype=PTReduceL2, type=normalize]; -"features/5/8/attn/normalize/1" [id=954, metatype=PTReduceL2, type=normalize]; -"features/5/8/attn/transpose/0" [id=955, metatype=PTTransposeMetatype, type=transpose]; -"features/5/8/attn/matmul/0" [id=956, metatype=PTMatMulMetatype, type=matmul]; -"features.5.8.attn.logit_scale" [id=957, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/attn/clamp/0" [id=958, metatype=UnknownMetatype, type=clamp]; -"features/5/8/attn/exp/0" [id=959, metatype=PTExpMetatype, type=exp]; -"features/5/8/attn/mul/1" [id=960, metatype=PTMulMetatype, type=mul]; -"features/5/8/attn/add/0" [id=961, metatype=PTAddMetatype, type=add]; -"features/5/8/attn/softmax/0" [id=962, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/8/attn/dropout/0" [id=963, metatype=PTDropoutMetatype, type=dropout]; -"features/5/8/attn/matmul/1" [id=964, metatype=PTMatMulMetatype, type=matmul]; -"features/5/8/attn/transpose/1" [id=965, metatype=PTTransposeMetatype, type=transpose]; -"features/5/8/attn/reshape/2" [id=966, metatype=PTReshapeMetatype, type=reshape]; -"features.5.8.attn.proj.weight" [id=967, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.8.attn.proj.bias" [id=968, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/attn/linear/1" [id=969, metatype=PTLinearMetatype, type=linear]; -"features/5/8/attn/dropout/1" [id=970, metatype=PTDropoutMetatype, type=dropout]; -"features/5/8/attn/view/3" [id=971, metatype=PTReshapeMetatype, type=view]; -"features/5/8/attn/permute/3" [id=972, metatype=PTTransposeMetatype, type=permute]; -"features/5/8/attn/reshape/3" [id=973, metatype=PTReshapeMetatype, type=reshape]; -"features/5/8/attn/__getitem__/5" [id=974, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/8/attn/contiguous/1" [id=975, metatype=PTNoopMetatype, type=contiguous]; -"features.5.8.norm1.weight" [id=976, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.8.norm1.bias" [id=977, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/norm1/layer_norm/0" [id=978, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/8/add/0" [id=979, metatype=PTAddMetatype, type=add]; -"features.5.8.mlp.0.weight" [id=980, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.8.mlp.0.bias" [id=981, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/mlp/0/linear/0" [id=982, metatype=PTLinearMetatype, type=linear]; -"features/5/8/mlp/1/gelu/0" [id=983, metatype=PTGELUMetatype, type=gelu]; -"features/5/8/mlp/2/dropout/0" [id=984, metatype=PTDropoutMetatype, type=dropout]; -"features.5.8.mlp.3.weight" [id=985, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.8.mlp.3.bias" [id=986, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/mlp/3/linear/0" [id=987, metatype=PTLinearMetatype, type=linear]; -"features/5/8/mlp/4/dropout/0" [id=988, metatype=PTDropoutMetatype, type=dropout]; -"features.5.8.norm2.weight" [id=989, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.8.norm2.bias" [id=990, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/8/norm2/layer_norm/0" [id=991, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/8/add/1" [id=992, metatype=PTAddMetatype, type=add]; -"features.5.9.attn.relative_coords_table" [id=993, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.9.attn.cpb_mlp.0.weight" [id=994, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.9.attn.cpb_mlp.0.bias" [id=995, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/attn/cpb_mlp/0/linear/0" [id=996, metatype=PTLinearMetatype, type=linear]; -"features/5/9/attn/cpb_mlp/1/relu_/0" [id=997, metatype=PTRELUMetatype, type=relu_]; -"features.5.9.attn.cpb_mlp.2.weight" [id=998, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/attn/cpb_mlp/2/linear/0" [id=999, metatype=PTLinearMetatype, type=linear]; -"features/5/9/attn/view/0" [id=1000, metatype=PTReshapeMetatype, type=view]; -"features.5.9.attn.relative_position_index" [id=1001, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/attn/__getitem__/0" [id=1002, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/9/attn/view/1" [id=1003, metatype=PTReshapeMetatype, type=view]; -"features/5/9/attn/permute/0" [id=1004, metatype=PTTransposeMetatype, type=permute]; -"features/5/9/attn/contiguous/0" [id=1005, metatype=PTNoopMetatype, type=contiguous]; -"features/5/9/attn/unsqueeze/0" [id=1006, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/9/attn/sigmoid/0" [id=1007, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/9/attn/mul/0" [id=1008, metatype=PTMulMetatype, type=mul]; -"features/5/9/attn/pad/0" [id=1009, metatype=PTPadMetatype, type=pad]; -"features/5/9/attn/view/2" [id=1010, metatype=PTReshapeMetatype, type=view]; -"features/5/9/attn/permute/1" [id=1011, metatype=PTTransposeMetatype, type=permute]; -"features/5/9/attn/reshape/0" [id=1012, metatype=PTReshapeMetatype, type=reshape]; -"features.5.9.attn.qkv.bias" [id=1013, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/attn/clone/0" [id=1014, metatype=PTNoopMetatype, type=clone]; -"features/5/9/attn/numel/0" [id=1015, metatype=UnknownMetatype, type=numel]; -"features/5/9/attn/__getitem__/1" [id=1016, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/9/attn/zero_/0" [id=1017, metatype=UnknownMetatype, type=zero_]; -"features.5.9.attn.qkv.weight" [id=1018, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/attn/linear/0" [id=1019, metatype=PTLinearMetatype, type=linear]; -"features/5/9/attn/reshape/1" [id=1020, metatype=PTReshapeMetatype, type=reshape]; -"features/5/9/attn/permute/2" [id=1021, metatype=PTTransposeMetatype, type=permute]; -"features/5/9/attn/__getitem__/2" [id=1022, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/9/attn/__getitem__/3" [id=1023, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/9/attn/__getitem__/4" [id=1024, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/9/attn/normalize/0" [id=1025, metatype=PTReduceL2, type=normalize]; -"features/5/9/attn/normalize/1" [id=1026, metatype=PTReduceL2, type=normalize]; -"features/5/9/attn/transpose/0" [id=1027, metatype=PTTransposeMetatype, type=transpose]; -"features/5/9/attn/matmul/0" [id=1028, metatype=PTMatMulMetatype, type=matmul]; -"features.5.9.attn.logit_scale" [id=1029, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/attn/clamp/0" [id=1030, metatype=UnknownMetatype, type=clamp]; -"features/5/9/attn/exp/0" [id=1031, metatype=PTExpMetatype, type=exp]; -"features/5/9/attn/mul/1" [id=1032, metatype=PTMulMetatype, type=mul]; -"features/5/9/attn/add/0" [id=1033, metatype=PTAddMetatype, type=add]; -"features/5/9/attn/softmax/0" [id=1034, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/9/attn/dropout/0" [id=1035, metatype=PTDropoutMetatype, type=dropout]; -"features/5/9/attn/matmul/1" [id=1036, metatype=PTMatMulMetatype, type=matmul]; -"features/5/9/attn/transpose/1" [id=1037, metatype=PTTransposeMetatype, type=transpose]; -"features/5/9/attn/reshape/2" [id=1038, metatype=PTReshapeMetatype, type=reshape]; -"features.5.9.attn.proj.weight" [id=1039, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.9.attn.proj.bias" [id=1040, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/attn/linear/1" [id=1041, metatype=PTLinearMetatype, type=linear]; -"features/5/9/attn/dropout/1" [id=1042, metatype=PTDropoutMetatype, type=dropout]; -"features/5/9/attn/view/3" [id=1043, metatype=PTReshapeMetatype, type=view]; -"features/5/9/attn/permute/3" [id=1044, metatype=PTTransposeMetatype, type=permute]; -"features/5/9/attn/reshape/3" [id=1045, metatype=PTReshapeMetatype, type=reshape]; -"features/5/9/attn/__getitem__/5" [id=1046, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/9/attn/contiguous/1" [id=1047, metatype=PTNoopMetatype, type=contiguous]; -"features.5.9.norm1.weight" [id=1048, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.9.norm1.bias" [id=1049, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/norm1/layer_norm/0" [id=1050, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/9/add/0" [id=1051, metatype=PTAddMetatype, type=add]; -"features.5.9.mlp.0.weight" [id=1052, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.9.mlp.0.bias" [id=1053, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/mlp/0/linear/0" [id=1054, metatype=PTLinearMetatype, type=linear]; -"features/5/9/mlp/1/gelu/0" [id=1055, metatype=PTGELUMetatype, type=gelu]; -"features/5/9/mlp/2/dropout/0" [id=1056, metatype=PTDropoutMetatype, type=dropout]; -"features.5.9.mlp.3.weight" [id=1057, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.9.mlp.3.bias" [id=1058, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/mlp/3/linear/0" [id=1059, metatype=PTLinearMetatype, type=linear]; -"features/5/9/mlp/4/dropout/0" [id=1060, metatype=PTDropoutMetatype, type=dropout]; -"features.5.9.norm2.weight" [id=1061, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.9.norm2.bias" [id=1062, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/9/norm2/layer_norm/0" [id=1063, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/9/add/1" [id=1064, metatype=PTAddMetatype, type=add]; -"features.5.10.attn.relative_coords_table" [id=1065, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.10.attn.cpb_mlp.0.weight" [id=1066, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.10.attn.cpb_mlp.0.bias" [id=1067, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/attn/cpb_mlp/0/linear/0" [id=1068, metatype=PTLinearMetatype, type=linear]; -"features/5/10/attn/cpb_mlp/1/relu_/0" [id=1069, metatype=PTRELUMetatype, type=relu_]; -"features.5.10.attn.cpb_mlp.2.weight" [id=1070, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/attn/cpb_mlp/2/linear/0" [id=1071, metatype=PTLinearMetatype, type=linear]; -"features/5/10/attn/view/0" [id=1072, metatype=PTReshapeMetatype, type=view]; -"features.5.10.attn.relative_position_index" [id=1073, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/attn/__getitem__/0" [id=1074, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/10/attn/view/1" [id=1075, metatype=PTReshapeMetatype, type=view]; -"features/5/10/attn/permute/0" [id=1076, metatype=PTTransposeMetatype, type=permute]; -"features/5/10/attn/contiguous/0" [id=1077, metatype=PTNoopMetatype, type=contiguous]; -"features/5/10/attn/unsqueeze/0" [id=1078, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/10/attn/sigmoid/0" [id=1079, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/10/attn/mul/0" [id=1080, metatype=PTMulMetatype, type=mul]; -"features/5/10/attn/pad/0" [id=1081, metatype=PTPadMetatype, type=pad]; -"features/5/10/attn/view/2" [id=1082, metatype=PTReshapeMetatype, type=view]; -"features/5/10/attn/permute/1" [id=1083, metatype=PTTransposeMetatype, type=permute]; -"features/5/10/attn/reshape/0" [id=1084, metatype=PTReshapeMetatype, type=reshape]; -"features.5.10.attn.qkv.bias" [id=1085, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/attn/clone/0" [id=1086, metatype=PTNoopMetatype, type=clone]; -"features/5/10/attn/numel/0" [id=1087, metatype=UnknownMetatype, type=numel]; -"features/5/10/attn/__getitem__/1" [id=1088, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/10/attn/zero_/0" [id=1089, metatype=UnknownMetatype, type=zero_]; -"features.5.10.attn.qkv.weight" [id=1090, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/attn/linear/0" [id=1091, metatype=PTLinearMetatype, type=linear]; -"features/5/10/attn/reshape/1" [id=1092, metatype=PTReshapeMetatype, type=reshape]; -"features/5/10/attn/permute/2" [id=1093, metatype=PTTransposeMetatype, type=permute]; -"features/5/10/attn/__getitem__/2" [id=1094, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/10/attn/__getitem__/3" [id=1095, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/10/attn/__getitem__/4" [id=1096, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/10/attn/normalize/0" [id=1097, metatype=PTReduceL2, type=normalize]; -"features/5/10/attn/normalize/1" [id=1098, metatype=PTReduceL2, type=normalize]; -"features/5/10/attn/transpose/0" [id=1099, metatype=PTTransposeMetatype, type=transpose]; -"features/5/10/attn/matmul/0" [id=1100, metatype=PTMatMulMetatype, type=matmul]; -"features.5.10.attn.logit_scale" [id=1101, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/attn/clamp/0" [id=1102, metatype=UnknownMetatype, type=clamp]; -"features/5/10/attn/exp/0" [id=1103, metatype=PTExpMetatype, type=exp]; -"features/5/10/attn/mul/1" [id=1104, metatype=PTMulMetatype, type=mul]; -"features/5/10/attn/add/0" [id=1105, metatype=PTAddMetatype, type=add]; -"features/5/10/attn/softmax/0" [id=1106, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/10/attn/dropout/0" [id=1107, metatype=PTDropoutMetatype, type=dropout]; -"features/5/10/attn/matmul/1" [id=1108, metatype=PTMatMulMetatype, type=matmul]; -"features/5/10/attn/transpose/1" [id=1109, metatype=PTTransposeMetatype, type=transpose]; -"features/5/10/attn/reshape/2" [id=1110, metatype=PTReshapeMetatype, type=reshape]; -"features.5.10.attn.proj.weight" [id=1111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.10.attn.proj.bias" [id=1112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/attn/linear/1" [id=1113, metatype=PTLinearMetatype, type=linear]; -"features/5/10/attn/dropout/1" [id=1114, metatype=PTDropoutMetatype, type=dropout]; -"features/5/10/attn/view/3" [id=1115, metatype=PTReshapeMetatype, type=view]; -"features/5/10/attn/permute/3" [id=1116, metatype=PTTransposeMetatype, type=permute]; -"features/5/10/attn/reshape/3" [id=1117, metatype=PTReshapeMetatype, type=reshape]; -"features/5/10/attn/__getitem__/5" [id=1118, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/10/attn/contiguous/1" [id=1119, metatype=PTNoopMetatype, type=contiguous]; -"features.5.10.norm1.weight" [id=1120, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.10.norm1.bias" [id=1121, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/norm1/layer_norm/0" [id=1122, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/10/add/0" [id=1123, metatype=PTAddMetatype, type=add]; -"features.5.10.mlp.0.weight" [id=1124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.10.mlp.0.bias" [id=1125, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/mlp/0/linear/0" [id=1126, metatype=PTLinearMetatype, type=linear]; -"features/5/10/mlp/1/gelu/0" [id=1127, metatype=PTGELUMetatype, type=gelu]; -"features/5/10/mlp/2/dropout/0" [id=1128, metatype=PTDropoutMetatype, type=dropout]; -"features.5.10.mlp.3.weight" [id=1129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.10.mlp.3.bias" [id=1130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/mlp/3/linear/0" [id=1131, metatype=PTLinearMetatype, type=linear]; -"features/5/10/mlp/4/dropout/0" [id=1132, metatype=PTDropoutMetatype, type=dropout]; -"features.5.10.norm2.weight" [id=1133, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.10.norm2.bias" [id=1134, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/10/norm2/layer_norm/0" [id=1135, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/10/add/1" [id=1136, metatype=PTAddMetatype, type=add]; -"features.5.11.attn.relative_coords_table" [id=1137, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.11.attn.cpb_mlp.0.weight" [id=1138, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.11.attn.cpb_mlp.0.bias" [id=1139, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/attn/cpb_mlp/0/linear/0" [id=1140, metatype=PTLinearMetatype, type=linear]; -"features/5/11/attn/cpb_mlp/1/relu_/0" [id=1141, metatype=PTRELUMetatype, type=relu_]; -"features.5.11.attn.cpb_mlp.2.weight" [id=1142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/attn/cpb_mlp/2/linear/0" [id=1143, metatype=PTLinearMetatype, type=linear]; -"features/5/11/attn/view/0" [id=1144, metatype=PTReshapeMetatype, type=view]; -"features.5.11.attn.relative_position_index" [id=1145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/attn/__getitem__/0" [id=1146, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/11/attn/view/1" [id=1147, metatype=PTReshapeMetatype, type=view]; -"features/5/11/attn/permute/0" [id=1148, metatype=PTTransposeMetatype, type=permute]; -"features/5/11/attn/contiguous/0" [id=1149, metatype=PTNoopMetatype, type=contiguous]; -"features/5/11/attn/unsqueeze/0" [id=1150, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/11/attn/sigmoid/0" [id=1151, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/11/attn/mul/0" [id=1152, metatype=PTMulMetatype, type=mul]; -"features/5/11/attn/pad/0" [id=1153, metatype=PTPadMetatype, type=pad]; -"features/5/11/attn/view/2" [id=1154, metatype=PTReshapeMetatype, type=view]; -"features/5/11/attn/permute/1" [id=1155, metatype=PTTransposeMetatype, type=permute]; -"features/5/11/attn/reshape/0" [id=1156, metatype=PTReshapeMetatype, type=reshape]; -"features.5.11.attn.qkv.bias" [id=1157, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/attn/clone/0" [id=1158, metatype=PTNoopMetatype, type=clone]; -"features/5/11/attn/numel/0" [id=1159, metatype=UnknownMetatype, type=numel]; -"features/5/11/attn/__getitem__/1" [id=1160, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/11/attn/zero_/0" [id=1161, metatype=UnknownMetatype, type=zero_]; -"features.5.11.attn.qkv.weight" [id=1162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/attn/linear/0" [id=1163, metatype=PTLinearMetatype, type=linear]; -"features/5/11/attn/reshape/1" [id=1164, metatype=PTReshapeMetatype, type=reshape]; -"features/5/11/attn/permute/2" [id=1165, metatype=PTTransposeMetatype, type=permute]; -"features/5/11/attn/__getitem__/2" [id=1166, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/11/attn/__getitem__/3" [id=1167, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/11/attn/__getitem__/4" [id=1168, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/11/attn/normalize/0" [id=1169, metatype=PTReduceL2, type=normalize]; -"features/5/11/attn/normalize/1" [id=1170, metatype=PTReduceL2, type=normalize]; -"features/5/11/attn/transpose/0" [id=1171, metatype=PTTransposeMetatype, type=transpose]; -"features/5/11/attn/matmul/0" [id=1172, metatype=PTMatMulMetatype, type=matmul]; -"features.5.11.attn.logit_scale" [id=1173, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/attn/clamp/0" [id=1174, metatype=UnknownMetatype, type=clamp]; -"features/5/11/attn/exp/0" [id=1175, metatype=PTExpMetatype, type=exp]; -"features/5/11/attn/mul/1" [id=1176, metatype=PTMulMetatype, type=mul]; -"features/5/11/attn/add/0" [id=1177, metatype=PTAddMetatype, type=add]; -"features/5/11/attn/softmax/0" [id=1178, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/11/attn/dropout/0" [id=1179, metatype=PTDropoutMetatype, type=dropout]; -"features/5/11/attn/matmul/1" [id=1180, metatype=PTMatMulMetatype, type=matmul]; -"features/5/11/attn/transpose/1" [id=1181, metatype=PTTransposeMetatype, type=transpose]; -"features/5/11/attn/reshape/2" [id=1182, metatype=PTReshapeMetatype, type=reshape]; -"features.5.11.attn.proj.weight" [id=1183, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.11.attn.proj.bias" [id=1184, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/attn/linear/1" [id=1185, metatype=PTLinearMetatype, type=linear]; -"features/5/11/attn/dropout/1" [id=1186, metatype=PTDropoutMetatype, type=dropout]; -"features/5/11/attn/view/3" [id=1187, metatype=PTReshapeMetatype, type=view]; -"features/5/11/attn/permute/3" [id=1188, metatype=PTTransposeMetatype, type=permute]; -"features/5/11/attn/reshape/3" [id=1189, metatype=PTReshapeMetatype, type=reshape]; -"features/5/11/attn/__getitem__/5" [id=1190, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/11/attn/contiguous/1" [id=1191, metatype=PTNoopMetatype, type=contiguous]; -"features.5.11.norm1.weight" [id=1192, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.11.norm1.bias" [id=1193, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/norm1/layer_norm/0" [id=1194, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/11/add/0" [id=1195, metatype=PTAddMetatype, type=add]; -"features.5.11.mlp.0.weight" [id=1196, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.11.mlp.0.bias" [id=1197, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/mlp/0/linear/0" [id=1198, metatype=PTLinearMetatype, type=linear]; -"features/5/11/mlp/1/gelu/0" [id=1199, metatype=PTGELUMetatype, type=gelu]; -"features/5/11/mlp/2/dropout/0" [id=1200, metatype=PTDropoutMetatype, type=dropout]; -"features.5.11.mlp.3.weight" [id=1201, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.11.mlp.3.bias" [id=1202, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/mlp/3/linear/0" [id=1203, metatype=PTLinearMetatype, type=linear]; -"features/5/11/mlp/4/dropout/0" [id=1204, metatype=PTDropoutMetatype, type=dropout]; -"features.5.11.norm2.weight" [id=1205, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.11.norm2.bias" [id=1206, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/11/norm2/layer_norm/0" [id=1207, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/11/add/1" [id=1208, metatype=PTAddMetatype, type=add]; -"features.5.12.attn.relative_coords_table" [id=1209, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.12.attn.cpb_mlp.0.weight" [id=1210, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.12.attn.cpb_mlp.0.bias" [id=1211, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/attn/cpb_mlp/0/linear/0" [id=1212, metatype=PTLinearMetatype, type=linear]; -"features/5/12/attn/cpb_mlp/1/relu_/0" [id=1213, metatype=PTRELUMetatype, type=relu_]; -"features.5.12.attn.cpb_mlp.2.weight" [id=1214, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/attn/cpb_mlp/2/linear/0" [id=1215, metatype=PTLinearMetatype, type=linear]; -"features/5/12/attn/view/0" [id=1216, metatype=PTReshapeMetatype, type=view]; -"features.5.12.attn.relative_position_index" [id=1217, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/attn/__getitem__/0" [id=1218, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/12/attn/view/1" [id=1219, metatype=PTReshapeMetatype, type=view]; -"features/5/12/attn/permute/0" [id=1220, metatype=PTTransposeMetatype, type=permute]; -"features/5/12/attn/contiguous/0" [id=1221, metatype=PTNoopMetatype, type=contiguous]; -"features/5/12/attn/unsqueeze/0" [id=1222, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/12/attn/sigmoid/0" [id=1223, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/12/attn/mul/0" [id=1224, metatype=PTMulMetatype, type=mul]; -"features/5/12/attn/pad/0" [id=1225, metatype=PTPadMetatype, type=pad]; -"features/5/12/attn/view/2" [id=1226, metatype=PTReshapeMetatype, type=view]; -"features/5/12/attn/permute/1" [id=1227, metatype=PTTransposeMetatype, type=permute]; -"features/5/12/attn/reshape/0" [id=1228, metatype=PTReshapeMetatype, type=reshape]; -"features.5.12.attn.qkv.bias" [id=1229, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/attn/clone/0" [id=1230, metatype=PTNoopMetatype, type=clone]; -"features/5/12/attn/numel/0" [id=1231, metatype=UnknownMetatype, type=numel]; -"features/5/12/attn/__getitem__/1" [id=1232, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/12/attn/zero_/0" [id=1233, metatype=UnknownMetatype, type=zero_]; -"features.5.12.attn.qkv.weight" [id=1234, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/attn/linear/0" [id=1235, metatype=PTLinearMetatype, type=linear]; -"features/5/12/attn/reshape/1" [id=1236, metatype=PTReshapeMetatype, type=reshape]; -"features/5/12/attn/permute/2" [id=1237, metatype=PTTransposeMetatype, type=permute]; -"features/5/12/attn/__getitem__/2" [id=1238, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/12/attn/__getitem__/3" [id=1239, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/12/attn/__getitem__/4" [id=1240, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/12/attn/normalize/0" [id=1241, metatype=PTReduceL2, type=normalize]; -"features/5/12/attn/normalize/1" [id=1242, metatype=PTReduceL2, type=normalize]; -"features/5/12/attn/transpose/0" [id=1243, metatype=PTTransposeMetatype, type=transpose]; -"features/5/12/attn/matmul/0" [id=1244, metatype=PTMatMulMetatype, type=matmul]; -"features.5.12.attn.logit_scale" [id=1245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/attn/clamp/0" [id=1246, metatype=UnknownMetatype, type=clamp]; -"features/5/12/attn/exp/0" [id=1247, metatype=PTExpMetatype, type=exp]; -"features/5/12/attn/mul/1" [id=1248, metatype=PTMulMetatype, type=mul]; -"features/5/12/attn/add/0" [id=1249, metatype=PTAddMetatype, type=add]; -"features/5/12/attn/softmax/0" [id=1250, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/12/attn/dropout/0" [id=1251, metatype=PTDropoutMetatype, type=dropout]; -"features/5/12/attn/matmul/1" [id=1252, metatype=PTMatMulMetatype, type=matmul]; -"features/5/12/attn/transpose/1" [id=1253, metatype=PTTransposeMetatype, type=transpose]; -"features/5/12/attn/reshape/2" [id=1254, metatype=PTReshapeMetatype, type=reshape]; -"features.5.12.attn.proj.weight" [id=1255, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.12.attn.proj.bias" [id=1256, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/attn/linear/1" [id=1257, metatype=PTLinearMetatype, type=linear]; -"features/5/12/attn/dropout/1" [id=1258, metatype=PTDropoutMetatype, type=dropout]; -"features/5/12/attn/view/3" [id=1259, metatype=PTReshapeMetatype, type=view]; -"features/5/12/attn/permute/3" [id=1260, metatype=PTTransposeMetatype, type=permute]; -"features/5/12/attn/reshape/3" [id=1261, metatype=PTReshapeMetatype, type=reshape]; -"features/5/12/attn/__getitem__/5" [id=1262, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/12/attn/contiguous/1" [id=1263, metatype=PTNoopMetatype, type=contiguous]; -"features.5.12.norm1.weight" [id=1264, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.12.norm1.bias" [id=1265, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/norm1/layer_norm/0" [id=1266, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/12/add/0" [id=1267, metatype=PTAddMetatype, type=add]; -"features.5.12.mlp.0.weight" [id=1268, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.12.mlp.0.bias" [id=1269, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/mlp/0/linear/0" [id=1270, metatype=PTLinearMetatype, type=linear]; -"features/5/12/mlp/1/gelu/0" [id=1271, metatype=PTGELUMetatype, type=gelu]; -"features/5/12/mlp/2/dropout/0" [id=1272, metatype=PTDropoutMetatype, type=dropout]; -"features.5.12.mlp.3.weight" [id=1273, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.12.mlp.3.bias" [id=1274, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/mlp/3/linear/0" [id=1275, metatype=PTLinearMetatype, type=linear]; -"features/5/12/mlp/4/dropout/0" [id=1276, metatype=PTDropoutMetatype, type=dropout]; -"features.5.12.norm2.weight" [id=1277, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.12.norm2.bias" [id=1278, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/12/norm2/layer_norm/0" [id=1279, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/12/add/1" [id=1280, metatype=PTAddMetatype, type=add]; -"features.5.13.attn.relative_coords_table" [id=1281, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.13.attn.cpb_mlp.0.weight" [id=1282, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.13.attn.cpb_mlp.0.bias" [id=1283, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/attn/cpb_mlp/0/linear/0" [id=1284, metatype=PTLinearMetatype, type=linear]; -"features/5/13/attn/cpb_mlp/1/relu_/0" [id=1285, metatype=PTRELUMetatype, type=relu_]; -"features.5.13.attn.cpb_mlp.2.weight" [id=1286, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/attn/cpb_mlp/2/linear/0" [id=1287, metatype=PTLinearMetatype, type=linear]; -"features/5/13/attn/view/0" [id=1288, metatype=PTReshapeMetatype, type=view]; -"features.5.13.attn.relative_position_index" [id=1289, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/attn/__getitem__/0" [id=1290, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/13/attn/view/1" [id=1291, metatype=PTReshapeMetatype, type=view]; -"features/5/13/attn/permute/0" [id=1292, metatype=PTTransposeMetatype, type=permute]; -"features/5/13/attn/contiguous/0" [id=1293, metatype=PTNoopMetatype, type=contiguous]; -"features/5/13/attn/unsqueeze/0" [id=1294, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/13/attn/sigmoid/0" [id=1295, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/13/attn/mul/0" [id=1296, metatype=PTMulMetatype, type=mul]; -"features/5/13/attn/pad/0" [id=1297, metatype=PTPadMetatype, type=pad]; -"features/5/13/attn/view/2" [id=1298, metatype=PTReshapeMetatype, type=view]; -"features/5/13/attn/permute/1" [id=1299, metatype=PTTransposeMetatype, type=permute]; -"features/5/13/attn/reshape/0" [id=1300, metatype=PTReshapeMetatype, type=reshape]; -"features.5.13.attn.qkv.bias" [id=1301, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/attn/clone/0" [id=1302, metatype=PTNoopMetatype, type=clone]; -"features/5/13/attn/numel/0" [id=1303, metatype=UnknownMetatype, type=numel]; -"features/5/13/attn/__getitem__/1" [id=1304, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/13/attn/zero_/0" [id=1305, metatype=UnknownMetatype, type=zero_]; -"features.5.13.attn.qkv.weight" [id=1306, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/attn/linear/0" [id=1307, metatype=PTLinearMetatype, type=linear]; -"features/5/13/attn/reshape/1" [id=1308, metatype=PTReshapeMetatype, type=reshape]; -"features/5/13/attn/permute/2" [id=1309, metatype=PTTransposeMetatype, type=permute]; -"features/5/13/attn/__getitem__/2" [id=1310, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/13/attn/__getitem__/3" [id=1311, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/13/attn/__getitem__/4" [id=1312, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/13/attn/normalize/0" [id=1313, metatype=PTReduceL2, type=normalize]; -"features/5/13/attn/normalize/1" [id=1314, metatype=PTReduceL2, type=normalize]; -"features/5/13/attn/transpose/0" [id=1315, metatype=PTTransposeMetatype, type=transpose]; -"features/5/13/attn/matmul/0" [id=1316, metatype=PTMatMulMetatype, type=matmul]; -"features.5.13.attn.logit_scale" [id=1317, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/attn/clamp/0" [id=1318, metatype=UnknownMetatype, type=clamp]; -"features/5/13/attn/exp/0" [id=1319, metatype=PTExpMetatype, type=exp]; -"features/5/13/attn/mul/1" [id=1320, metatype=PTMulMetatype, type=mul]; -"features/5/13/attn/add/0" [id=1321, metatype=PTAddMetatype, type=add]; -"features/5/13/attn/softmax/0" [id=1322, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/13/attn/dropout/0" [id=1323, metatype=PTDropoutMetatype, type=dropout]; -"features/5/13/attn/matmul/1" [id=1324, metatype=PTMatMulMetatype, type=matmul]; -"features/5/13/attn/transpose/1" [id=1325, metatype=PTTransposeMetatype, type=transpose]; -"features/5/13/attn/reshape/2" [id=1326, metatype=PTReshapeMetatype, type=reshape]; -"features.5.13.attn.proj.weight" [id=1327, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.13.attn.proj.bias" [id=1328, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/attn/linear/1" [id=1329, metatype=PTLinearMetatype, type=linear]; -"features/5/13/attn/dropout/1" [id=1330, metatype=PTDropoutMetatype, type=dropout]; -"features/5/13/attn/view/3" [id=1331, metatype=PTReshapeMetatype, type=view]; -"features/5/13/attn/permute/3" [id=1332, metatype=PTTransposeMetatype, type=permute]; -"features/5/13/attn/reshape/3" [id=1333, metatype=PTReshapeMetatype, type=reshape]; -"features/5/13/attn/__getitem__/5" [id=1334, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/13/attn/contiguous/1" [id=1335, metatype=PTNoopMetatype, type=contiguous]; -"features.5.13.norm1.weight" [id=1336, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.13.norm1.bias" [id=1337, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/norm1/layer_norm/0" [id=1338, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/13/add/0" [id=1339, metatype=PTAddMetatype, type=add]; -"features.5.13.mlp.0.weight" [id=1340, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.13.mlp.0.bias" [id=1341, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/mlp/0/linear/0" [id=1342, metatype=PTLinearMetatype, type=linear]; -"features/5/13/mlp/1/gelu/0" [id=1343, metatype=PTGELUMetatype, type=gelu]; -"features/5/13/mlp/2/dropout/0" [id=1344, metatype=PTDropoutMetatype, type=dropout]; -"features.5.13.mlp.3.weight" [id=1345, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.13.mlp.3.bias" [id=1346, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/mlp/3/linear/0" [id=1347, metatype=PTLinearMetatype, type=linear]; -"features/5/13/mlp/4/dropout/0" [id=1348, metatype=PTDropoutMetatype, type=dropout]; -"features.5.13.norm2.weight" [id=1349, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.13.norm2.bias" [id=1350, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/13/norm2/layer_norm/0" [id=1351, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/13/add/1" [id=1352, metatype=PTAddMetatype, type=add]; -"features.5.14.attn.relative_coords_table" [id=1353, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.14.attn.cpb_mlp.0.weight" [id=1354, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.14.attn.cpb_mlp.0.bias" [id=1355, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/attn/cpb_mlp/0/linear/0" [id=1356, metatype=PTLinearMetatype, type=linear]; -"features/5/14/attn/cpb_mlp/1/relu_/0" [id=1357, metatype=PTRELUMetatype, type=relu_]; -"features.5.14.attn.cpb_mlp.2.weight" [id=1358, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/attn/cpb_mlp/2/linear/0" [id=1359, metatype=PTLinearMetatype, type=linear]; -"features/5/14/attn/view/0" [id=1360, metatype=PTReshapeMetatype, type=view]; -"features.5.14.attn.relative_position_index" [id=1361, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/attn/__getitem__/0" [id=1362, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/14/attn/view/1" [id=1363, metatype=PTReshapeMetatype, type=view]; -"features/5/14/attn/permute/0" [id=1364, metatype=PTTransposeMetatype, type=permute]; -"features/5/14/attn/contiguous/0" [id=1365, metatype=PTNoopMetatype, type=contiguous]; -"features/5/14/attn/unsqueeze/0" [id=1366, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/14/attn/sigmoid/0" [id=1367, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/14/attn/mul/0" [id=1368, metatype=PTMulMetatype, type=mul]; -"features/5/14/attn/pad/0" [id=1369, metatype=PTPadMetatype, type=pad]; -"features/5/14/attn/view/2" [id=1370, metatype=PTReshapeMetatype, type=view]; -"features/5/14/attn/permute/1" [id=1371, metatype=PTTransposeMetatype, type=permute]; -"features/5/14/attn/reshape/0" [id=1372, metatype=PTReshapeMetatype, type=reshape]; -"features.5.14.attn.qkv.bias" [id=1373, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/attn/clone/0" [id=1374, metatype=PTNoopMetatype, type=clone]; -"features/5/14/attn/numel/0" [id=1375, metatype=UnknownMetatype, type=numel]; -"features/5/14/attn/__getitem__/1" [id=1376, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/14/attn/zero_/0" [id=1377, metatype=UnknownMetatype, type=zero_]; -"features.5.14.attn.qkv.weight" [id=1378, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/attn/linear/0" [id=1379, metatype=PTLinearMetatype, type=linear]; -"features/5/14/attn/reshape/1" [id=1380, metatype=PTReshapeMetatype, type=reshape]; -"features/5/14/attn/permute/2" [id=1381, metatype=PTTransposeMetatype, type=permute]; -"features/5/14/attn/__getitem__/2" [id=1382, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/14/attn/__getitem__/3" [id=1383, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/14/attn/__getitem__/4" [id=1384, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/14/attn/normalize/0" [id=1385, metatype=PTReduceL2, type=normalize]; -"features/5/14/attn/normalize/1" [id=1386, metatype=PTReduceL2, type=normalize]; -"features/5/14/attn/transpose/0" [id=1387, metatype=PTTransposeMetatype, type=transpose]; -"features/5/14/attn/matmul/0" [id=1388, metatype=PTMatMulMetatype, type=matmul]; -"features.5.14.attn.logit_scale" [id=1389, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/attn/clamp/0" [id=1390, metatype=UnknownMetatype, type=clamp]; -"features/5/14/attn/exp/0" [id=1391, metatype=PTExpMetatype, type=exp]; -"features/5/14/attn/mul/1" [id=1392, metatype=PTMulMetatype, type=mul]; -"features/5/14/attn/add/0" [id=1393, metatype=PTAddMetatype, type=add]; -"features/5/14/attn/softmax/0" [id=1394, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/14/attn/dropout/0" [id=1395, metatype=PTDropoutMetatype, type=dropout]; -"features/5/14/attn/matmul/1" [id=1396, metatype=PTMatMulMetatype, type=matmul]; -"features/5/14/attn/transpose/1" [id=1397, metatype=PTTransposeMetatype, type=transpose]; -"features/5/14/attn/reshape/2" [id=1398, metatype=PTReshapeMetatype, type=reshape]; -"features.5.14.attn.proj.weight" [id=1399, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.14.attn.proj.bias" [id=1400, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/attn/linear/1" [id=1401, metatype=PTLinearMetatype, type=linear]; -"features/5/14/attn/dropout/1" [id=1402, metatype=PTDropoutMetatype, type=dropout]; -"features/5/14/attn/view/3" [id=1403, metatype=PTReshapeMetatype, type=view]; -"features/5/14/attn/permute/3" [id=1404, metatype=PTTransposeMetatype, type=permute]; -"features/5/14/attn/reshape/3" [id=1405, metatype=PTReshapeMetatype, type=reshape]; -"features/5/14/attn/__getitem__/5" [id=1406, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/14/attn/contiguous/1" [id=1407, metatype=PTNoopMetatype, type=contiguous]; -"features.5.14.norm1.weight" [id=1408, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.14.norm1.bias" [id=1409, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/norm1/layer_norm/0" [id=1410, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/14/add/0" [id=1411, metatype=PTAddMetatype, type=add]; -"features.5.14.mlp.0.weight" [id=1412, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.14.mlp.0.bias" [id=1413, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/mlp/0/linear/0" [id=1414, metatype=PTLinearMetatype, type=linear]; -"features/5/14/mlp/1/gelu/0" [id=1415, metatype=PTGELUMetatype, type=gelu]; -"features/5/14/mlp/2/dropout/0" [id=1416, metatype=PTDropoutMetatype, type=dropout]; -"features.5.14.mlp.3.weight" [id=1417, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.14.mlp.3.bias" [id=1418, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/mlp/3/linear/0" [id=1419, metatype=PTLinearMetatype, type=linear]; -"features/5/14/mlp/4/dropout/0" [id=1420, metatype=PTDropoutMetatype, type=dropout]; -"features.5.14.norm2.weight" [id=1421, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.14.norm2.bias" [id=1422, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/14/norm2/layer_norm/0" [id=1423, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/14/add/1" [id=1424, metatype=PTAddMetatype, type=add]; -"features.5.15.attn.relative_coords_table" [id=1425, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.15.attn.cpb_mlp.0.weight" [id=1426, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.15.attn.cpb_mlp.0.bias" [id=1427, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/attn/cpb_mlp/0/linear/0" [id=1428, metatype=PTLinearMetatype, type=linear]; -"features/5/15/attn/cpb_mlp/1/relu_/0" [id=1429, metatype=PTRELUMetatype, type=relu_]; -"features.5.15.attn.cpb_mlp.2.weight" [id=1430, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/attn/cpb_mlp/2/linear/0" [id=1431, metatype=PTLinearMetatype, type=linear]; -"features/5/15/attn/view/0" [id=1432, metatype=PTReshapeMetatype, type=view]; -"features.5.15.attn.relative_position_index" [id=1433, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/attn/__getitem__/0" [id=1434, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/15/attn/view/1" [id=1435, metatype=PTReshapeMetatype, type=view]; -"features/5/15/attn/permute/0" [id=1436, metatype=PTTransposeMetatype, type=permute]; -"features/5/15/attn/contiguous/0" [id=1437, metatype=PTNoopMetatype, type=contiguous]; -"features/5/15/attn/unsqueeze/0" [id=1438, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/15/attn/sigmoid/0" [id=1439, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/15/attn/mul/0" [id=1440, metatype=PTMulMetatype, type=mul]; -"features/5/15/attn/pad/0" [id=1441, metatype=PTPadMetatype, type=pad]; -"features/5/15/attn/view/2" [id=1442, metatype=PTReshapeMetatype, type=view]; -"features/5/15/attn/permute/1" [id=1443, metatype=PTTransposeMetatype, type=permute]; -"features/5/15/attn/reshape/0" [id=1444, metatype=PTReshapeMetatype, type=reshape]; -"features.5.15.attn.qkv.bias" [id=1445, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/attn/clone/0" [id=1446, metatype=PTNoopMetatype, type=clone]; -"features/5/15/attn/numel/0" [id=1447, metatype=UnknownMetatype, type=numel]; -"features/5/15/attn/__getitem__/1" [id=1448, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/15/attn/zero_/0" [id=1449, metatype=UnknownMetatype, type=zero_]; -"features.5.15.attn.qkv.weight" [id=1450, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/attn/linear/0" [id=1451, metatype=PTLinearMetatype, type=linear]; -"features/5/15/attn/reshape/1" [id=1452, metatype=PTReshapeMetatype, type=reshape]; -"features/5/15/attn/permute/2" [id=1453, metatype=PTTransposeMetatype, type=permute]; -"features/5/15/attn/__getitem__/2" [id=1454, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/15/attn/__getitem__/3" [id=1455, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/15/attn/__getitem__/4" [id=1456, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/15/attn/normalize/0" [id=1457, metatype=PTReduceL2, type=normalize]; -"features/5/15/attn/normalize/1" [id=1458, metatype=PTReduceL2, type=normalize]; -"features/5/15/attn/transpose/0" [id=1459, metatype=PTTransposeMetatype, type=transpose]; -"features/5/15/attn/matmul/0" [id=1460, metatype=PTMatMulMetatype, type=matmul]; -"features.5.15.attn.logit_scale" [id=1461, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/attn/clamp/0" [id=1462, metatype=UnknownMetatype, type=clamp]; -"features/5/15/attn/exp/0" [id=1463, metatype=PTExpMetatype, type=exp]; -"features/5/15/attn/mul/1" [id=1464, metatype=PTMulMetatype, type=mul]; -"features/5/15/attn/add/0" [id=1465, metatype=PTAddMetatype, type=add]; -"features/5/15/attn/softmax/0" [id=1466, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/15/attn/dropout/0" [id=1467, metatype=PTDropoutMetatype, type=dropout]; -"features/5/15/attn/matmul/1" [id=1468, metatype=PTMatMulMetatype, type=matmul]; -"features/5/15/attn/transpose/1" [id=1469, metatype=PTTransposeMetatype, type=transpose]; -"features/5/15/attn/reshape/2" [id=1470, metatype=PTReshapeMetatype, type=reshape]; -"features.5.15.attn.proj.weight" [id=1471, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.15.attn.proj.bias" [id=1472, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/attn/linear/1" [id=1473, metatype=PTLinearMetatype, type=linear]; -"features/5/15/attn/dropout/1" [id=1474, metatype=PTDropoutMetatype, type=dropout]; -"features/5/15/attn/view/3" [id=1475, metatype=PTReshapeMetatype, type=view]; -"features/5/15/attn/permute/3" [id=1476, metatype=PTTransposeMetatype, type=permute]; -"features/5/15/attn/reshape/3" [id=1477, metatype=PTReshapeMetatype, type=reshape]; -"features/5/15/attn/__getitem__/5" [id=1478, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/15/attn/contiguous/1" [id=1479, metatype=PTNoopMetatype, type=contiguous]; -"features.5.15.norm1.weight" [id=1480, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.15.norm1.bias" [id=1481, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/norm1/layer_norm/0" [id=1482, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/15/add/0" [id=1483, metatype=PTAddMetatype, type=add]; -"features.5.15.mlp.0.weight" [id=1484, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.15.mlp.0.bias" [id=1485, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/mlp/0/linear/0" [id=1486, metatype=PTLinearMetatype, type=linear]; -"features/5/15/mlp/1/gelu/0" [id=1487, metatype=PTGELUMetatype, type=gelu]; -"features/5/15/mlp/2/dropout/0" [id=1488, metatype=PTDropoutMetatype, type=dropout]; -"features.5.15.mlp.3.weight" [id=1489, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.15.mlp.3.bias" [id=1490, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/mlp/3/linear/0" [id=1491, metatype=PTLinearMetatype, type=linear]; -"features/5/15/mlp/4/dropout/0" [id=1492, metatype=PTDropoutMetatype, type=dropout]; -"features.5.15.norm2.weight" [id=1493, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.15.norm2.bias" [id=1494, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/15/norm2/layer_norm/0" [id=1495, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/15/add/1" [id=1496, metatype=PTAddMetatype, type=add]; -"features.5.16.attn.relative_coords_table" [id=1497, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.16.attn.cpb_mlp.0.weight" [id=1498, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.16.attn.cpb_mlp.0.bias" [id=1499, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/attn/cpb_mlp/0/linear/0" [id=1500, metatype=PTLinearMetatype, type=linear]; -"features/5/16/attn/cpb_mlp/1/relu_/0" [id=1501, metatype=PTRELUMetatype, type=relu_]; -"features.5.16.attn.cpb_mlp.2.weight" [id=1502, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/attn/cpb_mlp/2/linear/0" [id=1503, metatype=PTLinearMetatype, type=linear]; -"features/5/16/attn/view/0" [id=1504, metatype=PTReshapeMetatype, type=view]; -"features.5.16.attn.relative_position_index" [id=1505, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/attn/__getitem__/0" [id=1506, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/16/attn/view/1" [id=1507, metatype=PTReshapeMetatype, type=view]; -"features/5/16/attn/permute/0" [id=1508, metatype=PTTransposeMetatype, type=permute]; -"features/5/16/attn/contiguous/0" [id=1509, metatype=PTNoopMetatype, type=contiguous]; -"features/5/16/attn/unsqueeze/0" [id=1510, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/16/attn/sigmoid/0" [id=1511, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/16/attn/mul/0" [id=1512, metatype=PTMulMetatype, type=mul]; -"features/5/16/attn/pad/0" [id=1513, metatype=PTPadMetatype, type=pad]; -"features/5/16/attn/view/2" [id=1514, metatype=PTReshapeMetatype, type=view]; -"features/5/16/attn/permute/1" [id=1515, metatype=PTTransposeMetatype, type=permute]; -"features/5/16/attn/reshape/0" [id=1516, metatype=PTReshapeMetatype, type=reshape]; -"features.5.16.attn.qkv.bias" [id=1517, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/attn/clone/0" [id=1518, metatype=PTNoopMetatype, type=clone]; -"features/5/16/attn/numel/0" [id=1519, metatype=UnknownMetatype, type=numel]; -"features/5/16/attn/__getitem__/1" [id=1520, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/16/attn/zero_/0" [id=1521, metatype=UnknownMetatype, type=zero_]; -"features.5.16.attn.qkv.weight" [id=1522, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/attn/linear/0" [id=1523, metatype=PTLinearMetatype, type=linear]; -"features/5/16/attn/reshape/1" [id=1524, metatype=PTReshapeMetatype, type=reshape]; -"features/5/16/attn/permute/2" [id=1525, metatype=PTTransposeMetatype, type=permute]; -"features/5/16/attn/__getitem__/2" [id=1526, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/16/attn/__getitem__/3" [id=1527, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/16/attn/__getitem__/4" [id=1528, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/16/attn/normalize/0" [id=1529, metatype=PTReduceL2, type=normalize]; -"features/5/16/attn/normalize/1" [id=1530, metatype=PTReduceL2, type=normalize]; -"features/5/16/attn/transpose/0" [id=1531, metatype=PTTransposeMetatype, type=transpose]; -"features/5/16/attn/matmul/0" [id=1532, metatype=PTMatMulMetatype, type=matmul]; -"features.5.16.attn.logit_scale" [id=1533, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/attn/clamp/0" [id=1534, metatype=UnknownMetatype, type=clamp]; -"features/5/16/attn/exp/0" [id=1535, metatype=PTExpMetatype, type=exp]; -"features/5/16/attn/mul/1" [id=1536, metatype=PTMulMetatype, type=mul]; -"features/5/16/attn/add/0" [id=1537, metatype=PTAddMetatype, type=add]; -"features/5/16/attn/softmax/0" [id=1538, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/16/attn/dropout/0" [id=1539, metatype=PTDropoutMetatype, type=dropout]; -"features/5/16/attn/matmul/1" [id=1540, metatype=PTMatMulMetatype, type=matmul]; -"features/5/16/attn/transpose/1" [id=1541, metatype=PTTransposeMetatype, type=transpose]; -"features/5/16/attn/reshape/2" [id=1542, metatype=PTReshapeMetatype, type=reshape]; -"features.5.16.attn.proj.weight" [id=1543, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.16.attn.proj.bias" [id=1544, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/attn/linear/1" [id=1545, metatype=PTLinearMetatype, type=linear]; -"features/5/16/attn/dropout/1" [id=1546, metatype=PTDropoutMetatype, type=dropout]; -"features/5/16/attn/view/3" [id=1547, metatype=PTReshapeMetatype, type=view]; -"features/5/16/attn/permute/3" [id=1548, metatype=PTTransposeMetatype, type=permute]; -"features/5/16/attn/reshape/3" [id=1549, metatype=PTReshapeMetatype, type=reshape]; -"features/5/16/attn/__getitem__/5" [id=1550, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/16/attn/contiguous/1" [id=1551, metatype=PTNoopMetatype, type=contiguous]; -"features.5.16.norm1.weight" [id=1552, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.16.norm1.bias" [id=1553, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/norm1/layer_norm/0" [id=1554, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/16/add/0" [id=1555, metatype=PTAddMetatype, type=add]; -"features.5.16.mlp.0.weight" [id=1556, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.16.mlp.0.bias" [id=1557, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/mlp/0/linear/0" [id=1558, metatype=PTLinearMetatype, type=linear]; -"features/5/16/mlp/1/gelu/0" [id=1559, metatype=PTGELUMetatype, type=gelu]; -"features/5/16/mlp/2/dropout/0" [id=1560, metatype=PTDropoutMetatype, type=dropout]; -"features.5.16.mlp.3.weight" [id=1561, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.16.mlp.3.bias" [id=1562, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/mlp/3/linear/0" [id=1563, metatype=PTLinearMetatype, type=linear]; -"features/5/16/mlp/4/dropout/0" [id=1564, metatype=PTDropoutMetatype, type=dropout]; -"features.5.16.norm2.weight" [id=1565, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.16.norm2.bias" [id=1566, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/16/norm2/layer_norm/0" [id=1567, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/16/add/1" [id=1568, metatype=PTAddMetatype, type=add]; -"features.5.17.attn.relative_coords_table" [id=1569, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.17.attn.cpb_mlp.0.weight" [id=1570, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.17.attn.cpb_mlp.0.bias" [id=1571, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/attn/cpb_mlp/0/linear/0" [id=1572, metatype=PTLinearMetatype, type=linear]; -"features/5/17/attn/cpb_mlp/1/relu_/0" [id=1573, metatype=PTRELUMetatype, type=relu_]; -"features.5.17.attn.cpb_mlp.2.weight" [id=1574, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/attn/cpb_mlp/2/linear/0" [id=1575, metatype=PTLinearMetatype, type=linear]; -"features/5/17/attn/view/0" [id=1576, metatype=PTReshapeMetatype, type=view]; -"features.5.17.attn.relative_position_index" [id=1577, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/attn/__getitem__/0" [id=1578, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/17/attn/view/1" [id=1579, metatype=PTReshapeMetatype, type=view]; -"features/5/17/attn/permute/0" [id=1580, metatype=PTTransposeMetatype, type=permute]; -"features/5/17/attn/contiguous/0" [id=1581, metatype=PTNoopMetatype, type=contiguous]; -"features/5/17/attn/unsqueeze/0" [id=1582, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/5/17/attn/sigmoid/0" [id=1583, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/5/17/attn/mul/0" [id=1584, metatype=PTMulMetatype, type=mul]; -"features/5/17/attn/pad/0" [id=1585, metatype=PTPadMetatype, type=pad]; -"features/5/17/attn/view/2" [id=1586, metatype=PTReshapeMetatype, type=view]; -"features/5/17/attn/permute/1" [id=1587, metatype=PTTransposeMetatype, type=permute]; -"features/5/17/attn/reshape/0" [id=1588, metatype=PTReshapeMetatype, type=reshape]; -"features.5.17.attn.qkv.bias" [id=1589, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/attn/clone/0" [id=1590, metatype=PTNoopMetatype, type=clone]; -"features/5/17/attn/numel/0" [id=1591, metatype=UnknownMetatype, type=numel]; -"features/5/17/attn/__getitem__/1" [id=1592, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/17/attn/zero_/0" [id=1593, metatype=UnknownMetatype, type=zero_]; -"features.5.17.attn.qkv.weight" [id=1594, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/attn/linear/0" [id=1595, metatype=PTLinearMetatype, type=linear]; -"features/5/17/attn/reshape/1" [id=1596, metatype=PTReshapeMetatype, type=reshape]; -"features/5/17/attn/permute/2" [id=1597, metatype=PTTransposeMetatype, type=permute]; -"features/5/17/attn/__getitem__/2" [id=1598, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/17/attn/__getitem__/3" [id=1599, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/17/attn/__getitem__/4" [id=1600, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/17/attn/normalize/0" [id=1601, metatype=PTReduceL2, type=normalize]; -"features/5/17/attn/normalize/1" [id=1602, metatype=PTReduceL2, type=normalize]; -"features/5/17/attn/transpose/0" [id=1603, metatype=PTTransposeMetatype, type=transpose]; -"features/5/17/attn/matmul/0" [id=1604, metatype=PTMatMulMetatype, type=matmul]; -"features.5.17.attn.logit_scale" [id=1605, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/attn/clamp/0" [id=1606, metatype=UnknownMetatype, type=clamp]; -"features/5/17/attn/exp/0" [id=1607, metatype=PTExpMetatype, type=exp]; -"features/5/17/attn/mul/1" [id=1608, metatype=PTMulMetatype, type=mul]; -"features/5/17/attn/add/0" [id=1609, metatype=PTAddMetatype, type=add]; -"features/5/17/attn/softmax/0" [id=1610, metatype=PTSoftmaxMetatype, type=softmax]; -"features/5/17/attn/dropout/0" [id=1611, metatype=PTDropoutMetatype, type=dropout]; -"features/5/17/attn/matmul/1" [id=1612, metatype=PTMatMulMetatype, type=matmul]; -"features/5/17/attn/transpose/1" [id=1613, metatype=PTTransposeMetatype, type=transpose]; -"features/5/17/attn/reshape/2" [id=1614, metatype=PTReshapeMetatype, type=reshape]; -"features.5.17.attn.proj.weight" [id=1615, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.17.attn.proj.bias" [id=1616, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/attn/linear/1" [id=1617, metatype=PTLinearMetatype, type=linear]; -"features/5/17/attn/dropout/1" [id=1618, metatype=PTDropoutMetatype, type=dropout]; -"features/5/17/attn/view/3" [id=1619, metatype=PTReshapeMetatype, type=view]; -"features/5/17/attn/permute/3" [id=1620, metatype=PTTransposeMetatype, type=permute]; -"features/5/17/attn/reshape/3" [id=1621, metatype=PTReshapeMetatype, type=reshape]; -"features/5/17/attn/__getitem__/5" [id=1622, metatype=PTGatherMetatype, type=__getitem__]; -"features/5/17/attn/contiguous/1" [id=1623, metatype=PTNoopMetatype, type=contiguous]; -"features.5.17.norm1.weight" [id=1624, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.17.norm1.bias" [id=1625, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/norm1/layer_norm/0" [id=1626, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/17/add/0" [id=1627, metatype=PTAddMetatype, type=add]; -"features.5.17.mlp.0.weight" [id=1628, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.17.mlp.0.bias" [id=1629, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/mlp/0/linear/0" [id=1630, metatype=PTLinearMetatype, type=linear]; -"features/5/17/mlp/1/gelu/0" [id=1631, metatype=PTGELUMetatype, type=gelu]; -"features/5/17/mlp/2/dropout/0" [id=1632, metatype=PTDropoutMetatype, type=dropout]; -"features.5.17.mlp.3.weight" [id=1633, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.17.mlp.3.bias" [id=1634, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/mlp/3/linear/0" [id=1635, metatype=PTLinearMetatype, type=linear]; -"features/5/17/mlp/4/dropout/0" [id=1636, metatype=PTDropoutMetatype, type=dropout]; -"features.5.17.norm2.weight" [id=1637, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.17.norm2.bias" [id=1638, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/17/norm2/layer_norm/0" [id=1639, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/5/17/add/1" [id=1640, metatype=PTAddMetatype, type=add]; -"features/6/pad/0" [id=1641, metatype=PTPadMetatype, type=pad]; -"features/6/__getitem__/0" [id=1642, metatype=PTGatherMetatype, type=__getitem__]; -"features/6/__getitem__/1" [id=1643, metatype=PTGatherMetatype, type=__getitem__]; -"features/6/__getitem__/2" [id=1644, metatype=PTGatherMetatype, type=__getitem__]; -"features/6/__getitem__/3" [id=1645, metatype=PTGatherMetatype, type=__getitem__]; -"features/6/cat/0" [id=1646, metatype=PTCatMetatype, type=cat]; -"features.6.reduction.weight" [id=1647, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/reduction/linear/0" [id=1648, metatype=PTLinearMetatype, type=linear]; -"features.6.norm.weight" [id=1649, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.norm.bias" [id=1650, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/norm/layer_norm/0" [id=1651, metatype=PTLayerNormMetatype, type=layer_norm]; -"features.7.0.attn.relative_coords_table" [id=1652, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.attn.cpb_mlp.0.weight" [id=1653, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.attn.cpb_mlp.0.bias" [id=1654, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/attn/cpb_mlp/0/linear/0" [id=1655, metatype=PTLinearMetatype, type=linear]; -"features/7/0/attn/cpb_mlp/1/relu_/0" [id=1656, metatype=PTRELUMetatype, type=relu_]; -"features.7.0.attn.cpb_mlp.2.weight" [id=1657, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/attn/cpb_mlp/2/linear/0" [id=1658, metatype=PTLinearMetatype, type=linear]; -"features/7/0/attn/view/0" [id=1659, metatype=PTReshapeMetatype, type=view]; -"features.7.0.attn.relative_position_index" [id=1660, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/attn/__getitem__/0" [id=1661, metatype=PTGatherMetatype, type=__getitem__]; -"features/7/0/attn/view/1" [id=1662, metatype=PTReshapeMetatype, type=view]; -"features/7/0/attn/permute/0" [id=1663, metatype=PTTransposeMetatype, type=permute]; -"features/7/0/attn/contiguous/0" [id=1664, metatype=PTNoopMetatype, type=contiguous]; -"features/7/0/attn/unsqueeze/0" [id=1665, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/7/0/attn/sigmoid/0" [id=1666, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/7/0/attn/mul/0" [id=1667, metatype=PTMulMetatype, type=mul]; -"features/7/0/attn/pad/0" [id=1668, metatype=PTPadMetatype, type=pad]; -"features/7/0/attn/view/2" [id=1669, metatype=PTReshapeMetatype, type=view]; -"features/7/0/attn/permute/1" [id=1670, metatype=PTTransposeMetatype, type=permute]; -"features/7/0/attn/reshape/0" [id=1671, metatype=PTReshapeMetatype, type=reshape]; -"features.7.0.attn.qkv.bias" [id=1672, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/attn/clone/0" [id=1673, metatype=PTNoopMetatype, type=clone]; -"features/7/0/attn/numel/0" [id=1674, metatype=UnknownMetatype, type=numel]; -"features/7/0/attn/__getitem__/1" [id=1675, metatype=PTGatherMetatype, type=__getitem__]; -"features/7/0/attn/zero_/0" [id=1676, metatype=UnknownMetatype, type=zero_]; -"features.7.0.attn.qkv.weight" [id=1677, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/attn/linear/0" [id=1678, metatype=PTLinearMetatype, type=linear]; -"features/7/0/attn/reshape/1" [id=1679, metatype=PTReshapeMetatype, type=reshape]; -"features/7/0/attn/permute/2" [id=1680, metatype=PTTransposeMetatype, type=permute]; -"features/7/0/attn/__getitem__/2" [id=1681, metatype=PTGatherMetatype, type=__getitem__]; -"features/7/0/attn/__getitem__/3" [id=1682, metatype=PTGatherMetatype, type=__getitem__]; -"features/7/0/attn/__getitem__/4" [id=1683, metatype=PTGatherMetatype, type=__getitem__]; -"features/7/0/attn/normalize/0" [id=1684, metatype=PTReduceL2, type=normalize]; -"features/7/0/attn/normalize/1" [id=1685, metatype=PTReduceL2, type=normalize]; -"features/7/0/attn/transpose/0" [id=1686, metatype=PTTransposeMetatype, type=transpose]; -"features/7/0/attn/matmul/0" [id=1687, metatype=PTMatMulMetatype, type=matmul]; -"features.7.0.attn.logit_scale" [id=1688, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/attn/clamp/0" [id=1689, metatype=UnknownMetatype, type=clamp]; -"features/7/0/attn/exp/0" [id=1690, metatype=PTExpMetatype, type=exp]; -"features/7/0/attn/mul/1" [id=1691, metatype=PTMulMetatype, type=mul]; -"features/7/0/attn/add/0" [id=1692, metatype=PTAddMetatype, type=add]; -"features/7/0/attn/softmax/0" [id=1693, metatype=PTSoftmaxMetatype, type=softmax]; -"features/7/0/attn/dropout/0" [id=1694, metatype=PTDropoutMetatype, type=dropout]; -"features/7/0/attn/matmul/1" [id=1695, metatype=PTMatMulMetatype, type=matmul]; -"features/7/0/attn/transpose/1" [id=1696, metatype=PTTransposeMetatype, type=transpose]; -"features/7/0/attn/reshape/2" [id=1697, metatype=PTReshapeMetatype, type=reshape]; -"features.7.0.attn.proj.weight" [id=1698, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.attn.proj.bias" [id=1699, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/attn/linear/1" [id=1700, metatype=PTLinearMetatype, type=linear]; -"features/7/0/attn/dropout/1" [id=1701, metatype=PTDropoutMetatype, type=dropout]; -"features/7/0/attn/view/3" [id=1702, metatype=PTReshapeMetatype, type=view]; -"features/7/0/attn/permute/3" [id=1703, metatype=PTTransposeMetatype, type=permute]; -"features/7/0/attn/reshape/3" [id=1704, metatype=PTReshapeMetatype, type=reshape]; -"features/7/0/attn/__getitem__/5" [id=1705, metatype=PTGatherMetatype, type=__getitem__]; -"features/7/0/attn/contiguous/1" [id=1706, metatype=PTNoopMetatype, type=contiguous]; -"features.7.0.norm1.weight" [id=1707, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.norm1.bias" [id=1708, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/norm1/layer_norm/0" [id=1709, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/7/0/add/0" [id=1710, metatype=PTAddMetatype, type=add]; -"features.7.0.mlp.0.weight" [id=1711, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.mlp.0.bias" [id=1712, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/mlp/0/linear/0" [id=1713, metatype=PTLinearMetatype, type=linear]; -"features/7/0/mlp/1/gelu/0" [id=1714, metatype=PTGELUMetatype, type=gelu]; -"features/7/0/mlp/2/dropout/0" [id=1715, metatype=PTDropoutMetatype, type=dropout]; -"features.7.0.mlp.3.weight" [id=1716, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.mlp.3.bias" [id=1717, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/mlp/3/linear/0" [id=1718, metatype=PTLinearMetatype, type=linear]; -"features/7/0/mlp/4/dropout/0" [id=1719, metatype=PTDropoutMetatype, type=dropout]; -"features.7.0.norm2.weight" [id=1720, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.0.norm2.bias" [id=1721, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/0/norm2/layer_norm/0" [id=1722, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/7/0/add/1" [id=1723, metatype=PTAddMetatype, type=add]; -"features.7.1.attn.relative_coords_table" [id=1724, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.1.attn.cpb_mlp.0.weight" [id=1725, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.1.attn.cpb_mlp.0.bias" [id=1726, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/attn/cpb_mlp/0/linear/0" [id=1727, metatype=PTLinearMetatype, type=linear]; -"features/7/1/attn/cpb_mlp/1/relu_/0" [id=1728, metatype=PTRELUMetatype, type=relu_]; -"features.7.1.attn.cpb_mlp.2.weight" [id=1729, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/attn/cpb_mlp/2/linear/0" [id=1730, metatype=PTLinearMetatype, type=linear]; -"features/7/1/attn/view/0" [id=1731, metatype=PTReshapeMetatype, type=view]; -"features.7.1.attn.relative_position_index" [id=1732, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/attn/__getitem__/0" [id=1733, metatype=PTGatherMetatype, type=__getitem__]; -"features/7/1/attn/view/1" [id=1734, metatype=PTReshapeMetatype, type=view]; -"features/7/1/attn/permute/0" [id=1735, metatype=PTTransposeMetatype, type=permute]; -"features/7/1/attn/contiguous/0" [id=1736, metatype=PTNoopMetatype, type=contiguous]; -"features/7/1/attn/unsqueeze/0" [id=1737, metatype=PTReshapeMetatype, type=unsqueeze]; -"features/7/1/attn/sigmoid/0" [id=1738, metatype=PTSigmoidMetatype, type=sigmoid]; -"features/7/1/attn/mul/0" [id=1739, metatype=PTMulMetatype, type=mul]; -"features/7/1/attn/pad/0" [id=1740, metatype=PTPadMetatype, type=pad]; -"features/7/1/attn/view/2" [id=1741, metatype=PTReshapeMetatype, type=view]; -"features/7/1/attn/permute/1" [id=1742, metatype=PTTransposeMetatype, type=permute]; -"features/7/1/attn/reshape/0" [id=1743, metatype=PTReshapeMetatype, type=reshape]; -"features.7.1.attn.qkv.bias" [id=1744, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/attn/clone/0" [id=1745, metatype=PTNoopMetatype, type=clone]; -"features/7/1/attn/numel/0" [id=1746, metatype=UnknownMetatype, type=numel]; -"features/7/1/attn/__getitem__/1" [id=1747, metatype=PTGatherMetatype, type=__getitem__]; -"features/7/1/attn/zero_/0" [id=1748, metatype=UnknownMetatype, type=zero_]; -"features.7.1.attn.qkv.weight" [id=1749, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/attn/linear/0" [id=1750, metatype=PTLinearMetatype, type=linear]; -"features/7/1/attn/reshape/1" [id=1751, metatype=PTReshapeMetatype, type=reshape]; -"features/7/1/attn/permute/2" [id=1752, metatype=PTTransposeMetatype, type=permute]; -"features/7/1/attn/__getitem__/2" [id=1753, metatype=PTGatherMetatype, type=__getitem__]; -"features/7/1/attn/__getitem__/3" [id=1754, metatype=PTGatherMetatype, type=__getitem__]; -"features/7/1/attn/__getitem__/4" [id=1755, metatype=PTGatherMetatype, type=__getitem__]; -"features/7/1/attn/normalize/0" [id=1756, metatype=PTReduceL2, type=normalize]; -"features/7/1/attn/normalize/1" [id=1757, metatype=PTReduceL2, type=normalize]; -"features/7/1/attn/transpose/0" [id=1758, metatype=PTTransposeMetatype, type=transpose]; -"features/7/1/attn/matmul/0" [id=1759, metatype=PTMatMulMetatype, type=matmul]; -"features.7.1.attn.logit_scale" [id=1760, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/attn/clamp/0" [id=1761, metatype=UnknownMetatype, type=clamp]; -"features/7/1/attn/exp/0" [id=1762, metatype=PTExpMetatype, type=exp]; -"features/7/1/attn/mul/1" [id=1763, metatype=PTMulMetatype, type=mul]; -"features/7/1/attn/add/0" [id=1764, metatype=PTAddMetatype, type=add]; -"features/7/1/attn/softmax/0" [id=1765, metatype=PTSoftmaxMetatype, type=softmax]; -"features/7/1/attn/dropout/0" [id=1766, metatype=PTDropoutMetatype, type=dropout]; -"features/7/1/attn/matmul/1" [id=1767, metatype=PTMatMulMetatype, type=matmul]; -"features/7/1/attn/transpose/1" [id=1768, metatype=PTTransposeMetatype, type=transpose]; -"features/7/1/attn/reshape/2" [id=1769, metatype=PTReshapeMetatype, type=reshape]; -"features.7.1.attn.proj.weight" [id=1770, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.1.attn.proj.bias" [id=1771, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/attn/linear/1" [id=1772, metatype=PTLinearMetatype, type=linear]; -"features/7/1/attn/dropout/1" [id=1773, metatype=PTDropoutMetatype, type=dropout]; -"features/7/1/attn/view/3" [id=1774, metatype=PTReshapeMetatype, type=view]; -"features/7/1/attn/permute/3" [id=1775, metatype=PTTransposeMetatype, type=permute]; -"features/7/1/attn/reshape/3" [id=1776, metatype=PTReshapeMetatype, type=reshape]; -"features/7/1/attn/__getitem__/5" [id=1777, metatype=PTGatherMetatype, type=__getitem__]; -"features/7/1/attn/contiguous/1" [id=1778, metatype=PTNoopMetatype, type=contiguous]; -"features.7.1.norm1.weight" [id=1779, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.1.norm1.bias" [id=1780, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/norm1/layer_norm/0" [id=1781, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/7/1/add/0" [id=1782, metatype=PTAddMetatype, type=add]; -"features.7.1.mlp.0.weight" [id=1783, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.1.mlp.0.bias" [id=1784, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/mlp/0/linear/0" [id=1785, metatype=PTLinearMetatype, type=linear]; -"features/7/1/mlp/1/gelu/0" [id=1786, metatype=PTGELUMetatype, type=gelu]; -"features/7/1/mlp/2/dropout/0" [id=1787, metatype=PTDropoutMetatype, type=dropout]; -"features.7.1.mlp.3.weight" [id=1788, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.1.mlp.3.bias" [id=1789, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/mlp/3/linear/0" [id=1790, metatype=PTLinearMetatype, type=linear]; -"features/7/1/mlp/4/dropout/0" [id=1791, metatype=PTDropoutMetatype, type=dropout]; -"features.7.1.norm2.weight" [id=1792, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.1.norm2.bias" [id=1793, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/1/norm2/layer_norm/0" [id=1794, metatype=PTLayerNormMetatype, type=layer_norm]; -"features/7/1/add/1" [id=1795, metatype=PTAddMetatype, type=add]; -"norm.weight" [id=1796, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"norm.bias" [id=1797, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"norm/layer_norm/0" [id=1798, metatype=PTLayerNormMetatype, type=layer_norm]; -"permute/permute/0" [id=1799, metatype=UnknownMetatype, type=permute]; -"avgpool/adaptive_avg_pool2d/0" [id=1800, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"flatten/flatten/0" [id=1801, metatype=PTReshapeMetatype, type=flatten]; -"head.weight" [id=1802, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"head.bias" [id=1803, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"head/linear/0" [id=1804, metatype=PTLinearMetatype, type=linear]; -output [id=1805, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "features/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 64, 64)"]; -"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 3, 4, 4)"]; -"features.0.0.bias" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features/0/0/conv2d/0" -> "features/0/1/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/0/1/permute/0" -> "features/0/2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features.0.2.weight" -> "features/0/2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.0.2.bias" -> "features/0/2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features/0/2/layer_norm/0" -> "features/1/0/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/0/2/layer_norm/0" -> "features/1/0/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features.1.0.attn.relative_coords_table" -> "features/1/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.1.0.attn.cpb_mlp.0.weight" -> "features/1/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.1.0.attn.cpb_mlp.0.bias" -> "features/1/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/1/0/attn/cpb_mlp/0/linear/0" -> "features/1/0/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/1/0/attn/cpb_mlp/1/relu_/0" -> "features/1/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.1.0.attn.cpb_mlp.2.weight" -> "features/1/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 512)"]; -"features/1/0/attn/cpb_mlp/2/linear/0" -> "features/1/0/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 4)"]; -"features/1/0/attn/view/0" -> "features/1/0/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 4)"]; -"features.1.0.attn.relative_position_index" -> "features/1/0/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/1/0/attn/__getitem__/0" -> "features/1/0/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 4)"]; -"features/1/0/attn/view/1" -> "features/1/0/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 4)"]; -"features/1/0/attn/permute/0" -> "features/1/0/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; -"features/1/0/attn/contiguous/0" -> "features/1/0/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; -"features/1/0/attn/unsqueeze/0" -> "features/1/0/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 64, 64)"]; -"features/1/0/attn/sigmoid/0" -> "features/1/0/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 64, 64)"]; -"features/1/0/attn/mul/0" -> "features/1/0/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 64, 64)"]; -"features/1/0/attn/pad/0" -> "features/1/0/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/0/attn/view/2" -> "features/1/0/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 8, 2, 8, 128)"]; -"features/1/0/attn/permute/1" -> "features/1/0/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 8, 8, 128)"]; -"features/1/0/attn/reshape/0" -> "features/1/0/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; -"features.1.0.attn.qkv.bias" -> "features/1/0/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384,)"]; -"features/1/0/attn/clone/0" -> "features/1/0/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384,)"]; -"features/1/0/attn/clone/0" -> "features/1/0/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(384,)"]; -"features/1/0/attn/clone/0" -> "features/1/0/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/1/0/attn/__getitem__/1" -> "features/1/0/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128,)"]; -"features.1.0.attn.qkv.weight" -> "features/1/0/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 128)"]; -"features/1/0/attn/linear/0" -> "features/1/0/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 384)"]; -"features/1/0/attn/reshape/1" -> "features/1/0/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 3, 4, 32)"]; -"features/1/0/attn/permute/2" -> "features/1/0/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 4, 4, 64, 32)"]; -"features/1/0/attn/permute/2" -> "features/1/0/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 4, 4, 64, 32)"]; -"features/1/0/attn/permute/2" -> "features/1/0/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 4, 4, 64, 32)"]; -"features/1/0/attn/__getitem__/2" -> "features/1/0/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; -"features/1/0/attn/__getitem__/3" -> "features/1/0/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; -"features/1/0/attn/__getitem__/4" -> "features/1/0/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 4, 64, 32)"]; -"features/1/0/attn/normalize/0" -> "features/1/0/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; -"features/1/0/attn/normalize/1" -> "features/1/0/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; -"features/1/0/attn/transpose/0" -> "features/1/0/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 4, 32, 64)"]; -"features/1/0/attn/matmul/0" -> "features/1/0/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; -"features.1.0.attn.logit_scale" -> "features/1/0/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 1, 1)"]; -"features/1/0/attn/clamp/0" -> "features/1/0/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 1, 1)"]; -"features/1/0/attn/exp/0" -> "features/1/0/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 1, 1)"]; -"features/1/0/attn/mul/1" -> "features/1/0/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; -"features/1/0/attn/add/0" -> "features/1/0/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; -"features/1/0/attn/softmax/0" -> "features/1/0/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; -"features/1/0/attn/dropout/0" -> "features/1/0/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; -"features/1/0/attn/matmul/1" -> "features/1/0/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; -"features/1/0/attn/transpose/1" -> "features/1/0/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 4, 32)"]; -"features/1/0/attn/reshape/2" -> "features/1/0/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; -"features.1.0.attn.proj.weight" -> "features/1/0/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128)"]; -"features.1.0.attn.proj.bias" -> "features/1/0/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features/1/0/attn/linear/1" -> "features/1/0/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; -"features/1/0/attn/dropout/1" -> "features/1/0/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; -"features/1/0/attn/view/3" -> "features/1/0/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 8, 8, 128)"]; -"features/1/0/attn/permute/3" -> "features/1/0/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 8, 2, 8, 128)"]; -"features/1/0/attn/reshape/3" -> "features/1/0/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/0/attn/__getitem__/5" -> "features/1/0/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/0/attn/contiguous/1" -> "features/1/0/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features.1.0.norm1.weight" -> "features/1/0/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.1.0.norm1.bias" -> "features/1/0/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features/1/0/norm1/layer_norm/0" -> "features/1/0/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/0/add/0" -> "features/1/0/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/0/add/0" -> "features/1/0/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features.1.0.mlp.0.weight" -> "features/1/0/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 128)"]; -"features.1.0.mlp.0.bias" -> "features/1/0/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/1/0/mlp/0/linear/0" -> "features/1/0/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 512)"]; -"features/1/0/mlp/1/gelu/0" -> "features/1/0/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 512)"]; -"features/1/0/mlp/2/dropout/0" -> "features/1/0/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 512)"]; -"features.1.0.mlp.3.weight" -> "features/1/0/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512)"]; -"features.1.0.mlp.3.bias" -> "features/1/0/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features/1/0/mlp/3/linear/0" -> "features/1/0/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/0/mlp/4/dropout/0" -> "features/1/0/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features.1.0.norm2.weight" -> "features/1/0/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.1.0.norm2.bias" -> "features/1/0/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features/1/0/norm2/layer_norm/0" -> "features/1/0/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/0/add/1" -> "features/1/1/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/0/add/1" -> "features/1/1/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features.1.1.attn.relative_coords_table" -> "features/1/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.1.1.attn.cpb_mlp.0.weight" -> "features/1/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.1.1.attn.cpb_mlp.0.bias" -> "features/1/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/1/1/attn/cpb_mlp/0/linear/0" -> "features/1/1/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/1/1/attn/cpb_mlp/1/relu_/0" -> "features/1/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.1.1.attn.cpb_mlp.2.weight" -> "features/1/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 512)"]; -"features/1/1/attn/cpb_mlp/2/linear/0" -> "features/1/1/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 4)"]; -"features/1/1/attn/view/0" -> "features/1/1/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 4)"]; -"features.1.1.attn.relative_position_index" -> "features/1/1/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/1/1/attn/__getitem__/0" -> "features/1/1/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 4)"]; -"features/1/1/attn/view/1" -> "features/1/1/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 4)"]; -"features/1/1/attn/permute/0" -> "features/1/1/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; -"features/1/1/attn/contiguous/0" -> "features/1/1/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; -"features/1/1/attn/unsqueeze/0" -> "features/1/1/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 64, 64)"]; -"features/1/1/attn/sigmoid/0" -> "features/1/1/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 64, 64)"]; -"features/1/1/attn/mul/0" -> "features/1/1/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 64, 64)"]; -"features/1/1/attn/pad/0" -> "features/1/1/attn/roll/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/1/attn/roll/0" -> "features/1/1/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/1/attn/view/2" -> "features/1/1/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 8, 2, 8, 128)"]; -"features/1/1/attn/permute/1" -> "features/1/1/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 8, 8, 128)"]; -"features/1/1/attn/reshape/0" -> "features/1/1/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; -"features/1/1/attn/reshape/0" -> "features/1/1/attn/new_zeros/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; -"features.1.1.attn.qkv.bias" -> "features/1/1/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384,)"]; -"features/1/1/attn/clone/0" -> "features/1/1/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384,)"]; -"features/1/1/attn/clone/0" -> "features/1/1/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(384,)"]; -"features/1/1/attn/clone/0" -> "features/1/1/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features/1/1/attn/__getitem__/1" -> "features/1/1/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128,)"]; -"features.1.1.attn.qkv.weight" -> "features/1/1/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 128)"]; -"features/1/1/attn/linear/0" -> "features/1/1/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 384)"]; -"features/1/1/attn/reshape/1" -> "features/1/1/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 3, 4, 32)"]; -"features/1/1/attn/permute/2" -> "features/1/1/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 4, 4, 64, 32)"]; -"features/1/1/attn/permute/2" -> "features/1/1/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 4, 4, 64, 32)"]; -"features/1/1/attn/permute/2" -> "features/1/1/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 4, 4, 64, 32)"]; -"features/1/1/attn/__getitem__/2" -> "features/1/1/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; -"features/1/1/attn/__getitem__/3" -> "features/1/1/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; -"features/1/1/attn/__getitem__/4" -> "features/1/1/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 4, 64, 32)"]; -"features/1/1/attn/normalize/0" -> "features/1/1/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; -"features/1/1/attn/normalize/1" -> "features/1/1/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; -"features/1/1/attn/transpose/0" -> "features/1/1/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 4, 32, 64)"]; -"features/1/1/attn/matmul/0" -> "features/1/1/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; -"features.1.1.attn.logit_scale" -> "features/1/1/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 1, 1)"]; -"features/1/1/attn/clamp/0" -> "features/1/1/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 1, 1)"]; -"features/1/1/attn/exp/0" -> "features/1/1/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 1, 1)"]; -"features/1/1/attn/mul/1" -> "features/1/1/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; -"features/1/1/attn/add/0" -> "features/1/1/attn/view/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/6" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/7" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/8" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; -"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16)"]; -"features/1/1/attn/view/3" -> "features/1/1/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 8, 2, 8)"]; -"features/1/1/attn/permute/3" -> "features/1/1/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2, 8, 8)"]; -"features/1/1/attn/reshape/2" -> "features/1/1/attn/unsqueeze/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64)"]; -"features/1/1/attn/reshape/2" -> "features/1/1/attn/unsqueeze/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64)"]; -"features/1/1/attn/unsqueeze/1" -> "features/1/1/attn/sub/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 1, 64)"]; -"features/1/1/attn/unsqueeze/2" -> "features/1/1/attn/sub/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4, 64, 1)"]; -"features/1/1/attn/sub/0" -> "features/1/1/attn/ne/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; -"features/1/1/attn/sub/0" -> "features/1/1/attn/masked_fill/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; -"features/1/1/attn/sub/0" -> "features/1/1/attn/__eq__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; -"features/1/1/attn/ne/0" -> "features/1/1/attn/masked_fill/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4, 64, 64)"]; -"features/1/1/attn/masked_fill/0" -> "features/1/1/attn/masked_fill/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; -"features/1/1/attn/__eq__/0" -> "features/1/1/attn/masked_fill/1" [dtype=int, in_port_id=1, out_port_id=0, shape="(4, 64, 64)"]; -"features/1/1/attn/masked_fill/1" -> "features/1/1/attn/unsqueeze/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 64)"]; -"features/1/1/attn/view/4" -> "features/1/1/attn/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 64, 64)"]; -"features/1/1/attn/unsqueeze/3" -> "features/1/1/attn/unsqueeze/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 1, 64, 64)"]; -"features/1/1/attn/unsqueeze/4" -> "features/1/1/attn/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 1, 64, 64)"]; -"features/1/1/attn/add/1" -> "features/1/1/attn/view/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 64, 64)"]; -"features/1/1/attn/view/5" -> "features/1/1/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; -"features/1/1/attn/softmax/0" -> "features/1/1/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; -"features/1/1/attn/dropout/0" -> "features/1/1/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 64)"]; -"features/1/1/attn/matmul/1" -> "features/1/1/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 4, 64, 32)"]; -"features/1/1/attn/transpose/1" -> "features/1/1/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 4, 32)"]; -"features/1/1/attn/reshape/3" -> "features/1/1/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; -"features.1.1.attn.proj.weight" -> "features/1/1/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128)"]; -"features.1.1.attn.proj.bias" -> "features/1/1/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features/1/1/attn/linear/1" -> "features/1/1/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; -"features/1/1/attn/dropout/1" -> "features/1/1/attn/view/6" [dtype=float, in_port_id=0, out_port_id=0, shape="(4, 64, 128)"]; -"features/1/1/attn/view/6" -> "features/1/1/attn/permute/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 8, 8, 128)"]; -"features/1/1/attn/permute/4" -> "features/1/1/attn/reshape/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 8, 2, 8, 128)"]; -"features/1/1/attn/reshape/4" -> "features/1/1/attn/roll/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/1/attn/roll/1" -> "features/1/1/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/1/attn/__getitem__/5" -> "features/1/1/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/1/attn/contiguous/1" -> "features/1/1/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features.1.1.norm1.weight" -> "features/1/1/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.1.1.norm1.bias" -> "features/1/1/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features/1/1/norm1/layer_norm/0" -> "features/1/1/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/1/add/0" -> "features/1/1/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/1/add/0" -> "features/1/1/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features.1.1.mlp.0.weight" -> "features/1/1/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 128)"]; -"features.1.1.mlp.0.bias" -> "features/1/1/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/1/1/mlp/0/linear/0" -> "features/1/1/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 512)"]; -"features/1/1/mlp/1/gelu/0" -> "features/1/1/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 512)"]; -"features/1/1/mlp/2/dropout/0" -> "features/1/1/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 512)"]; -"features.1.1.mlp.3.weight" -> "features/1/1/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512)"]; -"features.1.1.mlp.3.bias" -> "features/1/1/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features/1/1/mlp/3/linear/0" -> "features/1/1/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/1/mlp/4/dropout/0" -> "features/1/1/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features.1.1.norm2.weight" -> "features/1/1/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.1.1.norm2.bias" -> "features/1/1/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features/1/1/norm2/layer_norm/0" -> "features/1/1/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/1/1/add/1" -> "features/2/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/2/pad/0" -> "features/2/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/2/pad/0" -> "features/2/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/2/pad/0" -> "features/2/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/2/pad/0" -> "features/2/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 128)"]; -"features/2/__getitem__/0" -> "features/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 128)"]; -"features/2/__getitem__/1" -> "features/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 8, 128)"]; -"features/2/__getitem__/2" -> "features/2/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 8, 8, 128)"]; -"features/2/__getitem__/3" -> "features/2/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 8, 8, 128)"]; -"features/2/cat/0" -> "features/2/reduction/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features.2.reduction.weight" -> "features/2/reduction/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 512)"]; -"features/2/reduction/linear/0" -> "features/2/norm/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features.2.norm.weight" -> "features/2/norm/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features.2.norm.bias" -> "features/2/norm/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"features/2/norm/layer_norm/0" -> "features/3/0/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/2/norm/layer_norm/0" -> "features/3/0/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features.3.0.attn.relative_coords_table" -> "features/3/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.3.0.attn.cpb_mlp.0.weight" -> "features/3/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.3.0.attn.cpb_mlp.0.bias" -> "features/3/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/3/0/attn/cpb_mlp/0/linear/0" -> "features/3/0/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/3/0/attn/cpb_mlp/1/relu_/0" -> "features/3/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.3.0.attn.cpb_mlp.2.weight" -> "features/3/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(8, 512)"]; -"features/3/0/attn/cpb_mlp/2/linear/0" -> "features/3/0/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 8)"]; -"features/3/0/attn/view/0" -> "features/3/0/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 8)"]; -"features.3.0.attn.relative_position_index" -> "features/3/0/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/3/0/attn/__getitem__/0" -> "features/3/0/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 8)"]; -"features/3/0/attn/view/1" -> "features/3/0/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 8)"]; -"features/3/0/attn/permute/0" -> "features/3/0/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 64, 64)"]; -"features/3/0/attn/contiguous/0" -> "features/3/0/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 64, 64)"]; -"features/3/0/attn/unsqueeze/0" -> "features/3/0/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features/3/0/attn/sigmoid/0" -> "features/3/0/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features/3/0/attn/mul/0" -> "features/3/0/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features/3/0/attn/pad/0" -> "features/3/0/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/0/attn/view/2" -> "features/3/0/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 256)"]; -"features/3/0/attn/permute/1" -> "features/3/0/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 256)"]; -"features/3/0/attn/reshape/0" -> "features/3/0/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; -"features.3.0.attn.qkv.bias" -> "features/3/0/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(768,)"]; -"features/3/0/attn/clone/0" -> "features/3/0/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(768,)"]; -"features/3/0/attn/clone/0" -> "features/3/0/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(768,)"]; -"features/3/0/attn/clone/0" -> "features/3/0/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features/3/0/attn/__getitem__/1" -> "features/3/0/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256,)"]; -"features.3.0.attn.qkv.weight" -> "features/3/0/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 256)"]; -"features/3/0/attn/linear/0" -> "features/3/0/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 768)"]; -"features/3/0/attn/reshape/1" -> "features/3/0/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 8, 32)"]; -"features/3/0/attn/permute/2" -> "features/3/0/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 8, 64, 32)"]; -"features/3/0/attn/permute/2" -> "features/3/0/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 8, 64, 32)"]; -"features/3/0/attn/permute/2" -> "features/3/0/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 8, 64, 32)"]; -"features/3/0/attn/__getitem__/2" -> "features/3/0/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; -"features/3/0/attn/__getitem__/3" -> "features/3/0/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; -"features/3/0/attn/__getitem__/4" -> "features/3/0/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 64, 32)"]; -"features/3/0/attn/normalize/0" -> "features/3/0/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; -"features/3/0/attn/normalize/1" -> "features/3/0/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; -"features/3/0/attn/transpose/0" -> "features/3/0/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 32, 64)"]; -"features/3/0/attn/matmul/0" -> "features/3/0/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features.3.0.attn.logit_scale" -> "features/3/0/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 1, 1)"]; -"features/3/0/attn/clamp/0" -> "features/3/0/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 1, 1)"]; -"features/3/0/attn/exp/0" -> "features/3/0/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(8, 1, 1)"]; -"features/3/0/attn/mul/1" -> "features/3/0/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features/3/0/attn/add/0" -> "features/3/0/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features/3/0/attn/softmax/0" -> "features/3/0/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features/3/0/attn/dropout/0" -> "features/3/0/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features/3/0/attn/matmul/1" -> "features/3/0/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; -"features/3/0/attn/transpose/1" -> "features/3/0/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 8, 32)"]; -"features/3/0/attn/reshape/2" -> "features/3/0/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; -"features.3.0.attn.proj.weight" -> "features/3/0/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256)"]; -"features.3.0.attn.proj.bias" -> "features/3/0/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features/3/0/attn/linear/1" -> "features/3/0/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; -"features/3/0/attn/dropout/1" -> "features/3/0/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; -"features/3/0/attn/view/3" -> "features/3/0/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 256)"]; -"features/3/0/attn/permute/3" -> "features/3/0/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 256)"]; -"features/3/0/attn/reshape/3" -> "features/3/0/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/0/attn/__getitem__/5" -> "features/3/0/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/0/attn/contiguous/1" -> "features/3/0/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features.3.0.norm1.weight" -> "features/3/0/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features.3.0.norm1.bias" -> "features/3/0/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"features/3/0/norm1/layer_norm/0" -> "features/3/0/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/0/add/0" -> "features/3/0/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/0/add/0" -> "features/3/0/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features.3.0.mlp.0.weight" -> "features/3/0/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 256)"]; -"features.3.0.mlp.0.bias" -> "features/3/0/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"features/3/0/mlp/0/linear/0" -> "features/3/0/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; -"features/3/0/mlp/1/gelu/0" -> "features/3/0/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; -"features/3/0/mlp/2/dropout/0" -> "features/3/0/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; -"features.3.0.mlp.3.weight" -> "features/3/0/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 1024)"]; -"features.3.0.mlp.3.bias" -> "features/3/0/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features/3/0/mlp/3/linear/0" -> "features/3/0/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/0/mlp/4/dropout/0" -> "features/3/0/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features.3.0.norm2.weight" -> "features/3/0/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features.3.0.norm2.bias" -> "features/3/0/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"features/3/0/norm2/layer_norm/0" -> "features/3/0/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/0/add/1" -> "features/3/1/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/0/add/1" -> "features/3/1/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features.3.1.attn.relative_coords_table" -> "features/3/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.3.1.attn.cpb_mlp.0.weight" -> "features/3/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.3.1.attn.cpb_mlp.0.bias" -> "features/3/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/3/1/attn/cpb_mlp/0/linear/0" -> "features/3/1/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/3/1/attn/cpb_mlp/1/relu_/0" -> "features/3/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.3.1.attn.cpb_mlp.2.weight" -> "features/3/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(8, 512)"]; -"features/3/1/attn/cpb_mlp/2/linear/0" -> "features/3/1/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 8)"]; -"features/3/1/attn/view/0" -> "features/3/1/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 8)"]; -"features.3.1.attn.relative_position_index" -> "features/3/1/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/3/1/attn/__getitem__/0" -> "features/3/1/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 8)"]; -"features/3/1/attn/view/1" -> "features/3/1/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 8)"]; -"features/3/1/attn/permute/0" -> "features/3/1/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 64, 64)"]; -"features/3/1/attn/contiguous/0" -> "features/3/1/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 64, 64)"]; -"features/3/1/attn/unsqueeze/0" -> "features/3/1/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features/3/1/attn/sigmoid/0" -> "features/3/1/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features/3/1/attn/mul/0" -> "features/3/1/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features/3/1/attn/pad/0" -> "features/3/1/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/1/attn/view/2" -> "features/3/1/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 256)"]; -"features/3/1/attn/permute/1" -> "features/3/1/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 256)"]; -"features/3/1/attn/reshape/0" -> "features/3/1/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; -"features.3.1.attn.qkv.bias" -> "features/3/1/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(768,)"]; -"features/3/1/attn/clone/0" -> "features/3/1/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(768,)"]; -"features/3/1/attn/clone/0" -> "features/3/1/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(768,)"]; -"features/3/1/attn/clone/0" -> "features/3/1/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"features/3/1/attn/__getitem__/1" -> "features/3/1/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256,)"]; -"features.3.1.attn.qkv.weight" -> "features/3/1/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768, 256)"]; -"features/3/1/attn/linear/0" -> "features/3/1/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 768)"]; -"features/3/1/attn/reshape/1" -> "features/3/1/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 8, 32)"]; -"features/3/1/attn/permute/2" -> "features/3/1/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 8, 64, 32)"]; -"features/3/1/attn/permute/2" -> "features/3/1/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 8, 64, 32)"]; -"features/3/1/attn/permute/2" -> "features/3/1/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 8, 64, 32)"]; -"features/3/1/attn/__getitem__/2" -> "features/3/1/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; -"features/3/1/attn/__getitem__/3" -> "features/3/1/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; -"features/3/1/attn/__getitem__/4" -> "features/3/1/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 64, 32)"]; -"features/3/1/attn/normalize/0" -> "features/3/1/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; -"features/3/1/attn/normalize/1" -> "features/3/1/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; -"features/3/1/attn/transpose/0" -> "features/3/1/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 32, 64)"]; -"features/3/1/attn/matmul/0" -> "features/3/1/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features.3.1.attn.logit_scale" -> "features/3/1/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 1, 1)"]; -"features/3/1/attn/clamp/0" -> "features/3/1/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(8, 1, 1)"]; -"features/3/1/attn/exp/0" -> "features/3/1/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(8, 1, 1)"]; -"features/3/1/attn/mul/1" -> "features/3/1/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features/3/1/attn/add/0" -> "features/3/1/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features/3/1/attn/softmax/0" -> "features/3/1/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features/3/1/attn/dropout/0" -> "features/3/1/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 64)"]; -"features/3/1/attn/matmul/1" -> "features/3/1/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 64, 32)"]; -"features/3/1/attn/transpose/1" -> "features/3/1/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 8, 32)"]; -"features/3/1/attn/reshape/2" -> "features/3/1/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; -"features.3.1.attn.proj.weight" -> "features/3/1/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256)"]; -"features.3.1.attn.proj.bias" -> "features/3/1/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features/3/1/attn/linear/1" -> "features/3/1/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; -"features/3/1/attn/dropout/1" -> "features/3/1/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 256)"]; -"features/3/1/attn/view/3" -> "features/3/1/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 256)"]; -"features/3/1/attn/permute/3" -> "features/3/1/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 256)"]; -"features/3/1/attn/reshape/3" -> "features/3/1/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/1/attn/__getitem__/5" -> "features/3/1/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/1/attn/contiguous/1" -> "features/3/1/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features.3.1.norm1.weight" -> "features/3/1/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features.3.1.norm1.bias" -> "features/3/1/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"features/3/1/norm1/layer_norm/0" -> "features/3/1/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/1/add/0" -> "features/3/1/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/1/add/0" -> "features/3/1/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features.3.1.mlp.0.weight" -> "features/3/1/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 256)"]; -"features.3.1.mlp.0.bias" -> "features/3/1/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"features/3/1/mlp/0/linear/0" -> "features/3/1/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; -"features/3/1/mlp/1/gelu/0" -> "features/3/1/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; -"features/3/1/mlp/2/dropout/0" -> "features/3/1/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; -"features.3.1.mlp.3.weight" -> "features/3/1/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 1024)"]; -"features.3.1.mlp.3.bias" -> "features/3/1/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features/3/1/mlp/3/linear/0" -> "features/3/1/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/1/mlp/4/dropout/0" -> "features/3/1/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features.3.1.norm2.weight" -> "features/3/1/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features.3.1.norm2.bias" -> "features/3/1/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"features/3/1/norm2/layer_norm/0" -> "features/3/1/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/3/1/add/1" -> "features/4/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/4/pad/0" -> "features/4/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/4/pad/0" -> "features/4/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/4/pad/0" -> "features/4/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/4/pad/0" -> "features/4/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 256)"]; -"features/4/__getitem__/0" -> "features/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 256)"]; -"features/4/__getitem__/1" -> "features/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 256)"]; -"features/4/__getitem__/2" -> "features/4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 4, 4, 256)"]; -"features/4/__getitem__/3" -> "features/4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 4, 4, 256)"]; -"features/4/cat/0" -> "features/4/reduction/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 1024)"]; -"features.4.reduction.weight" -> "features/4/reduction/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024)"]; -"features/4/reduction/linear/0" -> "features/4/norm/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.4.norm.weight" -> "features/4/norm/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.4.norm.bias" -> "features/4/norm/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/4/norm/layer_norm/0" -> "features/5/0/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/4/norm/layer_norm/0" -> "features/5/0/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.0.attn.relative_coords_table" -> "features/5/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.0.attn.cpb_mlp.0.weight" -> "features/5/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.0.attn.cpb_mlp.0.bias" -> "features/5/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/0/attn/cpb_mlp/0/linear/0" -> "features/5/0/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/0/attn/cpb_mlp/1/relu_/0" -> "features/5/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.0.attn.cpb_mlp.2.weight" -> "features/5/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/0/attn/cpb_mlp/2/linear/0" -> "features/5/0/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/0/attn/view/0" -> "features/5/0/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.0.attn.relative_position_index" -> "features/5/0/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/0/attn/__getitem__/0" -> "features/5/0/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/0/attn/view/1" -> "features/5/0/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/0/attn/permute/0" -> "features/5/0/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/0/attn/contiguous/0" -> "features/5/0/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/0/attn/unsqueeze/0" -> "features/5/0/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/0/attn/sigmoid/0" -> "features/5/0/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/0/attn/mul/0" -> "features/5/0/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/0/attn/pad/0" -> "features/5/0/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/0/attn/view/2" -> "features/5/0/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/0/attn/permute/1" -> "features/5/0/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/0/attn/reshape/0" -> "features/5/0/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.0.attn.qkv.bias" -> "features/5/0/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/0/attn/clone/0" -> "features/5/0/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/0/attn/clone/0" -> "features/5/0/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/0/attn/clone/0" -> "features/5/0/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/0/attn/__getitem__/1" -> "features/5/0/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.0.attn.qkv.weight" -> "features/5/0/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/0/attn/linear/0" -> "features/5/0/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/0/attn/reshape/1" -> "features/5/0/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/0/attn/permute/2" -> "features/5/0/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/0/attn/permute/2" -> "features/5/0/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/0/attn/permute/2" -> "features/5/0/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/0/attn/__getitem__/2" -> "features/5/0/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/0/attn/__getitem__/3" -> "features/5/0/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/0/attn/__getitem__/4" -> "features/5/0/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/0/attn/normalize/0" -> "features/5/0/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/0/attn/normalize/1" -> "features/5/0/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/0/attn/transpose/0" -> "features/5/0/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/0/attn/matmul/0" -> "features/5/0/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.0.attn.logit_scale" -> "features/5/0/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/0/attn/clamp/0" -> "features/5/0/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/0/attn/exp/0" -> "features/5/0/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/0/attn/mul/1" -> "features/5/0/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/0/attn/add/0" -> "features/5/0/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/0/attn/softmax/0" -> "features/5/0/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/0/attn/dropout/0" -> "features/5/0/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/0/attn/matmul/1" -> "features/5/0/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/0/attn/transpose/1" -> "features/5/0/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/0/attn/reshape/2" -> "features/5/0/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.0.attn.proj.weight" -> "features/5/0/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.0.attn.proj.bias" -> "features/5/0/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/0/attn/linear/1" -> "features/5/0/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/0/attn/dropout/1" -> "features/5/0/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/0/attn/view/3" -> "features/5/0/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/0/attn/permute/3" -> "features/5/0/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/0/attn/reshape/3" -> "features/5/0/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/0/attn/__getitem__/5" -> "features/5/0/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/0/attn/contiguous/1" -> "features/5/0/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.0.norm1.weight" -> "features/5/0/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.0.norm1.bias" -> "features/5/0/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/0/norm1/layer_norm/0" -> "features/5/0/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/0/add/0" -> "features/5/0/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/0/add/0" -> "features/5/0/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.0.mlp.0.weight" -> "features/5/0/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.0.mlp.0.bias" -> "features/5/0/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/0/mlp/0/linear/0" -> "features/5/0/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/0/mlp/1/gelu/0" -> "features/5/0/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/0/mlp/2/dropout/0" -> "features/5/0/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.0.mlp.3.weight" -> "features/5/0/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.0.mlp.3.bias" -> "features/5/0/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/0/mlp/3/linear/0" -> "features/5/0/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/0/mlp/4/dropout/0" -> "features/5/0/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.0.norm2.weight" -> "features/5/0/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.0.norm2.bias" -> "features/5/0/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/0/norm2/layer_norm/0" -> "features/5/0/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/0/add/1" -> "features/5/1/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/0/add/1" -> "features/5/1/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.1.attn.relative_coords_table" -> "features/5/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.1.attn.cpb_mlp.0.weight" -> "features/5/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.1.attn.cpb_mlp.0.bias" -> "features/5/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/1/attn/cpb_mlp/0/linear/0" -> "features/5/1/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/1/attn/cpb_mlp/1/relu_/0" -> "features/5/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.1.attn.cpb_mlp.2.weight" -> "features/5/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/1/attn/cpb_mlp/2/linear/0" -> "features/5/1/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/1/attn/view/0" -> "features/5/1/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.1.attn.relative_position_index" -> "features/5/1/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/1/attn/__getitem__/0" -> "features/5/1/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/1/attn/view/1" -> "features/5/1/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/1/attn/permute/0" -> "features/5/1/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/1/attn/contiguous/0" -> "features/5/1/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/1/attn/unsqueeze/0" -> "features/5/1/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/1/attn/sigmoid/0" -> "features/5/1/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/1/attn/mul/0" -> "features/5/1/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/1/attn/pad/0" -> "features/5/1/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/1/attn/view/2" -> "features/5/1/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/1/attn/permute/1" -> "features/5/1/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/1/attn/reshape/0" -> "features/5/1/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.1.attn.qkv.bias" -> "features/5/1/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/1/attn/clone/0" -> "features/5/1/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/1/attn/clone/0" -> "features/5/1/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/1/attn/clone/0" -> "features/5/1/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/1/attn/__getitem__/1" -> "features/5/1/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.1.attn.qkv.weight" -> "features/5/1/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/1/attn/linear/0" -> "features/5/1/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/1/attn/reshape/1" -> "features/5/1/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/1/attn/permute/2" -> "features/5/1/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/1/attn/permute/2" -> "features/5/1/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/1/attn/permute/2" -> "features/5/1/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/1/attn/__getitem__/2" -> "features/5/1/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/1/attn/__getitem__/3" -> "features/5/1/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/1/attn/__getitem__/4" -> "features/5/1/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/1/attn/normalize/0" -> "features/5/1/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/1/attn/normalize/1" -> "features/5/1/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/1/attn/transpose/0" -> "features/5/1/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/1/attn/matmul/0" -> "features/5/1/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.1.attn.logit_scale" -> "features/5/1/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/1/attn/clamp/0" -> "features/5/1/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/1/attn/exp/0" -> "features/5/1/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/1/attn/mul/1" -> "features/5/1/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/1/attn/add/0" -> "features/5/1/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/1/attn/softmax/0" -> "features/5/1/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/1/attn/dropout/0" -> "features/5/1/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/1/attn/matmul/1" -> "features/5/1/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/1/attn/transpose/1" -> "features/5/1/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/1/attn/reshape/2" -> "features/5/1/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.1.attn.proj.weight" -> "features/5/1/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.1.attn.proj.bias" -> "features/5/1/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/1/attn/linear/1" -> "features/5/1/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/1/attn/dropout/1" -> "features/5/1/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/1/attn/view/3" -> "features/5/1/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/1/attn/permute/3" -> "features/5/1/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/1/attn/reshape/3" -> "features/5/1/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/1/attn/__getitem__/5" -> "features/5/1/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/1/attn/contiguous/1" -> "features/5/1/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.1.norm1.weight" -> "features/5/1/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.1.norm1.bias" -> "features/5/1/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/1/norm1/layer_norm/0" -> "features/5/1/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/1/add/0" -> "features/5/1/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/1/add/0" -> "features/5/1/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.1.mlp.0.weight" -> "features/5/1/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.1.mlp.0.bias" -> "features/5/1/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/1/mlp/0/linear/0" -> "features/5/1/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/1/mlp/1/gelu/0" -> "features/5/1/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/1/mlp/2/dropout/0" -> "features/5/1/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.1.mlp.3.weight" -> "features/5/1/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.1.mlp.3.bias" -> "features/5/1/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/1/mlp/3/linear/0" -> "features/5/1/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/1/mlp/4/dropout/0" -> "features/5/1/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.1.norm2.weight" -> "features/5/1/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.1.norm2.bias" -> "features/5/1/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/1/norm2/layer_norm/0" -> "features/5/1/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/1/add/1" -> "features/5/2/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/1/add/1" -> "features/5/2/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.2.attn.relative_coords_table" -> "features/5/2/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.2.attn.cpb_mlp.0.weight" -> "features/5/2/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.2.attn.cpb_mlp.0.bias" -> "features/5/2/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/2/attn/cpb_mlp/0/linear/0" -> "features/5/2/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/2/attn/cpb_mlp/1/relu_/0" -> "features/5/2/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.2.attn.cpb_mlp.2.weight" -> "features/5/2/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/2/attn/cpb_mlp/2/linear/0" -> "features/5/2/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/2/attn/view/0" -> "features/5/2/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.2.attn.relative_position_index" -> "features/5/2/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/2/attn/__getitem__/0" -> "features/5/2/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/2/attn/view/1" -> "features/5/2/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/2/attn/permute/0" -> "features/5/2/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/2/attn/contiguous/0" -> "features/5/2/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/2/attn/unsqueeze/0" -> "features/5/2/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/2/attn/sigmoid/0" -> "features/5/2/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/2/attn/mul/0" -> "features/5/2/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/2/attn/pad/0" -> "features/5/2/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/2/attn/view/2" -> "features/5/2/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/2/attn/permute/1" -> "features/5/2/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/2/attn/reshape/0" -> "features/5/2/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.2.attn.qkv.bias" -> "features/5/2/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/2/attn/clone/0" -> "features/5/2/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/2/attn/clone/0" -> "features/5/2/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/2/attn/clone/0" -> "features/5/2/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/2/attn/__getitem__/1" -> "features/5/2/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.2.attn.qkv.weight" -> "features/5/2/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/2/attn/linear/0" -> "features/5/2/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/2/attn/reshape/1" -> "features/5/2/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/2/attn/permute/2" -> "features/5/2/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/2/attn/permute/2" -> "features/5/2/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/2/attn/permute/2" -> "features/5/2/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/2/attn/__getitem__/2" -> "features/5/2/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/2/attn/__getitem__/3" -> "features/5/2/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/2/attn/__getitem__/4" -> "features/5/2/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/2/attn/normalize/0" -> "features/5/2/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/2/attn/normalize/1" -> "features/5/2/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/2/attn/transpose/0" -> "features/5/2/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/2/attn/matmul/0" -> "features/5/2/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.2.attn.logit_scale" -> "features/5/2/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/2/attn/clamp/0" -> "features/5/2/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/2/attn/exp/0" -> "features/5/2/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/2/attn/mul/1" -> "features/5/2/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/2/attn/add/0" -> "features/5/2/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/2/attn/softmax/0" -> "features/5/2/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/2/attn/dropout/0" -> "features/5/2/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/2/attn/matmul/1" -> "features/5/2/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/2/attn/transpose/1" -> "features/5/2/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/2/attn/reshape/2" -> "features/5/2/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.2.attn.proj.weight" -> "features/5/2/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.2.attn.proj.bias" -> "features/5/2/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/2/attn/linear/1" -> "features/5/2/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/2/attn/dropout/1" -> "features/5/2/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/2/attn/view/3" -> "features/5/2/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/2/attn/permute/3" -> "features/5/2/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/2/attn/reshape/3" -> "features/5/2/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/2/attn/__getitem__/5" -> "features/5/2/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/2/attn/contiguous/1" -> "features/5/2/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.2.norm1.weight" -> "features/5/2/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.2.norm1.bias" -> "features/5/2/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/2/norm1/layer_norm/0" -> "features/5/2/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/2/add/0" -> "features/5/2/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/2/add/0" -> "features/5/2/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.2.mlp.0.weight" -> "features/5/2/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.2.mlp.0.bias" -> "features/5/2/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/2/mlp/0/linear/0" -> "features/5/2/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/2/mlp/1/gelu/0" -> "features/5/2/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/2/mlp/2/dropout/0" -> "features/5/2/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.2.mlp.3.weight" -> "features/5/2/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.2.mlp.3.bias" -> "features/5/2/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/2/mlp/3/linear/0" -> "features/5/2/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/2/mlp/4/dropout/0" -> "features/5/2/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.2.norm2.weight" -> "features/5/2/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.2.norm2.bias" -> "features/5/2/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/2/norm2/layer_norm/0" -> "features/5/2/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/2/add/1" -> "features/5/3/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/2/add/1" -> "features/5/3/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.3.attn.relative_coords_table" -> "features/5/3/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.3.attn.cpb_mlp.0.weight" -> "features/5/3/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.3.attn.cpb_mlp.0.bias" -> "features/5/3/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/3/attn/cpb_mlp/0/linear/0" -> "features/5/3/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/3/attn/cpb_mlp/1/relu_/0" -> "features/5/3/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.3.attn.cpb_mlp.2.weight" -> "features/5/3/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/3/attn/cpb_mlp/2/linear/0" -> "features/5/3/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/3/attn/view/0" -> "features/5/3/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.3.attn.relative_position_index" -> "features/5/3/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/3/attn/__getitem__/0" -> "features/5/3/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/3/attn/view/1" -> "features/5/3/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/3/attn/permute/0" -> "features/5/3/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/3/attn/contiguous/0" -> "features/5/3/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/3/attn/unsqueeze/0" -> "features/5/3/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/3/attn/sigmoid/0" -> "features/5/3/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/3/attn/mul/0" -> "features/5/3/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/3/attn/pad/0" -> "features/5/3/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/3/attn/view/2" -> "features/5/3/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/3/attn/permute/1" -> "features/5/3/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/3/attn/reshape/0" -> "features/5/3/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.3.attn.qkv.bias" -> "features/5/3/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/3/attn/clone/0" -> "features/5/3/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/3/attn/clone/0" -> "features/5/3/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/3/attn/clone/0" -> "features/5/3/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/3/attn/__getitem__/1" -> "features/5/3/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.3.attn.qkv.weight" -> "features/5/3/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/3/attn/linear/0" -> "features/5/3/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/3/attn/reshape/1" -> "features/5/3/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/3/attn/permute/2" -> "features/5/3/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/3/attn/permute/2" -> "features/5/3/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/3/attn/permute/2" -> "features/5/3/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/3/attn/__getitem__/2" -> "features/5/3/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/3/attn/__getitem__/3" -> "features/5/3/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/3/attn/__getitem__/4" -> "features/5/3/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/3/attn/normalize/0" -> "features/5/3/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/3/attn/normalize/1" -> "features/5/3/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/3/attn/transpose/0" -> "features/5/3/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/3/attn/matmul/0" -> "features/5/3/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.3.attn.logit_scale" -> "features/5/3/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/3/attn/clamp/0" -> "features/5/3/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/3/attn/exp/0" -> "features/5/3/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/3/attn/mul/1" -> "features/5/3/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/3/attn/add/0" -> "features/5/3/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/3/attn/softmax/0" -> "features/5/3/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/3/attn/dropout/0" -> "features/5/3/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/3/attn/matmul/1" -> "features/5/3/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/3/attn/transpose/1" -> "features/5/3/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/3/attn/reshape/2" -> "features/5/3/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.3.attn.proj.weight" -> "features/5/3/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.3.attn.proj.bias" -> "features/5/3/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/3/attn/linear/1" -> "features/5/3/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/3/attn/dropout/1" -> "features/5/3/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/3/attn/view/3" -> "features/5/3/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/3/attn/permute/3" -> "features/5/3/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/3/attn/reshape/3" -> "features/5/3/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/3/attn/__getitem__/5" -> "features/5/3/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/3/attn/contiguous/1" -> "features/5/3/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.3.norm1.weight" -> "features/5/3/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.3.norm1.bias" -> "features/5/3/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/3/norm1/layer_norm/0" -> "features/5/3/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/3/add/0" -> "features/5/3/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/3/add/0" -> "features/5/3/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.3.mlp.0.weight" -> "features/5/3/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.3.mlp.0.bias" -> "features/5/3/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/3/mlp/0/linear/0" -> "features/5/3/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/3/mlp/1/gelu/0" -> "features/5/3/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/3/mlp/2/dropout/0" -> "features/5/3/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.3.mlp.3.weight" -> "features/5/3/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.3.mlp.3.bias" -> "features/5/3/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/3/mlp/3/linear/0" -> "features/5/3/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/3/mlp/4/dropout/0" -> "features/5/3/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.3.norm2.weight" -> "features/5/3/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.3.norm2.bias" -> "features/5/3/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/3/norm2/layer_norm/0" -> "features/5/3/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/3/add/1" -> "features/5/4/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/3/add/1" -> "features/5/4/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.4.attn.relative_coords_table" -> "features/5/4/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.4.attn.cpb_mlp.0.weight" -> "features/5/4/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.4.attn.cpb_mlp.0.bias" -> "features/5/4/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/4/attn/cpb_mlp/0/linear/0" -> "features/5/4/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/4/attn/cpb_mlp/1/relu_/0" -> "features/5/4/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.4.attn.cpb_mlp.2.weight" -> "features/5/4/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/4/attn/cpb_mlp/2/linear/0" -> "features/5/4/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/4/attn/view/0" -> "features/5/4/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.4.attn.relative_position_index" -> "features/5/4/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/4/attn/__getitem__/0" -> "features/5/4/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/4/attn/view/1" -> "features/5/4/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/4/attn/permute/0" -> "features/5/4/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/4/attn/contiguous/0" -> "features/5/4/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/4/attn/unsqueeze/0" -> "features/5/4/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/4/attn/sigmoid/0" -> "features/5/4/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/4/attn/mul/0" -> "features/5/4/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/4/attn/pad/0" -> "features/5/4/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/4/attn/view/2" -> "features/5/4/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/4/attn/permute/1" -> "features/5/4/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/4/attn/reshape/0" -> "features/5/4/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.4.attn.qkv.bias" -> "features/5/4/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/4/attn/clone/0" -> "features/5/4/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/4/attn/clone/0" -> "features/5/4/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/4/attn/clone/0" -> "features/5/4/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/4/attn/__getitem__/1" -> "features/5/4/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.4.attn.qkv.weight" -> "features/5/4/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/4/attn/linear/0" -> "features/5/4/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/4/attn/reshape/1" -> "features/5/4/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/4/attn/permute/2" -> "features/5/4/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/4/attn/permute/2" -> "features/5/4/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/4/attn/permute/2" -> "features/5/4/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/4/attn/__getitem__/2" -> "features/5/4/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/4/attn/__getitem__/3" -> "features/5/4/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/4/attn/__getitem__/4" -> "features/5/4/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/4/attn/normalize/0" -> "features/5/4/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/4/attn/normalize/1" -> "features/5/4/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/4/attn/transpose/0" -> "features/5/4/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/4/attn/matmul/0" -> "features/5/4/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.4.attn.logit_scale" -> "features/5/4/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/4/attn/clamp/0" -> "features/5/4/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/4/attn/exp/0" -> "features/5/4/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/4/attn/mul/1" -> "features/5/4/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/4/attn/add/0" -> "features/5/4/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/4/attn/softmax/0" -> "features/5/4/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/4/attn/dropout/0" -> "features/5/4/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/4/attn/matmul/1" -> "features/5/4/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/4/attn/transpose/1" -> "features/5/4/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/4/attn/reshape/2" -> "features/5/4/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.4.attn.proj.weight" -> "features/5/4/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.4.attn.proj.bias" -> "features/5/4/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/4/attn/linear/1" -> "features/5/4/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/4/attn/dropout/1" -> "features/5/4/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/4/attn/view/3" -> "features/5/4/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/4/attn/permute/3" -> "features/5/4/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/4/attn/reshape/3" -> "features/5/4/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/4/attn/__getitem__/5" -> "features/5/4/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/4/attn/contiguous/1" -> "features/5/4/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.4.norm1.weight" -> "features/5/4/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.4.norm1.bias" -> "features/5/4/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/4/norm1/layer_norm/0" -> "features/5/4/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/4/add/0" -> "features/5/4/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/4/add/0" -> "features/5/4/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.4.mlp.0.weight" -> "features/5/4/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.4.mlp.0.bias" -> "features/5/4/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/4/mlp/0/linear/0" -> "features/5/4/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/4/mlp/1/gelu/0" -> "features/5/4/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/4/mlp/2/dropout/0" -> "features/5/4/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.4.mlp.3.weight" -> "features/5/4/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.4.mlp.3.bias" -> "features/5/4/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/4/mlp/3/linear/0" -> "features/5/4/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/4/mlp/4/dropout/0" -> "features/5/4/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.4.norm2.weight" -> "features/5/4/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.4.norm2.bias" -> "features/5/4/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/4/norm2/layer_norm/0" -> "features/5/4/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/4/add/1" -> "features/5/5/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/4/add/1" -> "features/5/5/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.5.attn.relative_coords_table" -> "features/5/5/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.5.attn.cpb_mlp.0.weight" -> "features/5/5/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.5.attn.cpb_mlp.0.bias" -> "features/5/5/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/5/attn/cpb_mlp/0/linear/0" -> "features/5/5/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/5/attn/cpb_mlp/1/relu_/0" -> "features/5/5/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.5.attn.cpb_mlp.2.weight" -> "features/5/5/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/5/attn/cpb_mlp/2/linear/0" -> "features/5/5/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/5/attn/view/0" -> "features/5/5/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.5.attn.relative_position_index" -> "features/5/5/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/5/attn/__getitem__/0" -> "features/5/5/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/5/attn/view/1" -> "features/5/5/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/5/attn/permute/0" -> "features/5/5/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/5/attn/contiguous/0" -> "features/5/5/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/5/attn/unsqueeze/0" -> "features/5/5/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/5/attn/sigmoid/0" -> "features/5/5/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/5/attn/mul/0" -> "features/5/5/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/5/attn/pad/0" -> "features/5/5/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/5/attn/view/2" -> "features/5/5/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/5/attn/permute/1" -> "features/5/5/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/5/attn/reshape/0" -> "features/5/5/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.5.attn.qkv.bias" -> "features/5/5/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/5/attn/clone/0" -> "features/5/5/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/5/attn/clone/0" -> "features/5/5/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/5/attn/clone/0" -> "features/5/5/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/5/attn/__getitem__/1" -> "features/5/5/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.5.attn.qkv.weight" -> "features/5/5/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/5/attn/linear/0" -> "features/5/5/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/5/attn/reshape/1" -> "features/5/5/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/5/attn/permute/2" -> "features/5/5/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/5/attn/permute/2" -> "features/5/5/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/5/attn/permute/2" -> "features/5/5/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/5/attn/__getitem__/2" -> "features/5/5/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/5/attn/__getitem__/3" -> "features/5/5/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/5/attn/__getitem__/4" -> "features/5/5/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/5/attn/normalize/0" -> "features/5/5/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/5/attn/normalize/1" -> "features/5/5/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/5/attn/transpose/0" -> "features/5/5/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/5/attn/matmul/0" -> "features/5/5/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.5.attn.logit_scale" -> "features/5/5/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/5/attn/clamp/0" -> "features/5/5/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/5/attn/exp/0" -> "features/5/5/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/5/attn/mul/1" -> "features/5/5/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/5/attn/add/0" -> "features/5/5/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/5/attn/softmax/0" -> "features/5/5/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/5/attn/dropout/0" -> "features/5/5/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/5/attn/matmul/1" -> "features/5/5/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/5/attn/transpose/1" -> "features/5/5/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/5/attn/reshape/2" -> "features/5/5/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.5.attn.proj.weight" -> "features/5/5/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.5.attn.proj.bias" -> "features/5/5/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/5/attn/linear/1" -> "features/5/5/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/5/attn/dropout/1" -> "features/5/5/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/5/attn/view/3" -> "features/5/5/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/5/attn/permute/3" -> "features/5/5/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/5/attn/reshape/3" -> "features/5/5/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/5/attn/__getitem__/5" -> "features/5/5/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/5/attn/contiguous/1" -> "features/5/5/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.5.norm1.weight" -> "features/5/5/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.5.norm1.bias" -> "features/5/5/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/5/norm1/layer_norm/0" -> "features/5/5/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/5/add/0" -> "features/5/5/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/5/add/0" -> "features/5/5/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.5.mlp.0.weight" -> "features/5/5/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.5.mlp.0.bias" -> "features/5/5/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/5/mlp/0/linear/0" -> "features/5/5/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/5/mlp/1/gelu/0" -> "features/5/5/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/5/mlp/2/dropout/0" -> "features/5/5/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.5.mlp.3.weight" -> "features/5/5/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.5.mlp.3.bias" -> "features/5/5/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/5/mlp/3/linear/0" -> "features/5/5/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/5/mlp/4/dropout/0" -> "features/5/5/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.5.norm2.weight" -> "features/5/5/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.5.norm2.bias" -> "features/5/5/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/5/norm2/layer_norm/0" -> "features/5/5/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/5/add/1" -> "features/5/6/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/5/add/1" -> "features/5/6/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.6.attn.relative_coords_table" -> "features/5/6/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.6.attn.cpb_mlp.0.weight" -> "features/5/6/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.6.attn.cpb_mlp.0.bias" -> "features/5/6/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/6/attn/cpb_mlp/0/linear/0" -> "features/5/6/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/6/attn/cpb_mlp/1/relu_/0" -> "features/5/6/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.6.attn.cpb_mlp.2.weight" -> "features/5/6/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/6/attn/cpb_mlp/2/linear/0" -> "features/5/6/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/6/attn/view/0" -> "features/5/6/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.6.attn.relative_position_index" -> "features/5/6/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/6/attn/__getitem__/0" -> "features/5/6/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/6/attn/view/1" -> "features/5/6/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/6/attn/permute/0" -> "features/5/6/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/6/attn/contiguous/0" -> "features/5/6/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/6/attn/unsqueeze/0" -> "features/5/6/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/6/attn/sigmoid/0" -> "features/5/6/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/6/attn/mul/0" -> "features/5/6/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/6/attn/pad/0" -> "features/5/6/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/6/attn/view/2" -> "features/5/6/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/6/attn/permute/1" -> "features/5/6/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/6/attn/reshape/0" -> "features/5/6/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.6.attn.qkv.bias" -> "features/5/6/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/6/attn/clone/0" -> "features/5/6/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/6/attn/clone/0" -> "features/5/6/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/6/attn/clone/0" -> "features/5/6/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/6/attn/__getitem__/1" -> "features/5/6/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.6.attn.qkv.weight" -> "features/5/6/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/6/attn/linear/0" -> "features/5/6/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/6/attn/reshape/1" -> "features/5/6/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/6/attn/permute/2" -> "features/5/6/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/6/attn/permute/2" -> "features/5/6/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/6/attn/permute/2" -> "features/5/6/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/6/attn/__getitem__/2" -> "features/5/6/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/6/attn/__getitem__/3" -> "features/5/6/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/6/attn/__getitem__/4" -> "features/5/6/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/6/attn/normalize/0" -> "features/5/6/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/6/attn/normalize/1" -> "features/5/6/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/6/attn/transpose/0" -> "features/5/6/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/6/attn/matmul/0" -> "features/5/6/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.6.attn.logit_scale" -> "features/5/6/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/6/attn/clamp/0" -> "features/5/6/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/6/attn/exp/0" -> "features/5/6/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/6/attn/mul/1" -> "features/5/6/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/6/attn/add/0" -> "features/5/6/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/6/attn/softmax/0" -> "features/5/6/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/6/attn/dropout/0" -> "features/5/6/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/6/attn/matmul/1" -> "features/5/6/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/6/attn/transpose/1" -> "features/5/6/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/6/attn/reshape/2" -> "features/5/6/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.6.attn.proj.weight" -> "features/5/6/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.6.attn.proj.bias" -> "features/5/6/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/6/attn/linear/1" -> "features/5/6/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/6/attn/dropout/1" -> "features/5/6/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/6/attn/view/3" -> "features/5/6/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/6/attn/permute/3" -> "features/5/6/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/6/attn/reshape/3" -> "features/5/6/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/6/attn/__getitem__/5" -> "features/5/6/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/6/attn/contiguous/1" -> "features/5/6/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.6.norm1.weight" -> "features/5/6/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.6.norm1.bias" -> "features/5/6/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/6/norm1/layer_norm/0" -> "features/5/6/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/6/add/0" -> "features/5/6/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/6/add/0" -> "features/5/6/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.6.mlp.0.weight" -> "features/5/6/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.6.mlp.0.bias" -> "features/5/6/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/6/mlp/0/linear/0" -> "features/5/6/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/6/mlp/1/gelu/0" -> "features/5/6/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/6/mlp/2/dropout/0" -> "features/5/6/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.6.mlp.3.weight" -> "features/5/6/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.6.mlp.3.bias" -> "features/5/6/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/6/mlp/3/linear/0" -> "features/5/6/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/6/mlp/4/dropout/0" -> "features/5/6/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.6.norm2.weight" -> "features/5/6/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.6.norm2.bias" -> "features/5/6/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/6/norm2/layer_norm/0" -> "features/5/6/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/6/add/1" -> "features/5/7/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/6/add/1" -> "features/5/7/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.7.attn.relative_coords_table" -> "features/5/7/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.7.attn.cpb_mlp.0.weight" -> "features/5/7/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.7.attn.cpb_mlp.0.bias" -> "features/5/7/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/7/attn/cpb_mlp/0/linear/0" -> "features/5/7/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/7/attn/cpb_mlp/1/relu_/0" -> "features/5/7/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.7.attn.cpb_mlp.2.weight" -> "features/5/7/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/7/attn/cpb_mlp/2/linear/0" -> "features/5/7/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/7/attn/view/0" -> "features/5/7/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.7.attn.relative_position_index" -> "features/5/7/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/7/attn/__getitem__/0" -> "features/5/7/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/7/attn/view/1" -> "features/5/7/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/7/attn/permute/0" -> "features/5/7/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/7/attn/contiguous/0" -> "features/5/7/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/7/attn/unsqueeze/0" -> "features/5/7/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/7/attn/sigmoid/0" -> "features/5/7/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/7/attn/mul/0" -> "features/5/7/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/7/attn/pad/0" -> "features/5/7/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/7/attn/view/2" -> "features/5/7/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/7/attn/permute/1" -> "features/5/7/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/7/attn/reshape/0" -> "features/5/7/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.7.attn.qkv.bias" -> "features/5/7/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/7/attn/clone/0" -> "features/5/7/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/7/attn/clone/0" -> "features/5/7/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/7/attn/clone/0" -> "features/5/7/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/7/attn/__getitem__/1" -> "features/5/7/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.7.attn.qkv.weight" -> "features/5/7/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/7/attn/linear/0" -> "features/5/7/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/7/attn/reshape/1" -> "features/5/7/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/7/attn/permute/2" -> "features/5/7/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/7/attn/permute/2" -> "features/5/7/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/7/attn/permute/2" -> "features/5/7/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/7/attn/__getitem__/2" -> "features/5/7/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/7/attn/__getitem__/3" -> "features/5/7/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/7/attn/__getitem__/4" -> "features/5/7/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/7/attn/normalize/0" -> "features/5/7/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/7/attn/normalize/1" -> "features/5/7/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/7/attn/transpose/0" -> "features/5/7/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/7/attn/matmul/0" -> "features/5/7/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.7.attn.logit_scale" -> "features/5/7/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/7/attn/clamp/0" -> "features/5/7/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/7/attn/exp/0" -> "features/5/7/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/7/attn/mul/1" -> "features/5/7/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/7/attn/add/0" -> "features/5/7/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/7/attn/softmax/0" -> "features/5/7/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/7/attn/dropout/0" -> "features/5/7/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/7/attn/matmul/1" -> "features/5/7/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/7/attn/transpose/1" -> "features/5/7/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/7/attn/reshape/2" -> "features/5/7/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.7.attn.proj.weight" -> "features/5/7/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.7.attn.proj.bias" -> "features/5/7/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/7/attn/linear/1" -> "features/5/7/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/7/attn/dropout/1" -> "features/5/7/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/7/attn/view/3" -> "features/5/7/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/7/attn/permute/3" -> "features/5/7/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/7/attn/reshape/3" -> "features/5/7/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/7/attn/__getitem__/5" -> "features/5/7/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/7/attn/contiguous/1" -> "features/5/7/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.7.norm1.weight" -> "features/5/7/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.7.norm1.bias" -> "features/5/7/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/7/norm1/layer_norm/0" -> "features/5/7/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/7/add/0" -> "features/5/7/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/7/add/0" -> "features/5/7/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.7.mlp.0.weight" -> "features/5/7/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.7.mlp.0.bias" -> "features/5/7/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/7/mlp/0/linear/0" -> "features/5/7/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/7/mlp/1/gelu/0" -> "features/5/7/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/7/mlp/2/dropout/0" -> "features/5/7/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.7.mlp.3.weight" -> "features/5/7/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.7.mlp.3.bias" -> "features/5/7/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/7/mlp/3/linear/0" -> "features/5/7/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/7/mlp/4/dropout/0" -> "features/5/7/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.7.norm2.weight" -> "features/5/7/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.7.norm2.bias" -> "features/5/7/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/7/norm2/layer_norm/0" -> "features/5/7/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/7/add/1" -> "features/5/8/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/7/add/1" -> "features/5/8/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.8.attn.relative_coords_table" -> "features/5/8/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.8.attn.cpb_mlp.0.weight" -> "features/5/8/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.8.attn.cpb_mlp.0.bias" -> "features/5/8/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/8/attn/cpb_mlp/0/linear/0" -> "features/5/8/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/8/attn/cpb_mlp/1/relu_/0" -> "features/5/8/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.8.attn.cpb_mlp.2.weight" -> "features/5/8/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/8/attn/cpb_mlp/2/linear/0" -> "features/5/8/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/8/attn/view/0" -> "features/5/8/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.8.attn.relative_position_index" -> "features/5/8/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/8/attn/__getitem__/0" -> "features/5/8/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/8/attn/view/1" -> "features/5/8/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/8/attn/permute/0" -> "features/5/8/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/8/attn/contiguous/0" -> "features/5/8/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/8/attn/unsqueeze/0" -> "features/5/8/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/8/attn/sigmoid/0" -> "features/5/8/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/8/attn/mul/0" -> "features/5/8/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/8/attn/pad/0" -> "features/5/8/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/8/attn/view/2" -> "features/5/8/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/8/attn/permute/1" -> "features/5/8/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/8/attn/reshape/0" -> "features/5/8/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.8.attn.qkv.bias" -> "features/5/8/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/8/attn/clone/0" -> "features/5/8/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/8/attn/clone/0" -> "features/5/8/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/8/attn/clone/0" -> "features/5/8/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/8/attn/__getitem__/1" -> "features/5/8/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.8.attn.qkv.weight" -> "features/5/8/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/8/attn/linear/0" -> "features/5/8/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/8/attn/reshape/1" -> "features/5/8/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/8/attn/permute/2" -> "features/5/8/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/8/attn/permute/2" -> "features/5/8/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/8/attn/permute/2" -> "features/5/8/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/8/attn/__getitem__/2" -> "features/5/8/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/8/attn/__getitem__/3" -> "features/5/8/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/8/attn/__getitem__/4" -> "features/5/8/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/8/attn/normalize/0" -> "features/5/8/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/8/attn/normalize/1" -> "features/5/8/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/8/attn/transpose/0" -> "features/5/8/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/8/attn/matmul/0" -> "features/5/8/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.8.attn.logit_scale" -> "features/5/8/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/8/attn/clamp/0" -> "features/5/8/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/8/attn/exp/0" -> "features/5/8/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/8/attn/mul/1" -> "features/5/8/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/8/attn/add/0" -> "features/5/8/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/8/attn/softmax/0" -> "features/5/8/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/8/attn/dropout/0" -> "features/5/8/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/8/attn/matmul/1" -> "features/5/8/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/8/attn/transpose/1" -> "features/5/8/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/8/attn/reshape/2" -> "features/5/8/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.8.attn.proj.weight" -> "features/5/8/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.8.attn.proj.bias" -> "features/5/8/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/8/attn/linear/1" -> "features/5/8/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/8/attn/dropout/1" -> "features/5/8/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/8/attn/view/3" -> "features/5/8/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/8/attn/permute/3" -> "features/5/8/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/8/attn/reshape/3" -> "features/5/8/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/8/attn/__getitem__/5" -> "features/5/8/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/8/attn/contiguous/1" -> "features/5/8/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.8.norm1.weight" -> "features/5/8/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.8.norm1.bias" -> "features/5/8/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/8/norm1/layer_norm/0" -> "features/5/8/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/8/add/0" -> "features/5/8/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/8/add/0" -> "features/5/8/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.8.mlp.0.weight" -> "features/5/8/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.8.mlp.0.bias" -> "features/5/8/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/8/mlp/0/linear/0" -> "features/5/8/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/8/mlp/1/gelu/0" -> "features/5/8/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/8/mlp/2/dropout/0" -> "features/5/8/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.8.mlp.3.weight" -> "features/5/8/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.8.mlp.3.bias" -> "features/5/8/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/8/mlp/3/linear/0" -> "features/5/8/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/8/mlp/4/dropout/0" -> "features/5/8/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.8.norm2.weight" -> "features/5/8/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.8.norm2.bias" -> "features/5/8/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/8/norm2/layer_norm/0" -> "features/5/8/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/8/add/1" -> "features/5/9/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/8/add/1" -> "features/5/9/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.9.attn.relative_coords_table" -> "features/5/9/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.9.attn.cpb_mlp.0.weight" -> "features/5/9/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.9.attn.cpb_mlp.0.bias" -> "features/5/9/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/9/attn/cpb_mlp/0/linear/0" -> "features/5/9/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/9/attn/cpb_mlp/1/relu_/0" -> "features/5/9/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.9.attn.cpb_mlp.2.weight" -> "features/5/9/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/9/attn/cpb_mlp/2/linear/0" -> "features/5/9/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/9/attn/view/0" -> "features/5/9/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.9.attn.relative_position_index" -> "features/5/9/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/9/attn/__getitem__/0" -> "features/5/9/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/9/attn/view/1" -> "features/5/9/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/9/attn/permute/0" -> "features/5/9/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/9/attn/contiguous/0" -> "features/5/9/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/9/attn/unsqueeze/0" -> "features/5/9/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/9/attn/sigmoid/0" -> "features/5/9/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/9/attn/mul/0" -> "features/5/9/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/9/attn/pad/0" -> "features/5/9/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/9/attn/view/2" -> "features/5/9/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/9/attn/permute/1" -> "features/5/9/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/9/attn/reshape/0" -> "features/5/9/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.9.attn.qkv.bias" -> "features/5/9/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/9/attn/clone/0" -> "features/5/9/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/9/attn/clone/0" -> "features/5/9/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/9/attn/clone/0" -> "features/5/9/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/9/attn/__getitem__/1" -> "features/5/9/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.9.attn.qkv.weight" -> "features/5/9/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/9/attn/linear/0" -> "features/5/9/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/9/attn/reshape/1" -> "features/5/9/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/9/attn/permute/2" -> "features/5/9/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/9/attn/permute/2" -> "features/5/9/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/9/attn/permute/2" -> "features/5/9/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/9/attn/__getitem__/2" -> "features/5/9/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/9/attn/__getitem__/3" -> "features/5/9/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/9/attn/__getitem__/4" -> "features/5/9/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/9/attn/normalize/0" -> "features/5/9/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/9/attn/normalize/1" -> "features/5/9/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/9/attn/transpose/0" -> "features/5/9/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/9/attn/matmul/0" -> "features/5/9/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.9.attn.logit_scale" -> "features/5/9/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/9/attn/clamp/0" -> "features/5/9/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/9/attn/exp/0" -> "features/5/9/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/9/attn/mul/1" -> "features/5/9/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/9/attn/add/0" -> "features/5/9/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/9/attn/softmax/0" -> "features/5/9/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/9/attn/dropout/0" -> "features/5/9/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/9/attn/matmul/1" -> "features/5/9/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/9/attn/transpose/1" -> "features/5/9/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/9/attn/reshape/2" -> "features/5/9/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.9.attn.proj.weight" -> "features/5/9/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.9.attn.proj.bias" -> "features/5/9/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/9/attn/linear/1" -> "features/5/9/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/9/attn/dropout/1" -> "features/5/9/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/9/attn/view/3" -> "features/5/9/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/9/attn/permute/3" -> "features/5/9/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/9/attn/reshape/3" -> "features/5/9/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/9/attn/__getitem__/5" -> "features/5/9/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/9/attn/contiguous/1" -> "features/5/9/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.9.norm1.weight" -> "features/5/9/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.9.norm1.bias" -> "features/5/9/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/9/norm1/layer_norm/0" -> "features/5/9/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/9/add/0" -> "features/5/9/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/9/add/0" -> "features/5/9/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.9.mlp.0.weight" -> "features/5/9/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.9.mlp.0.bias" -> "features/5/9/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/9/mlp/0/linear/0" -> "features/5/9/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/9/mlp/1/gelu/0" -> "features/5/9/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/9/mlp/2/dropout/0" -> "features/5/9/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.9.mlp.3.weight" -> "features/5/9/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.9.mlp.3.bias" -> "features/5/9/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/9/mlp/3/linear/0" -> "features/5/9/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/9/mlp/4/dropout/0" -> "features/5/9/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.9.norm2.weight" -> "features/5/9/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.9.norm2.bias" -> "features/5/9/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/9/norm2/layer_norm/0" -> "features/5/9/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/9/add/1" -> "features/5/10/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/9/add/1" -> "features/5/10/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.10.attn.relative_coords_table" -> "features/5/10/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.10.attn.cpb_mlp.0.weight" -> "features/5/10/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.10.attn.cpb_mlp.0.bias" -> "features/5/10/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/10/attn/cpb_mlp/0/linear/0" -> "features/5/10/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/10/attn/cpb_mlp/1/relu_/0" -> "features/5/10/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.10.attn.cpb_mlp.2.weight" -> "features/5/10/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/10/attn/cpb_mlp/2/linear/0" -> "features/5/10/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/10/attn/view/0" -> "features/5/10/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.10.attn.relative_position_index" -> "features/5/10/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/10/attn/__getitem__/0" -> "features/5/10/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/10/attn/view/1" -> "features/5/10/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/10/attn/permute/0" -> "features/5/10/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/10/attn/contiguous/0" -> "features/5/10/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/10/attn/unsqueeze/0" -> "features/5/10/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/10/attn/sigmoid/0" -> "features/5/10/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/10/attn/mul/0" -> "features/5/10/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/10/attn/pad/0" -> "features/5/10/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/10/attn/view/2" -> "features/5/10/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/10/attn/permute/1" -> "features/5/10/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/10/attn/reshape/0" -> "features/5/10/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.10.attn.qkv.bias" -> "features/5/10/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/10/attn/clone/0" -> "features/5/10/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/10/attn/clone/0" -> "features/5/10/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/10/attn/clone/0" -> "features/5/10/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/10/attn/__getitem__/1" -> "features/5/10/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.10.attn.qkv.weight" -> "features/5/10/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/10/attn/linear/0" -> "features/5/10/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/10/attn/reshape/1" -> "features/5/10/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/10/attn/permute/2" -> "features/5/10/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/10/attn/permute/2" -> "features/5/10/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/10/attn/permute/2" -> "features/5/10/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/10/attn/__getitem__/2" -> "features/5/10/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/10/attn/__getitem__/3" -> "features/5/10/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/10/attn/__getitem__/4" -> "features/5/10/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/10/attn/normalize/0" -> "features/5/10/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/10/attn/normalize/1" -> "features/5/10/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/10/attn/transpose/0" -> "features/5/10/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/10/attn/matmul/0" -> "features/5/10/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.10.attn.logit_scale" -> "features/5/10/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/10/attn/clamp/0" -> "features/5/10/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/10/attn/exp/0" -> "features/5/10/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/10/attn/mul/1" -> "features/5/10/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/10/attn/add/0" -> "features/5/10/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/10/attn/softmax/0" -> "features/5/10/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/10/attn/dropout/0" -> "features/5/10/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/10/attn/matmul/1" -> "features/5/10/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/10/attn/transpose/1" -> "features/5/10/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/10/attn/reshape/2" -> "features/5/10/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.10.attn.proj.weight" -> "features/5/10/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.10.attn.proj.bias" -> "features/5/10/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/10/attn/linear/1" -> "features/5/10/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/10/attn/dropout/1" -> "features/5/10/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/10/attn/view/3" -> "features/5/10/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/10/attn/permute/3" -> "features/5/10/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/10/attn/reshape/3" -> "features/5/10/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/10/attn/__getitem__/5" -> "features/5/10/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/10/attn/contiguous/1" -> "features/5/10/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.10.norm1.weight" -> "features/5/10/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.10.norm1.bias" -> "features/5/10/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/10/norm1/layer_norm/0" -> "features/5/10/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/10/add/0" -> "features/5/10/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/10/add/0" -> "features/5/10/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.10.mlp.0.weight" -> "features/5/10/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.10.mlp.0.bias" -> "features/5/10/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/10/mlp/0/linear/0" -> "features/5/10/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/10/mlp/1/gelu/0" -> "features/5/10/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/10/mlp/2/dropout/0" -> "features/5/10/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.10.mlp.3.weight" -> "features/5/10/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.10.mlp.3.bias" -> "features/5/10/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/10/mlp/3/linear/0" -> "features/5/10/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/10/mlp/4/dropout/0" -> "features/5/10/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.10.norm2.weight" -> "features/5/10/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.10.norm2.bias" -> "features/5/10/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/10/norm2/layer_norm/0" -> "features/5/10/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/10/add/1" -> "features/5/11/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/10/add/1" -> "features/5/11/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.11.attn.relative_coords_table" -> "features/5/11/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.11.attn.cpb_mlp.0.weight" -> "features/5/11/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.11.attn.cpb_mlp.0.bias" -> "features/5/11/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/11/attn/cpb_mlp/0/linear/0" -> "features/5/11/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/11/attn/cpb_mlp/1/relu_/0" -> "features/5/11/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.11.attn.cpb_mlp.2.weight" -> "features/5/11/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/11/attn/cpb_mlp/2/linear/0" -> "features/5/11/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/11/attn/view/0" -> "features/5/11/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.11.attn.relative_position_index" -> "features/5/11/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/11/attn/__getitem__/0" -> "features/5/11/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/11/attn/view/1" -> "features/5/11/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/11/attn/permute/0" -> "features/5/11/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/11/attn/contiguous/0" -> "features/5/11/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/11/attn/unsqueeze/0" -> "features/5/11/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/11/attn/sigmoid/0" -> "features/5/11/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/11/attn/mul/0" -> "features/5/11/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/11/attn/pad/0" -> "features/5/11/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/11/attn/view/2" -> "features/5/11/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/11/attn/permute/1" -> "features/5/11/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/11/attn/reshape/0" -> "features/5/11/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.11.attn.qkv.bias" -> "features/5/11/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/11/attn/clone/0" -> "features/5/11/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/11/attn/clone/0" -> "features/5/11/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/11/attn/clone/0" -> "features/5/11/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/11/attn/__getitem__/1" -> "features/5/11/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.11.attn.qkv.weight" -> "features/5/11/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/11/attn/linear/0" -> "features/5/11/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/11/attn/reshape/1" -> "features/5/11/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/11/attn/permute/2" -> "features/5/11/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/11/attn/permute/2" -> "features/5/11/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/11/attn/permute/2" -> "features/5/11/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/11/attn/__getitem__/2" -> "features/5/11/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/11/attn/__getitem__/3" -> "features/5/11/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/11/attn/__getitem__/4" -> "features/5/11/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/11/attn/normalize/0" -> "features/5/11/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/11/attn/normalize/1" -> "features/5/11/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/11/attn/transpose/0" -> "features/5/11/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/11/attn/matmul/0" -> "features/5/11/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.11.attn.logit_scale" -> "features/5/11/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/11/attn/clamp/0" -> "features/5/11/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/11/attn/exp/0" -> "features/5/11/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/11/attn/mul/1" -> "features/5/11/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/11/attn/add/0" -> "features/5/11/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/11/attn/softmax/0" -> "features/5/11/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/11/attn/dropout/0" -> "features/5/11/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/11/attn/matmul/1" -> "features/5/11/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/11/attn/transpose/1" -> "features/5/11/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/11/attn/reshape/2" -> "features/5/11/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.11.attn.proj.weight" -> "features/5/11/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.11.attn.proj.bias" -> "features/5/11/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/11/attn/linear/1" -> "features/5/11/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/11/attn/dropout/1" -> "features/5/11/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/11/attn/view/3" -> "features/5/11/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/11/attn/permute/3" -> "features/5/11/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/11/attn/reshape/3" -> "features/5/11/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/11/attn/__getitem__/5" -> "features/5/11/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/11/attn/contiguous/1" -> "features/5/11/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.11.norm1.weight" -> "features/5/11/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.11.norm1.bias" -> "features/5/11/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/11/norm1/layer_norm/0" -> "features/5/11/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/11/add/0" -> "features/5/11/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/11/add/0" -> "features/5/11/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.11.mlp.0.weight" -> "features/5/11/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.11.mlp.0.bias" -> "features/5/11/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/11/mlp/0/linear/0" -> "features/5/11/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/11/mlp/1/gelu/0" -> "features/5/11/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/11/mlp/2/dropout/0" -> "features/5/11/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.11.mlp.3.weight" -> "features/5/11/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.11.mlp.3.bias" -> "features/5/11/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/11/mlp/3/linear/0" -> "features/5/11/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/11/mlp/4/dropout/0" -> "features/5/11/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.11.norm2.weight" -> "features/5/11/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.11.norm2.bias" -> "features/5/11/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/11/norm2/layer_norm/0" -> "features/5/11/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/11/add/1" -> "features/5/12/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/11/add/1" -> "features/5/12/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.12.attn.relative_coords_table" -> "features/5/12/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.12.attn.cpb_mlp.0.weight" -> "features/5/12/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.12.attn.cpb_mlp.0.bias" -> "features/5/12/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/12/attn/cpb_mlp/0/linear/0" -> "features/5/12/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/12/attn/cpb_mlp/1/relu_/0" -> "features/5/12/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.12.attn.cpb_mlp.2.weight" -> "features/5/12/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/12/attn/cpb_mlp/2/linear/0" -> "features/5/12/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/12/attn/view/0" -> "features/5/12/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.12.attn.relative_position_index" -> "features/5/12/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/12/attn/__getitem__/0" -> "features/5/12/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/12/attn/view/1" -> "features/5/12/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/12/attn/permute/0" -> "features/5/12/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/12/attn/contiguous/0" -> "features/5/12/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/12/attn/unsqueeze/0" -> "features/5/12/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/12/attn/sigmoid/0" -> "features/5/12/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/12/attn/mul/0" -> "features/5/12/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/12/attn/pad/0" -> "features/5/12/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/12/attn/view/2" -> "features/5/12/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/12/attn/permute/1" -> "features/5/12/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/12/attn/reshape/0" -> "features/5/12/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.12.attn.qkv.bias" -> "features/5/12/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/12/attn/clone/0" -> "features/5/12/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/12/attn/clone/0" -> "features/5/12/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/12/attn/clone/0" -> "features/5/12/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/12/attn/__getitem__/1" -> "features/5/12/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.12.attn.qkv.weight" -> "features/5/12/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/12/attn/linear/0" -> "features/5/12/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/12/attn/reshape/1" -> "features/5/12/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/12/attn/permute/2" -> "features/5/12/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/12/attn/permute/2" -> "features/5/12/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/12/attn/permute/2" -> "features/5/12/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/12/attn/__getitem__/2" -> "features/5/12/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/12/attn/__getitem__/3" -> "features/5/12/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/12/attn/__getitem__/4" -> "features/5/12/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/12/attn/normalize/0" -> "features/5/12/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/12/attn/normalize/1" -> "features/5/12/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/12/attn/transpose/0" -> "features/5/12/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/12/attn/matmul/0" -> "features/5/12/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.12.attn.logit_scale" -> "features/5/12/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/12/attn/clamp/0" -> "features/5/12/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/12/attn/exp/0" -> "features/5/12/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/12/attn/mul/1" -> "features/5/12/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/12/attn/add/0" -> "features/5/12/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/12/attn/softmax/0" -> "features/5/12/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/12/attn/dropout/0" -> "features/5/12/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/12/attn/matmul/1" -> "features/5/12/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/12/attn/transpose/1" -> "features/5/12/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/12/attn/reshape/2" -> "features/5/12/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.12.attn.proj.weight" -> "features/5/12/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.12.attn.proj.bias" -> "features/5/12/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/12/attn/linear/1" -> "features/5/12/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/12/attn/dropout/1" -> "features/5/12/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/12/attn/view/3" -> "features/5/12/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/12/attn/permute/3" -> "features/5/12/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/12/attn/reshape/3" -> "features/5/12/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/12/attn/__getitem__/5" -> "features/5/12/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/12/attn/contiguous/1" -> "features/5/12/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.12.norm1.weight" -> "features/5/12/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.12.norm1.bias" -> "features/5/12/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/12/norm1/layer_norm/0" -> "features/5/12/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/12/add/0" -> "features/5/12/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/12/add/0" -> "features/5/12/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.12.mlp.0.weight" -> "features/5/12/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.12.mlp.0.bias" -> "features/5/12/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/12/mlp/0/linear/0" -> "features/5/12/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/12/mlp/1/gelu/0" -> "features/5/12/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/12/mlp/2/dropout/0" -> "features/5/12/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.12.mlp.3.weight" -> "features/5/12/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.12.mlp.3.bias" -> "features/5/12/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/12/mlp/3/linear/0" -> "features/5/12/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/12/mlp/4/dropout/0" -> "features/5/12/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.12.norm2.weight" -> "features/5/12/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.12.norm2.bias" -> "features/5/12/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/12/norm2/layer_norm/0" -> "features/5/12/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/12/add/1" -> "features/5/13/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/12/add/1" -> "features/5/13/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.13.attn.relative_coords_table" -> "features/5/13/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.13.attn.cpb_mlp.0.weight" -> "features/5/13/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.13.attn.cpb_mlp.0.bias" -> "features/5/13/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/13/attn/cpb_mlp/0/linear/0" -> "features/5/13/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/13/attn/cpb_mlp/1/relu_/0" -> "features/5/13/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.13.attn.cpb_mlp.2.weight" -> "features/5/13/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/13/attn/cpb_mlp/2/linear/0" -> "features/5/13/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/13/attn/view/0" -> "features/5/13/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.13.attn.relative_position_index" -> "features/5/13/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/13/attn/__getitem__/0" -> "features/5/13/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/13/attn/view/1" -> "features/5/13/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/13/attn/permute/0" -> "features/5/13/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/13/attn/contiguous/0" -> "features/5/13/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/13/attn/unsqueeze/0" -> "features/5/13/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/13/attn/sigmoid/0" -> "features/5/13/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/13/attn/mul/0" -> "features/5/13/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/13/attn/pad/0" -> "features/5/13/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/13/attn/view/2" -> "features/5/13/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/13/attn/permute/1" -> "features/5/13/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/13/attn/reshape/0" -> "features/5/13/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.13.attn.qkv.bias" -> "features/5/13/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/13/attn/clone/0" -> "features/5/13/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/13/attn/clone/0" -> "features/5/13/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/13/attn/clone/0" -> "features/5/13/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/13/attn/__getitem__/1" -> "features/5/13/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.13.attn.qkv.weight" -> "features/5/13/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/13/attn/linear/0" -> "features/5/13/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/13/attn/reshape/1" -> "features/5/13/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/13/attn/permute/2" -> "features/5/13/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/13/attn/permute/2" -> "features/5/13/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/13/attn/permute/2" -> "features/5/13/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/13/attn/__getitem__/2" -> "features/5/13/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/13/attn/__getitem__/3" -> "features/5/13/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/13/attn/__getitem__/4" -> "features/5/13/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/13/attn/normalize/0" -> "features/5/13/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/13/attn/normalize/1" -> "features/5/13/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/13/attn/transpose/0" -> "features/5/13/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/13/attn/matmul/0" -> "features/5/13/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.13.attn.logit_scale" -> "features/5/13/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/13/attn/clamp/0" -> "features/5/13/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/13/attn/exp/0" -> "features/5/13/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/13/attn/mul/1" -> "features/5/13/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/13/attn/add/0" -> "features/5/13/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/13/attn/softmax/0" -> "features/5/13/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/13/attn/dropout/0" -> "features/5/13/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/13/attn/matmul/1" -> "features/5/13/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/13/attn/transpose/1" -> "features/5/13/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/13/attn/reshape/2" -> "features/5/13/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.13.attn.proj.weight" -> "features/5/13/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.13.attn.proj.bias" -> "features/5/13/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/13/attn/linear/1" -> "features/5/13/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/13/attn/dropout/1" -> "features/5/13/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/13/attn/view/3" -> "features/5/13/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/13/attn/permute/3" -> "features/5/13/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/13/attn/reshape/3" -> "features/5/13/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/13/attn/__getitem__/5" -> "features/5/13/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/13/attn/contiguous/1" -> "features/5/13/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.13.norm1.weight" -> "features/5/13/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.13.norm1.bias" -> "features/5/13/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/13/norm1/layer_norm/0" -> "features/5/13/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/13/add/0" -> "features/5/13/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/13/add/0" -> "features/5/13/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.13.mlp.0.weight" -> "features/5/13/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.13.mlp.0.bias" -> "features/5/13/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/13/mlp/0/linear/0" -> "features/5/13/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/13/mlp/1/gelu/0" -> "features/5/13/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/13/mlp/2/dropout/0" -> "features/5/13/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.13.mlp.3.weight" -> "features/5/13/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.13.mlp.3.bias" -> "features/5/13/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/13/mlp/3/linear/0" -> "features/5/13/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/13/mlp/4/dropout/0" -> "features/5/13/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.13.norm2.weight" -> "features/5/13/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.13.norm2.bias" -> "features/5/13/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/13/norm2/layer_norm/0" -> "features/5/13/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/13/add/1" -> "features/5/14/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/13/add/1" -> "features/5/14/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.14.attn.relative_coords_table" -> "features/5/14/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.14.attn.cpb_mlp.0.weight" -> "features/5/14/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.14.attn.cpb_mlp.0.bias" -> "features/5/14/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/14/attn/cpb_mlp/0/linear/0" -> "features/5/14/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/14/attn/cpb_mlp/1/relu_/0" -> "features/5/14/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.14.attn.cpb_mlp.2.weight" -> "features/5/14/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/14/attn/cpb_mlp/2/linear/0" -> "features/5/14/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/14/attn/view/0" -> "features/5/14/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.14.attn.relative_position_index" -> "features/5/14/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/14/attn/__getitem__/0" -> "features/5/14/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/14/attn/view/1" -> "features/5/14/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/14/attn/permute/0" -> "features/5/14/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/14/attn/contiguous/0" -> "features/5/14/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/14/attn/unsqueeze/0" -> "features/5/14/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/14/attn/sigmoid/0" -> "features/5/14/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/14/attn/mul/0" -> "features/5/14/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/14/attn/pad/0" -> "features/5/14/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/14/attn/view/2" -> "features/5/14/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/14/attn/permute/1" -> "features/5/14/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/14/attn/reshape/0" -> "features/5/14/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.14.attn.qkv.bias" -> "features/5/14/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/14/attn/clone/0" -> "features/5/14/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/14/attn/clone/0" -> "features/5/14/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/14/attn/clone/0" -> "features/5/14/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/14/attn/__getitem__/1" -> "features/5/14/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.14.attn.qkv.weight" -> "features/5/14/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/14/attn/linear/0" -> "features/5/14/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/14/attn/reshape/1" -> "features/5/14/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/14/attn/permute/2" -> "features/5/14/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/14/attn/permute/2" -> "features/5/14/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/14/attn/permute/2" -> "features/5/14/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/14/attn/__getitem__/2" -> "features/5/14/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/14/attn/__getitem__/3" -> "features/5/14/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/14/attn/__getitem__/4" -> "features/5/14/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/14/attn/normalize/0" -> "features/5/14/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/14/attn/normalize/1" -> "features/5/14/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/14/attn/transpose/0" -> "features/5/14/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/14/attn/matmul/0" -> "features/5/14/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.14.attn.logit_scale" -> "features/5/14/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/14/attn/clamp/0" -> "features/5/14/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/14/attn/exp/0" -> "features/5/14/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/14/attn/mul/1" -> "features/5/14/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/14/attn/add/0" -> "features/5/14/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/14/attn/softmax/0" -> "features/5/14/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/14/attn/dropout/0" -> "features/5/14/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/14/attn/matmul/1" -> "features/5/14/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/14/attn/transpose/1" -> "features/5/14/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/14/attn/reshape/2" -> "features/5/14/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.14.attn.proj.weight" -> "features/5/14/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.14.attn.proj.bias" -> "features/5/14/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/14/attn/linear/1" -> "features/5/14/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/14/attn/dropout/1" -> "features/5/14/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/14/attn/view/3" -> "features/5/14/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/14/attn/permute/3" -> "features/5/14/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/14/attn/reshape/3" -> "features/5/14/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/14/attn/__getitem__/5" -> "features/5/14/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/14/attn/contiguous/1" -> "features/5/14/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.14.norm1.weight" -> "features/5/14/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.14.norm1.bias" -> "features/5/14/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/14/norm1/layer_norm/0" -> "features/5/14/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/14/add/0" -> "features/5/14/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/14/add/0" -> "features/5/14/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.14.mlp.0.weight" -> "features/5/14/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.14.mlp.0.bias" -> "features/5/14/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/14/mlp/0/linear/0" -> "features/5/14/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/14/mlp/1/gelu/0" -> "features/5/14/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/14/mlp/2/dropout/0" -> "features/5/14/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.14.mlp.3.weight" -> "features/5/14/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.14.mlp.3.bias" -> "features/5/14/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/14/mlp/3/linear/0" -> "features/5/14/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/14/mlp/4/dropout/0" -> "features/5/14/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.14.norm2.weight" -> "features/5/14/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.14.norm2.bias" -> "features/5/14/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/14/norm2/layer_norm/0" -> "features/5/14/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/14/add/1" -> "features/5/15/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/14/add/1" -> "features/5/15/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.15.attn.relative_coords_table" -> "features/5/15/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.15.attn.cpb_mlp.0.weight" -> "features/5/15/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.15.attn.cpb_mlp.0.bias" -> "features/5/15/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/15/attn/cpb_mlp/0/linear/0" -> "features/5/15/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/15/attn/cpb_mlp/1/relu_/0" -> "features/5/15/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.15.attn.cpb_mlp.2.weight" -> "features/5/15/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/15/attn/cpb_mlp/2/linear/0" -> "features/5/15/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/15/attn/view/0" -> "features/5/15/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.15.attn.relative_position_index" -> "features/5/15/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/15/attn/__getitem__/0" -> "features/5/15/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/15/attn/view/1" -> "features/5/15/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/15/attn/permute/0" -> "features/5/15/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/15/attn/contiguous/0" -> "features/5/15/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/15/attn/unsqueeze/0" -> "features/5/15/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/15/attn/sigmoid/0" -> "features/5/15/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/15/attn/mul/0" -> "features/5/15/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/15/attn/pad/0" -> "features/5/15/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/15/attn/view/2" -> "features/5/15/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/15/attn/permute/1" -> "features/5/15/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/15/attn/reshape/0" -> "features/5/15/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.15.attn.qkv.bias" -> "features/5/15/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/15/attn/clone/0" -> "features/5/15/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/15/attn/clone/0" -> "features/5/15/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/15/attn/clone/0" -> "features/5/15/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/15/attn/__getitem__/1" -> "features/5/15/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.15.attn.qkv.weight" -> "features/5/15/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/15/attn/linear/0" -> "features/5/15/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/15/attn/reshape/1" -> "features/5/15/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/15/attn/permute/2" -> "features/5/15/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/15/attn/permute/2" -> "features/5/15/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/15/attn/permute/2" -> "features/5/15/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/15/attn/__getitem__/2" -> "features/5/15/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/15/attn/__getitem__/3" -> "features/5/15/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/15/attn/__getitem__/4" -> "features/5/15/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/15/attn/normalize/0" -> "features/5/15/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/15/attn/normalize/1" -> "features/5/15/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/15/attn/transpose/0" -> "features/5/15/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/15/attn/matmul/0" -> "features/5/15/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.15.attn.logit_scale" -> "features/5/15/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/15/attn/clamp/0" -> "features/5/15/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/15/attn/exp/0" -> "features/5/15/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/15/attn/mul/1" -> "features/5/15/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/15/attn/add/0" -> "features/5/15/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/15/attn/softmax/0" -> "features/5/15/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/15/attn/dropout/0" -> "features/5/15/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/15/attn/matmul/1" -> "features/5/15/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/15/attn/transpose/1" -> "features/5/15/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/15/attn/reshape/2" -> "features/5/15/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.15.attn.proj.weight" -> "features/5/15/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.15.attn.proj.bias" -> "features/5/15/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/15/attn/linear/1" -> "features/5/15/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/15/attn/dropout/1" -> "features/5/15/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/15/attn/view/3" -> "features/5/15/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/15/attn/permute/3" -> "features/5/15/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/15/attn/reshape/3" -> "features/5/15/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/15/attn/__getitem__/5" -> "features/5/15/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/15/attn/contiguous/1" -> "features/5/15/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.15.norm1.weight" -> "features/5/15/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.15.norm1.bias" -> "features/5/15/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/15/norm1/layer_norm/0" -> "features/5/15/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/15/add/0" -> "features/5/15/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/15/add/0" -> "features/5/15/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.15.mlp.0.weight" -> "features/5/15/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.15.mlp.0.bias" -> "features/5/15/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/15/mlp/0/linear/0" -> "features/5/15/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/15/mlp/1/gelu/0" -> "features/5/15/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/15/mlp/2/dropout/0" -> "features/5/15/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.15.mlp.3.weight" -> "features/5/15/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.15.mlp.3.bias" -> "features/5/15/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/15/mlp/3/linear/0" -> "features/5/15/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/15/mlp/4/dropout/0" -> "features/5/15/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.15.norm2.weight" -> "features/5/15/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.15.norm2.bias" -> "features/5/15/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/15/norm2/layer_norm/0" -> "features/5/15/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/15/add/1" -> "features/5/16/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/15/add/1" -> "features/5/16/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.16.attn.relative_coords_table" -> "features/5/16/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.16.attn.cpb_mlp.0.weight" -> "features/5/16/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.16.attn.cpb_mlp.0.bias" -> "features/5/16/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/16/attn/cpb_mlp/0/linear/0" -> "features/5/16/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/16/attn/cpb_mlp/1/relu_/0" -> "features/5/16/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.16.attn.cpb_mlp.2.weight" -> "features/5/16/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/16/attn/cpb_mlp/2/linear/0" -> "features/5/16/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/16/attn/view/0" -> "features/5/16/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.16.attn.relative_position_index" -> "features/5/16/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/16/attn/__getitem__/0" -> "features/5/16/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/16/attn/view/1" -> "features/5/16/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/16/attn/permute/0" -> "features/5/16/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/16/attn/contiguous/0" -> "features/5/16/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/16/attn/unsqueeze/0" -> "features/5/16/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/16/attn/sigmoid/0" -> "features/5/16/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/16/attn/mul/0" -> "features/5/16/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/16/attn/pad/0" -> "features/5/16/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/16/attn/view/2" -> "features/5/16/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/16/attn/permute/1" -> "features/5/16/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/16/attn/reshape/0" -> "features/5/16/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.16.attn.qkv.bias" -> "features/5/16/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/16/attn/clone/0" -> "features/5/16/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/16/attn/clone/0" -> "features/5/16/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/16/attn/clone/0" -> "features/5/16/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/16/attn/__getitem__/1" -> "features/5/16/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.16.attn.qkv.weight" -> "features/5/16/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/16/attn/linear/0" -> "features/5/16/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/16/attn/reshape/1" -> "features/5/16/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/16/attn/permute/2" -> "features/5/16/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/16/attn/permute/2" -> "features/5/16/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/16/attn/permute/2" -> "features/5/16/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/16/attn/__getitem__/2" -> "features/5/16/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/16/attn/__getitem__/3" -> "features/5/16/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/16/attn/__getitem__/4" -> "features/5/16/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/16/attn/normalize/0" -> "features/5/16/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/16/attn/normalize/1" -> "features/5/16/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/16/attn/transpose/0" -> "features/5/16/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/16/attn/matmul/0" -> "features/5/16/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.16.attn.logit_scale" -> "features/5/16/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/16/attn/clamp/0" -> "features/5/16/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/16/attn/exp/0" -> "features/5/16/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/16/attn/mul/1" -> "features/5/16/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/16/attn/add/0" -> "features/5/16/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/16/attn/softmax/0" -> "features/5/16/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/16/attn/dropout/0" -> "features/5/16/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/16/attn/matmul/1" -> "features/5/16/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/16/attn/transpose/1" -> "features/5/16/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/16/attn/reshape/2" -> "features/5/16/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.16.attn.proj.weight" -> "features/5/16/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.16.attn.proj.bias" -> "features/5/16/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/16/attn/linear/1" -> "features/5/16/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/16/attn/dropout/1" -> "features/5/16/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/16/attn/view/3" -> "features/5/16/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/16/attn/permute/3" -> "features/5/16/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/16/attn/reshape/3" -> "features/5/16/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/16/attn/__getitem__/5" -> "features/5/16/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/16/attn/contiguous/1" -> "features/5/16/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.16.norm1.weight" -> "features/5/16/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.16.norm1.bias" -> "features/5/16/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/16/norm1/layer_norm/0" -> "features/5/16/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/16/add/0" -> "features/5/16/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/16/add/0" -> "features/5/16/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.16.mlp.0.weight" -> "features/5/16/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.16.mlp.0.bias" -> "features/5/16/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/16/mlp/0/linear/0" -> "features/5/16/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/16/mlp/1/gelu/0" -> "features/5/16/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/16/mlp/2/dropout/0" -> "features/5/16/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.16.mlp.3.weight" -> "features/5/16/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.16.mlp.3.bias" -> "features/5/16/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/16/mlp/3/linear/0" -> "features/5/16/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/16/mlp/4/dropout/0" -> "features/5/16/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.16.norm2.weight" -> "features/5/16/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.16.norm2.bias" -> "features/5/16/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/16/norm2/layer_norm/0" -> "features/5/16/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/16/add/1" -> "features/5/17/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/16/add/1" -> "features/5/17/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.17.attn.relative_coords_table" -> "features/5/17/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.5.17.attn.cpb_mlp.0.weight" -> "features/5/17/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.5.17.attn.cpb_mlp.0.bias" -> "features/5/17/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/17/attn/cpb_mlp/0/linear/0" -> "features/5/17/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/5/17/attn/cpb_mlp/1/relu_/0" -> "features/5/17/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.5.17.attn.cpb_mlp.2.weight" -> "features/5/17/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 512)"]; -"features/5/17/attn/cpb_mlp/2/linear/0" -> "features/5/17/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 16)"]; -"features/5/17/attn/view/0" -> "features/5/17/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 16)"]; -"features.5.17.attn.relative_position_index" -> "features/5/17/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/5/17/attn/__getitem__/0" -> "features/5/17/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 16)"]; -"features/5/17/attn/view/1" -> "features/5/17/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 16)"]; -"features/5/17/attn/permute/0" -> "features/5/17/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/17/attn/contiguous/0" -> "features/5/17/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 64)"]; -"features/5/17/attn/unsqueeze/0" -> "features/5/17/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/17/attn/sigmoid/0" -> "features/5/17/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/17/attn/mul/0" -> "features/5/17/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/17/attn/pad/0" -> "features/5/17/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/17/attn/view/2" -> "features/5/17/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/17/attn/permute/1" -> "features/5/17/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/17/attn/reshape/0" -> "features/5/17/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.17.attn.qkv.bias" -> "features/5/17/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/17/attn/clone/0" -> "features/5/17/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/17/attn/clone/0" -> "features/5/17/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1536,)"]; -"features/5/17/attn/clone/0" -> "features/5/17/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1536,)"]; -"features/5/17/attn/__getitem__/1" -> "features/5/17/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512,)"]; -"features.5.17.attn.qkv.weight" -> "features/5/17/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1536, 512)"]; -"features/5/17/attn/linear/0" -> "features/5/17/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1536)"]; -"features/5/17/attn/reshape/1" -> "features/5/17/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 16, 32)"]; -"features/5/17/attn/permute/2" -> "features/5/17/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/17/attn/permute/2" -> "features/5/17/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/17/attn/permute/2" -> "features/5/17/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 16, 64, 32)"]; -"features/5/17/attn/__getitem__/2" -> "features/5/17/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/17/attn/__getitem__/3" -> "features/5/17/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/17/attn/__getitem__/4" -> "features/5/17/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/17/attn/normalize/0" -> "features/5/17/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/17/attn/normalize/1" -> "features/5/17/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/17/attn/transpose/0" -> "features/5/17/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 32, 64)"]; -"features/5/17/attn/matmul/0" -> "features/5/17/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features.5.17.attn.logit_scale" -> "features/5/17/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/17/attn/clamp/0" -> "features/5/17/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/17/attn/exp/0" -> "features/5/17/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 1)"]; -"features/5/17/attn/mul/1" -> "features/5/17/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/17/attn/add/0" -> "features/5/17/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/17/attn/softmax/0" -> "features/5/17/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/17/attn/dropout/0" -> "features/5/17/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 64)"]; -"features/5/17/attn/matmul/1" -> "features/5/17/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 64, 32)"]; -"features/5/17/attn/transpose/1" -> "features/5/17/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 32)"]; -"features/5/17/attn/reshape/2" -> "features/5/17/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features.5.17.attn.proj.weight" -> "features/5/17/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512)"]; -"features.5.17.attn.proj.bias" -> "features/5/17/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/17/attn/linear/1" -> "features/5/17/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/17/attn/dropout/1" -> "features/5/17/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 512)"]; -"features/5/17/attn/view/3" -> "features/5/17/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 512)"]; -"features/5/17/attn/permute/3" -> "features/5/17/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 512)"]; -"features/5/17/attn/reshape/3" -> "features/5/17/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 512)"]; -"features/5/17/attn/__getitem__/5" -> "features/5/17/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/17/attn/contiguous/1" -> "features/5/17/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.17.norm1.weight" -> "features/5/17/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.17.norm1.bias" -> "features/5/17/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/17/norm1/layer_norm/0" -> "features/5/17/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/17/add/0" -> "features/5/17/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/17/add/0" -> "features/5/17/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.17.mlp.0.weight" -> "features/5/17/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2048, 512)"]; -"features.5.17.mlp.0.bias" -> "features/5/17/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2048,)"]; -"features/5/17/mlp/0/linear/0" -> "features/5/17/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/17/mlp/1/gelu/0" -> "features/5/17/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features/5/17/mlp/2/dropout/0" -> "features/5/17/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 2048)"]; -"features.5.17.mlp.3.weight" -> "features/5/17/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2048)"]; -"features.5.17.mlp.3.bias" -> "features/5/17/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/5/17/mlp/3/linear/0" -> "features/5/17/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/17/mlp/4/dropout/0" -> "features/5/17/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features.5.17.norm2.weight" -> "features/5/17/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.5.17.norm2.bias" -> "features/5/17/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features/5/17/norm2/layer_norm/0" -> "features/5/17/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/5/17/add/1" -> "features/6/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/6/pad/0" -> "features/6/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/6/pad/0" -> "features/6/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/6/pad/0" -> "features/6/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/6/pad/0" -> "features/6/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4, 4, 512)"]; -"features/6/__getitem__/0" -> "features/6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 512)"]; -"features/6/__getitem__/1" -> "features/6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2, 2, 512)"]; -"features/6/__getitem__/2" -> "features/6/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 2, 2, 512)"]; -"features/6/__getitem__/3" -> "features/6/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 2, 2, 512)"]; -"features/6/cat/0" -> "features/6/reduction/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 2048)"]; -"features.6.reduction.weight" -> "features/6/reduction/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 2048)"]; -"features/6/reduction/linear/0" -> "features/6/norm/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features.6.norm.weight" -> "features/6/norm/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"features.6.norm.bias" -> "features/6/norm/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"features/6/norm/layer_norm/0" -> "features/7/0/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features/6/norm/layer_norm/0" -> "features/7/0/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features.7.0.attn.relative_coords_table" -> "features/7/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.7.0.attn.cpb_mlp.0.weight" -> "features/7/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.7.0.attn.cpb_mlp.0.bias" -> "features/7/0/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/7/0/attn/cpb_mlp/0/linear/0" -> "features/7/0/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/7/0/attn/cpb_mlp/1/relu_/0" -> "features/7/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.7.0.attn.cpb_mlp.2.weight" -> "features/7/0/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 512)"]; -"features/7/0/attn/cpb_mlp/2/linear/0" -> "features/7/0/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 32)"]; -"features/7/0/attn/view/0" -> "features/7/0/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 32)"]; -"features.7.0.attn.relative_position_index" -> "features/7/0/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/7/0/attn/__getitem__/0" -> "features/7/0/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 32)"]; -"features/7/0/attn/view/1" -> "features/7/0/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 32)"]; -"features/7/0/attn/permute/0" -> "features/7/0/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 64, 64)"]; -"features/7/0/attn/contiguous/0" -> "features/7/0/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 64, 64)"]; -"features/7/0/attn/unsqueeze/0" -> "features/7/0/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features/7/0/attn/sigmoid/0" -> "features/7/0/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features/7/0/attn/mul/0" -> "features/7/0/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features/7/0/attn/pad/0" -> "features/7/0/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; -"features/7/0/attn/view/2" -> "features/7/0/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 1024)"]; -"features/7/0/attn/permute/1" -> "features/7/0/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 1024)"]; -"features/7/0/attn/reshape/0" -> "features/7/0/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; -"features.7.0.attn.qkv.bias" -> "features/7/0/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(3072,)"]; -"features/7/0/attn/clone/0" -> "features/7/0/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(3072,)"]; -"features/7/0/attn/clone/0" -> "features/7/0/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(3072,)"]; -"features/7/0/attn/clone/0" -> "features/7/0/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(3072,)"]; -"features/7/0/attn/__getitem__/1" -> "features/7/0/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1024,)"]; -"features.7.0.attn.qkv.weight" -> "features/7/0/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(3072, 1024)"]; -"features/7/0/attn/linear/0" -> "features/7/0/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3072)"]; -"features/7/0/attn/reshape/1" -> "features/7/0/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 32, 32)"]; -"features/7/0/attn/permute/2" -> "features/7/0/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 32, 64, 32)"]; -"features/7/0/attn/permute/2" -> "features/7/0/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 32, 64, 32)"]; -"features/7/0/attn/permute/2" -> "features/7/0/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 32, 64, 32)"]; -"features/7/0/attn/__getitem__/2" -> "features/7/0/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; -"features/7/0/attn/__getitem__/3" -> "features/7/0/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; -"features/7/0/attn/__getitem__/4" -> "features/7/0/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 64, 32)"]; -"features/7/0/attn/normalize/0" -> "features/7/0/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; -"features/7/0/attn/normalize/1" -> "features/7/0/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; -"features/7/0/attn/transpose/0" -> "features/7/0/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 32, 64)"]; -"features/7/0/attn/matmul/0" -> "features/7/0/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features.7.0.attn.logit_scale" -> "features/7/0/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 1, 1)"]; -"features/7/0/attn/clamp/0" -> "features/7/0/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 1, 1)"]; -"features/7/0/attn/exp/0" -> "features/7/0/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 1, 1)"]; -"features/7/0/attn/mul/1" -> "features/7/0/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features/7/0/attn/add/0" -> "features/7/0/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features/7/0/attn/softmax/0" -> "features/7/0/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features/7/0/attn/dropout/0" -> "features/7/0/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features/7/0/attn/matmul/1" -> "features/7/0/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; -"features/7/0/attn/transpose/1" -> "features/7/0/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features/7/0/attn/reshape/2" -> "features/7/0/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; -"features.7.0.attn.proj.weight" -> "features/7/0/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 1024)"]; -"features.7.0.attn.proj.bias" -> "features/7/0/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"features/7/0/attn/linear/1" -> "features/7/0/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; -"features/7/0/attn/dropout/1" -> "features/7/0/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; -"features/7/0/attn/view/3" -> "features/7/0/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 1024)"]; -"features/7/0/attn/permute/3" -> "features/7/0/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 1024)"]; -"features/7/0/attn/reshape/3" -> "features/7/0/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; -"features/7/0/attn/__getitem__/5" -> "features/7/0/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features/7/0/attn/contiguous/1" -> "features/7/0/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features.7.0.norm1.weight" -> "features/7/0/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"features.7.0.norm1.bias" -> "features/7/0/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"features/7/0/norm1/layer_norm/0" -> "features/7/0/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features/7/0/add/0" -> "features/7/0/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features/7/0/add/0" -> "features/7/0/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features.7.0.mlp.0.weight" -> "features/7/0/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4096, 1024)"]; -"features.7.0.mlp.0.bias" -> "features/7/0/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(4096,)"]; -"features/7/0/mlp/0/linear/0" -> "features/7/0/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 4096)"]; -"features/7/0/mlp/1/gelu/0" -> "features/7/0/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 4096)"]; -"features/7/0/mlp/2/dropout/0" -> "features/7/0/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 4096)"]; -"features.7.0.mlp.3.weight" -> "features/7/0/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 4096)"]; -"features.7.0.mlp.3.bias" -> "features/7/0/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"features/7/0/mlp/3/linear/0" -> "features/7/0/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features/7/0/mlp/4/dropout/0" -> "features/7/0/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features.7.0.norm2.weight" -> "features/7/0/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"features.7.0.norm2.bias" -> "features/7/0/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"features/7/0/norm2/layer_norm/0" -> "features/7/0/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features/7/0/add/1" -> "features/7/1/attn/pad/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features/7/0/add/1" -> "features/7/1/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features.7.1.attn.relative_coords_table" -> "features/7/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 2)"]; -"features.7.1.attn.cpb_mlp.0.weight" -> "features/7/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 2)"]; -"features.7.1.attn.cpb_mlp.0.bias" -> "features/7/1/attn/cpb_mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/7/1/attn/cpb_mlp/0/linear/0" -> "features/7/1/attn/cpb_mlp/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features/7/1/attn/cpb_mlp/1/relu_/0" -> "features/7/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 512)"]; -"features.7.1.attn.cpb_mlp.2.weight" -> "features/7/1/attn/cpb_mlp/2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 512)"]; -"features/7/1/attn/cpb_mlp/2/linear/0" -> "features/7/1/attn/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 15, 15, 32)"]; -"features/7/1/attn/view/0" -> "features/7/1/attn/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(225, 32)"]; -"features.7.1.attn.relative_position_index" -> "features/7/1/attn/__getitem__/0" [dtype=int, in_port_id=1, out_port_id=0, shape="(4096,)"]; -"features/7/1/attn/__getitem__/0" -> "features/7/1/attn/view/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 32)"]; -"features/7/1/attn/view/1" -> "features/7/1/attn/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 32)"]; -"features/7/1/attn/permute/0" -> "features/7/1/attn/contiguous/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 64, 64)"]; -"features/7/1/attn/contiguous/0" -> "features/7/1/attn/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 64, 64)"]; -"features/7/1/attn/unsqueeze/0" -> "features/7/1/attn/sigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features/7/1/attn/sigmoid/0" -> "features/7/1/attn/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features/7/1/attn/mul/0" -> "features/7/1/attn/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features/7/1/attn/pad/0" -> "features/7/1/attn/view/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; -"features/7/1/attn/view/2" -> "features/7/1/attn/permute/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 1024)"]; -"features/7/1/attn/permute/1" -> "features/7/1/attn/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 1024)"]; -"features/7/1/attn/reshape/0" -> "features/7/1/attn/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; -"features.7.1.attn.qkv.bias" -> "features/7/1/attn/clone/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(3072,)"]; -"features/7/1/attn/clone/0" -> "features/7/1/attn/numel/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(3072,)"]; -"features/7/1/attn/clone/0" -> "features/7/1/attn/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(3072,)"]; -"features/7/1/attn/clone/0" -> "features/7/1/attn/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(3072,)"]; -"features/7/1/attn/__getitem__/1" -> "features/7/1/attn/zero_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1024,)"]; -"features.7.1.attn.qkv.weight" -> "features/7/1/attn/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(3072, 1024)"]; -"features/7/1/attn/linear/0" -> "features/7/1/attn/reshape/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3072)"]; -"features/7/1/attn/reshape/1" -> "features/7/1/attn/permute/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 3, 32, 32)"]; -"features/7/1/attn/permute/2" -> "features/7/1/attn/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 32, 64, 32)"]; -"features/7/1/attn/permute/2" -> "features/7/1/attn/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 32, 64, 32)"]; -"features/7/1/attn/permute/2" -> "features/7/1/attn/__getitem__/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(3, 1, 32, 64, 32)"]; -"features/7/1/attn/__getitem__/2" -> "features/7/1/attn/normalize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; -"features/7/1/attn/__getitem__/3" -> "features/7/1/attn/normalize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; -"features/7/1/attn/__getitem__/4" -> "features/7/1/attn/matmul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 64, 32)"]; -"features/7/1/attn/normalize/0" -> "features/7/1/attn/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; -"features/7/1/attn/normalize/1" -> "features/7/1/attn/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; -"features/7/1/attn/transpose/0" -> "features/7/1/attn/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 32, 64)"]; -"features/7/1/attn/matmul/0" -> "features/7/1/attn/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features.7.1.attn.logit_scale" -> "features/7/1/attn/clamp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 1, 1)"]; -"features/7/1/attn/clamp/0" -> "features/7/1/attn/exp/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 1, 1)"]; -"features/7/1/attn/exp/0" -> "features/7/1/attn/mul/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 1, 1)"]; -"features/7/1/attn/mul/1" -> "features/7/1/attn/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features/7/1/attn/add/0" -> "features/7/1/attn/softmax/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features/7/1/attn/softmax/0" -> "features/7/1/attn/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features/7/1/attn/dropout/0" -> "features/7/1/attn/matmul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 64)"]; -"features/7/1/attn/matmul/1" -> "features/7/1/attn/transpose/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 64, 32)"]; -"features/7/1/attn/transpose/1" -> "features/7/1/attn/reshape/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features/7/1/attn/reshape/2" -> "features/7/1/attn/linear/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; -"features.7.1.attn.proj.weight" -> "features/7/1/attn/linear/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 1024)"]; -"features.7.1.attn.proj.bias" -> "features/7/1/attn/linear/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"features/7/1/attn/linear/1" -> "features/7/1/attn/dropout/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; -"features/7/1/attn/dropout/1" -> "features/7/1/attn/view/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1024)"]; -"features/7/1/attn/view/3" -> "features/7/1/attn/permute/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 8, 8, 1024)"]; -"features/7/1/attn/permute/3" -> "features/7/1/attn/reshape/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 8, 1, 8, 1024)"]; -"features/7/1/attn/reshape/3" -> "features/7/1/attn/__getitem__/5" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 8, 1024)"]; -"features/7/1/attn/__getitem__/5" -> "features/7/1/attn/contiguous/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features/7/1/attn/contiguous/1" -> "features/7/1/norm1/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features.7.1.norm1.weight" -> "features/7/1/norm1/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"features.7.1.norm1.bias" -> "features/7/1/norm1/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"features/7/1/norm1/layer_norm/0" -> "features/7/1/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features/7/1/add/0" -> "features/7/1/mlp/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features/7/1/add/0" -> "features/7/1/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features.7.1.mlp.0.weight" -> "features/7/1/mlp/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4096, 1024)"]; -"features.7.1.mlp.0.bias" -> "features/7/1/mlp/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(4096,)"]; -"features/7/1/mlp/0/linear/0" -> "features/7/1/mlp/1/gelu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 4096)"]; -"features/7/1/mlp/1/gelu/0" -> "features/7/1/mlp/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 4096)"]; -"features/7/1/mlp/2/dropout/0" -> "features/7/1/mlp/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 4096)"]; -"features.7.1.mlp.3.weight" -> "features/7/1/mlp/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 4096)"]; -"features.7.1.mlp.3.bias" -> "features/7/1/mlp/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"features/7/1/mlp/3/linear/0" -> "features/7/1/mlp/4/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features/7/1/mlp/4/dropout/0" -> "features/7/1/norm2/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features.7.1.norm2.weight" -> "features/7/1/norm2/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"features.7.1.norm2.bias" -> "features/7/1/norm2/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"features/7/1/norm2/layer_norm/0" -> "features/7/1/add/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"features/7/1/add/1" -> "norm/layer_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"norm.weight" -> "norm/layer_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"norm.bias" -> "norm/layer_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"norm/layer_norm/0" -> "permute/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 2, 1024)"]; -"permute/permute/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 2, 2)"]; -"avgpool/adaptive_avg_pool2d/0" -> "flatten/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; -"flatten/flatten/0" -> "head/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"head.weight" -> "head/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1024)"]; -"head.bias" -> "head/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"head/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"features.0.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.0.bias" [id=2, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/0/conv2d/0" [id=3, type=conv2d, metatype=PTConv2dMetatype]; +"features/0/1/permute/0" [id=4, type=permute, metatype=UnknownMetatype]; +"features.0.2.weight" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.2.bias" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/2/layer_norm/0" [id=7, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.1.0.attn.relative_coords_table" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.attn.cpb_mlp.0.weight" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.attn.cpb_mlp.0.bias" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/attn/cpb_mlp/0/linear/0" [id=11, type=linear, metatype=PTLinearMetatype]; +"features/1/0/attn/cpb_mlp/1/relu_/0" [id=12, type="relu_", metatype=PTRELUMetatype]; +"features.1.0.attn.cpb_mlp.2.weight" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/attn/cpb_mlp/2/linear/0" [id=14, type=linear, metatype=PTLinearMetatype]; +"features/1/0/attn/view/0" [id=15, type=view, metatype=PTReshapeMetatype]; +"features.1.0.attn.relative_position_index" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/attn/__getitem__/0" [id=17, type="__getitem__", metatype=PTGatherMetatype]; +"features/1/0/attn/view/1" [id=18, type=view, metatype=PTReshapeMetatype]; +"features/1/0/attn/permute/0" [id=19, type=permute, metatype=PTTransposeMetatype]; +"features/1/0/attn/contiguous/0" [id=20, type=contiguous, metatype=PTNoopMetatype]; +"features/1/0/attn/unsqueeze/0" [id=21, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/1/0/attn/sigmoid/0" [id=22, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/1/0/attn/mul/0" [id=23, type=mul, metatype=PTMulMetatype]; +"features/1/0/attn/pad/0" [id=24, type=pad, metatype=PTPadMetatype]; +"features/1/0/attn/view/2" [id=25, type=view, metatype=PTReshapeMetatype]; +"features/1/0/attn/permute/1" [id=26, type=permute, metatype=PTTransposeMetatype]; +"features/1/0/attn/reshape/0" [id=27, type=reshape, metatype=PTReshapeMetatype]; +"features.1.0.attn.qkv.bias" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/attn/clone/0" [id=29, type=clone, metatype=PTNoopMetatype]; +"features/1/0/attn/numel/0" [id=30, type=numel, metatype=UnknownMetatype]; +"features/1/0/attn/__getitem__/1" [id=31, type="__getitem__", metatype=PTGatherMetatype]; +"features/1/0/attn/zero_/0" [id=32, type="zero_", metatype=UnknownMetatype]; +"features.1.0.attn.qkv.weight" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/attn/linear/0" [id=34, type=linear, metatype=PTLinearMetatype]; +"features/1/0/attn/reshape/1" [id=35, type=reshape, metatype=PTReshapeMetatype]; +"features/1/0/attn/permute/2" [id=36, type=permute, metatype=PTTransposeMetatype]; +"features/1/0/attn/__getitem__/2" [id=37, type="__getitem__", metatype=PTGatherMetatype]; +"features/1/0/attn/__getitem__/3" [id=38, type="__getitem__", metatype=PTGatherMetatype]; +"features/1/0/attn/__getitem__/4" [id=39, type="__getitem__", metatype=PTGatherMetatype]; +"features/1/0/attn/normalize/0" [id=40, type=normalize, metatype=PTReduceL2]; +"features/1/0/attn/normalize/1" [id=41, type=normalize, metatype=PTReduceL2]; +"features/1/0/attn/transpose/0" [id=42, type=transpose, metatype=PTTransposeMetatype]; +"features/1/0/attn/matmul/0" [id=43, type=matmul, metatype=PTMatMulMetatype]; +"features.1.0.attn.logit_scale" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/attn/clamp/0" [id=45, type=clamp, metatype=UnknownMetatype]; +"features/1/0/attn/exp/0" [id=46, type=exp, metatype=PTExpMetatype]; +"features/1/0/attn/mul/1" [id=47, type=mul, metatype=PTMulMetatype]; +"features/1/0/attn/add/0" [id=48, type=add, metatype=PTAddMetatype]; +"features/1/0/attn/softmax/0" [id=49, type=softmax, metatype=PTSoftmaxMetatype]; +"features/1/0/attn/dropout/0" [id=50, type=dropout, metatype=PTDropoutMetatype]; +"features/1/0/attn/matmul/1" [id=51, type=matmul, metatype=PTMatMulMetatype]; +"features/1/0/attn/transpose/1" [id=52, type=transpose, metatype=PTTransposeMetatype]; +"features/1/0/attn/reshape/2" [id=53, type=reshape, metatype=PTReshapeMetatype]; +"features.1.0.attn.proj.weight" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.attn.proj.bias" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/attn/linear/1" [id=56, type=linear, metatype=PTLinearMetatype]; +"features/1/0/attn/dropout/1" [id=57, type=dropout, metatype=PTDropoutMetatype]; +"features/1/0/attn/view/3" [id=58, type=view, metatype=PTReshapeMetatype]; +"features/1/0/attn/permute/3" [id=59, type=permute, metatype=PTTransposeMetatype]; +"features/1/0/attn/reshape/3" [id=60, type=reshape, metatype=PTReshapeMetatype]; +"features/1/0/attn/__getitem__/5" [id=61, type="__getitem__", metatype=PTGatherMetatype]; +"features/1/0/attn/contiguous/1" [id=62, type=contiguous, metatype=PTNoopMetatype]; +"features.1.0.norm1.weight" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.norm1.bias" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/norm1/layer_norm/0" [id=65, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/1/0/add/0" [id=66, type=add, metatype=PTAddMetatype]; +"features.1.0.mlp.0.weight" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.mlp.0.bias" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/mlp/0/linear/0" [id=69, type=linear, metatype=PTLinearMetatype]; +"features/1/0/mlp/1/gelu/0" [id=70, type=gelu, metatype=PTGELUMetatype]; +"features/1/0/mlp/2/dropout/0" [id=71, type=dropout, metatype=PTDropoutMetatype]; +"features.1.0.mlp.3.weight" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.mlp.3.bias" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/mlp/3/linear/0" [id=74, type=linear, metatype=PTLinearMetatype]; +"features/1/0/mlp/4/dropout/0" [id=75, type=dropout, metatype=PTDropoutMetatype]; +"features.1.0.norm2.weight" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.0.norm2.bias" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/0/norm2/layer_norm/0" [id=78, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/1/0/add/1" [id=79, type=add, metatype=PTAddMetatype]; +"features.1.1.attn.relative_coords_table" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.1.attn.cpb_mlp.0.weight" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.1.attn.cpb_mlp.0.bias" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/attn/cpb_mlp/0/linear/0" [id=83, type=linear, metatype=PTLinearMetatype]; +"features/1/1/attn/cpb_mlp/1/relu_/0" [id=84, type="relu_", metatype=PTRELUMetatype]; +"features.1.1.attn.cpb_mlp.2.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/attn/cpb_mlp/2/linear/0" [id=86, type=linear, metatype=PTLinearMetatype]; +"features/1/1/attn/view/0" [id=87, type=view, metatype=PTReshapeMetatype]; +"features.1.1.attn.relative_position_index" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/attn/__getitem__/0" [id=89, type="__getitem__", metatype=PTGatherMetatype]; +"features/1/1/attn/view/1" [id=90, type=view, metatype=PTReshapeMetatype]; +"features/1/1/attn/permute/0" [id=91, type=permute, metatype=PTTransposeMetatype]; +"features/1/1/attn/contiguous/0" [id=92, type=contiguous, metatype=PTNoopMetatype]; +"features/1/1/attn/unsqueeze/0" [id=93, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/1/1/attn/sigmoid/0" [id=94, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/1/1/attn/mul/0" [id=95, type=mul, metatype=PTMulMetatype]; +"features/1/1/attn/pad/0" [id=96, type=pad, metatype=PTPadMetatype]; +"features/1/1/attn/roll/0" [id=97, type=roll, metatype=UnknownMetatype]; +"features/1/1/attn/view/2" [id=98, type=view, metatype=PTReshapeMetatype]; +"features/1/1/attn/permute/1" [id=99, type=permute, metatype=PTTransposeMetatype]; +"features/1/1/attn/reshape/0" [id=100, type=reshape, metatype=PTReshapeMetatype]; +"features.1.1.attn.qkv.bias" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/attn/clone/0" [id=102, type=clone, metatype=PTNoopMetatype]; +"features/1/1/attn/numel/0" [id=103, type=numel, metatype=UnknownMetatype]; +"features/1/1/attn/__getitem__/1" [id=104, type="__getitem__", metatype=PTGatherMetatype]; +"features/1/1/attn/zero_/0" [id=105, type="zero_", metatype=UnknownMetatype]; +"features.1.1.attn.qkv.weight" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/attn/linear/0" [id=107, type=linear, metatype=PTLinearMetatype]; +"features/1/1/attn/reshape/1" [id=108, type=reshape, metatype=PTReshapeMetatype]; +"features/1/1/attn/permute/2" [id=109, type=permute, metatype=PTTransposeMetatype]; +"features/1/1/attn/__getitem__/2" [id=110, type="__getitem__", metatype=PTGatherMetatype]; +"features/1/1/attn/__getitem__/3" [id=111, type="__getitem__", metatype=PTGatherMetatype]; +"features/1/1/attn/__getitem__/4" [id=112, type="__getitem__", metatype=PTGatherMetatype]; +"features/1/1/attn/normalize/0" [id=113, type=normalize, metatype=PTReduceL2]; +"features/1/1/attn/normalize/1" [id=114, type=normalize, metatype=PTReduceL2]; +"features/1/1/attn/transpose/0" [id=115, type=transpose, metatype=PTTransposeMetatype]; +"features/1/1/attn/matmul/0" [id=116, type=matmul, metatype=PTMatMulMetatype]; +"features.1.1.attn.logit_scale" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/attn/clamp/0" [id=118, type=clamp, metatype=UnknownMetatype]; +"features/1/1/attn/exp/0" [id=119, type=exp, metatype=PTExpMetatype]; +"features/1/1/attn/mul/1" [id=120, type=mul, metatype=PTMulMetatype]; +"features/1/1/attn/add/0" [id=121, type=add, metatype=PTAddMetatype]; +"features/1/1/attn/new_zeros/0" [id=122, type="new_zeros", metatype=UnknownMetatype]; +"features/1/1/attn/__setitem__/0" [id=123, type="__setitem__", metatype=UnknownMetatype]; +"features/1/1/attn/__setitem__/1" [id=124, type="__setitem__", metatype=UnknownMetatype]; +"features/1/1/attn/__setitem__/2" [id=125, type="__setitem__", metatype=UnknownMetatype]; +"features/1/1/attn/__setitem__/3" [id=126, type="__setitem__", metatype=UnknownMetatype]; +"features/1/1/attn/__setitem__/4" [id=127, type="__setitem__", metatype=UnknownMetatype]; +"features/1/1/attn/__setitem__/5" [id=128, type="__setitem__", metatype=UnknownMetatype]; +"features/1/1/attn/__setitem__/6" [id=129, type="__setitem__", metatype=UnknownMetatype]; +"features/1/1/attn/__setitem__/7" [id=130, type="__setitem__", metatype=UnknownMetatype]; +"features/1/1/attn/__setitem__/8" [id=131, type="__setitem__", metatype=UnknownMetatype]; +"features/1/1/attn/view/3" [id=132, type=view, metatype=PTReshapeMetatype]; +"features/1/1/attn/permute/3" [id=133, type=permute, metatype=PTTransposeMetatype]; +"features/1/1/attn/reshape/2" [id=134, type=reshape, metatype=PTReshapeMetatype]; +"features/1/1/attn/unsqueeze/1" [id=135, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/1/1/attn/unsqueeze/2" [id=136, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/1/1/attn/sub/0" [id=137, type=sub, metatype=PTSubMetatype]; +"features/1/1/attn/ne/0" [id=138, type=ne, metatype=UnknownMetatype]; +"features/1/1/attn/masked_fill/0" [id=139, type="masked_fill", metatype=PTScatterMetatype]; +"features/1/1/attn/__eq__/0" [id=140, type="__eq__", metatype=PTEqualsMetatype]; +"features/1/1/attn/masked_fill/1" [id=141, type="masked_fill", metatype=PTScatterMetatype]; +"features/1/1/attn/view/4" [id=142, type=view, metatype=PTReshapeMetatype]; +"features/1/1/attn/unsqueeze/3" [id=143, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/1/1/attn/unsqueeze/4" [id=144, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/1/1/attn/add/1" [id=145, type=add, metatype=PTAddMetatype]; +"features/1/1/attn/view/5" [id=146, type=view, metatype=PTReshapeMetatype]; +"features/1/1/attn/softmax/0" [id=147, type=softmax, metatype=PTSoftmaxMetatype]; +"features/1/1/attn/dropout/0" [id=148, type=dropout, metatype=PTDropoutMetatype]; +"features/1/1/attn/matmul/1" [id=149, type=matmul, metatype=PTMatMulMetatype]; +"features/1/1/attn/transpose/1" [id=150, type=transpose, metatype=PTTransposeMetatype]; +"features/1/1/attn/reshape/3" [id=151, type=reshape, metatype=PTReshapeMetatype]; +"features.1.1.attn.proj.weight" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.1.attn.proj.bias" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/attn/linear/1" [id=154, type=linear, metatype=PTLinearMetatype]; +"features/1/1/attn/dropout/1" [id=155, type=dropout, metatype=PTDropoutMetatype]; +"features/1/1/attn/view/6" [id=156, type=view, metatype=PTReshapeMetatype]; +"features/1/1/attn/permute/4" [id=157, type=permute, metatype=PTTransposeMetatype]; +"features/1/1/attn/reshape/4" [id=158, type=reshape, metatype=PTReshapeMetatype]; +"features/1/1/attn/roll/1" [id=159, type=roll, metatype=UnknownMetatype]; +"features/1/1/attn/__getitem__/5" [id=160, type="__getitem__", metatype=PTGatherMetatype]; +"features/1/1/attn/contiguous/1" [id=161, type=contiguous, metatype=PTNoopMetatype]; +"features.1.1.norm1.weight" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.1.norm1.bias" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/norm1/layer_norm/0" [id=164, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/1/1/add/0" [id=165, type=add, metatype=PTAddMetatype]; +"features.1.1.mlp.0.weight" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.1.mlp.0.bias" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/mlp/0/linear/0" [id=168, type=linear, metatype=PTLinearMetatype]; +"features/1/1/mlp/1/gelu/0" [id=169, type=gelu, metatype=PTGELUMetatype]; +"features/1/1/mlp/2/dropout/0" [id=170, type=dropout, metatype=PTDropoutMetatype]; +"features.1.1.mlp.3.weight" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.1.mlp.3.bias" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/mlp/3/linear/0" [id=173, type=linear, metatype=PTLinearMetatype]; +"features/1/1/mlp/4/dropout/0" [id=174, type=dropout, metatype=PTDropoutMetatype]; +"features.1.1.norm2.weight" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.1.norm2.bias" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/1/norm2/layer_norm/0" [id=177, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/1/1/add/1" [id=178, type=add, metatype=PTAddMetatype]; +"features/2/pad/0" [id=179, type=pad, metatype=PTPadMetatype]; +"features/2/__getitem__/0" [id=180, type="__getitem__", metatype=PTGatherMetatype]; +"features/2/__getitem__/1" [id=181, type="__getitem__", metatype=PTGatherMetatype]; +"features/2/__getitem__/2" [id=182, type="__getitem__", metatype=PTGatherMetatype]; +"features/2/__getitem__/3" [id=183, type="__getitem__", metatype=PTGatherMetatype]; +"features/2/cat/0" [id=184, type=cat, metatype=PTCatMetatype]; +"features.2.reduction.weight" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/reduction/linear/0" [id=186, type=linear, metatype=PTLinearMetatype]; +"features.2.norm.weight" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.norm.bias" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/norm/layer_norm/0" [id=189, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.3.0.attn.relative_coords_table" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.attn.cpb_mlp.0.weight" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.attn.cpb_mlp.0.bias" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/attn/cpb_mlp/0/linear/0" [id=193, type=linear, metatype=PTLinearMetatype]; +"features/3/0/attn/cpb_mlp/1/relu_/0" [id=194, type="relu_", metatype=PTRELUMetatype]; +"features.3.0.attn.cpb_mlp.2.weight" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/attn/cpb_mlp/2/linear/0" [id=196, type=linear, metatype=PTLinearMetatype]; +"features/3/0/attn/view/0" [id=197, type=view, metatype=PTReshapeMetatype]; +"features.3.0.attn.relative_position_index" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/attn/__getitem__/0" [id=199, type="__getitem__", metatype=PTGatherMetatype]; +"features/3/0/attn/view/1" [id=200, type=view, metatype=PTReshapeMetatype]; +"features/3/0/attn/permute/0" [id=201, type=permute, metatype=PTTransposeMetatype]; +"features/3/0/attn/contiguous/0" [id=202, type=contiguous, metatype=PTNoopMetatype]; +"features/3/0/attn/unsqueeze/0" [id=203, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/3/0/attn/sigmoid/0" [id=204, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/3/0/attn/mul/0" [id=205, type=mul, metatype=PTMulMetatype]; +"features/3/0/attn/pad/0" [id=206, type=pad, metatype=PTPadMetatype]; +"features/3/0/attn/view/2" [id=207, type=view, metatype=PTReshapeMetatype]; +"features/3/0/attn/permute/1" [id=208, type=permute, metatype=PTTransposeMetatype]; +"features/3/0/attn/reshape/0" [id=209, type=reshape, metatype=PTReshapeMetatype]; +"features.3.0.attn.qkv.bias" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/attn/clone/0" [id=211, type=clone, metatype=PTNoopMetatype]; +"features/3/0/attn/numel/0" [id=212, type=numel, metatype=UnknownMetatype]; +"features/3/0/attn/__getitem__/1" [id=213, type="__getitem__", metatype=PTGatherMetatype]; +"features/3/0/attn/zero_/0" [id=214, type="zero_", metatype=UnknownMetatype]; +"features.3.0.attn.qkv.weight" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/attn/linear/0" [id=216, type=linear, metatype=PTLinearMetatype]; +"features/3/0/attn/reshape/1" [id=217, type=reshape, metatype=PTReshapeMetatype]; +"features/3/0/attn/permute/2" [id=218, type=permute, metatype=PTTransposeMetatype]; +"features/3/0/attn/__getitem__/2" [id=219, type="__getitem__", metatype=PTGatherMetatype]; +"features/3/0/attn/__getitem__/3" [id=220, type="__getitem__", metatype=PTGatherMetatype]; +"features/3/0/attn/__getitem__/4" [id=221, type="__getitem__", metatype=PTGatherMetatype]; +"features/3/0/attn/normalize/0" [id=222, type=normalize, metatype=PTReduceL2]; +"features/3/0/attn/normalize/1" [id=223, type=normalize, metatype=PTReduceL2]; +"features/3/0/attn/transpose/0" [id=224, type=transpose, metatype=PTTransposeMetatype]; +"features/3/0/attn/matmul/0" [id=225, type=matmul, metatype=PTMatMulMetatype]; +"features.3.0.attn.logit_scale" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/attn/clamp/0" [id=227, type=clamp, metatype=UnknownMetatype]; +"features/3/0/attn/exp/0" [id=228, type=exp, metatype=PTExpMetatype]; +"features/3/0/attn/mul/1" [id=229, type=mul, metatype=PTMulMetatype]; +"features/3/0/attn/add/0" [id=230, type=add, metatype=PTAddMetatype]; +"features/3/0/attn/softmax/0" [id=231, type=softmax, metatype=PTSoftmaxMetatype]; +"features/3/0/attn/dropout/0" [id=232, type=dropout, metatype=PTDropoutMetatype]; +"features/3/0/attn/matmul/1" [id=233, type=matmul, metatype=PTMatMulMetatype]; +"features/3/0/attn/transpose/1" [id=234, type=transpose, metatype=PTTransposeMetatype]; +"features/3/0/attn/reshape/2" [id=235, type=reshape, metatype=PTReshapeMetatype]; +"features.3.0.attn.proj.weight" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.attn.proj.bias" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/attn/linear/1" [id=238, type=linear, metatype=PTLinearMetatype]; +"features/3/0/attn/dropout/1" [id=239, type=dropout, metatype=PTDropoutMetatype]; +"features/3/0/attn/view/3" [id=240, type=view, metatype=PTReshapeMetatype]; +"features/3/0/attn/permute/3" [id=241, type=permute, metatype=PTTransposeMetatype]; +"features/3/0/attn/reshape/3" [id=242, type=reshape, metatype=PTReshapeMetatype]; +"features/3/0/attn/__getitem__/5" [id=243, type="__getitem__", metatype=PTGatherMetatype]; +"features/3/0/attn/contiguous/1" [id=244, type=contiguous, metatype=PTNoopMetatype]; +"features.3.0.norm1.weight" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.norm1.bias" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/norm1/layer_norm/0" [id=247, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/3/0/add/0" [id=248, type=add, metatype=PTAddMetatype]; +"features.3.0.mlp.0.weight" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.mlp.0.bias" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/mlp/0/linear/0" [id=251, type=linear, metatype=PTLinearMetatype]; +"features/3/0/mlp/1/gelu/0" [id=252, type=gelu, metatype=PTGELUMetatype]; +"features/3/0/mlp/2/dropout/0" [id=253, type=dropout, metatype=PTDropoutMetatype]; +"features.3.0.mlp.3.weight" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.mlp.3.bias" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/mlp/3/linear/0" [id=256, type=linear, metatype=PTLinearMetatype]; +"features/3/0/mlp/4/dropout/0" [id=257, type=dropout, metatype=PTDropoutMetatype]; +"features.3.0.norm2.weight" [id=258, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.0.norm2.bias" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/0/norm2/layer_norm/0" [id=260, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/3/0/add/1" [id=261, type=add, metatype=PTAddMetatype]; +"features.3.1.attn.relative_coords_table" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.attn.cpb_mlp.0.weight" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.attn.cpb_mlp.0.bias" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/attn/cpb_mlp/0/linear/0" [id=265, type=linear, metatype=PTLinearMetatype]; +"features/3/1/attn/cpb_mlp/1/relu_/0" [id=266, type="relu_", metatype=PTRELUMetatype]; +"features.3.1.attn.cpb_mlp.2.weight" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/attn/cpb_mlp/2/linear/0" [id=268, type=linear, metatype=PTLinearMetatype]; +"features/3/1/attn/view/0" [id=269, type=view, metatype=PTReshapeMetatype]; +"features.3.1.attn.relative_position_index" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/attn/__getitem__/0" [id=271, type="__getitem__", metatype=PTGatherMetatype]; +"features/3/1/attn/view/1" [id=272, type=view, metatype=PTReshapeMetatype]; +"features/3/1/attn/permute/0" [id=273, type=permute, metatype=PTTransposeMetatype]; +"features/3/1/attn/contiguous/0" [id=274, type=contiguous, metatype=PTNoopMetatype]; +"features/3/1/attn/unsqueeze/0" [id=275, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/3/1/attn/sigmoid/0" [id=276, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/3/1/attn/mul/0" [id=277, type=mul, metatype=PTMulMetatype]; +"features/3/1/attn/pad/0" [id=278, type=pad, metatype=PTPadMetatype]; +"features/3/1/attn/view/2" [id=279, type=view, metatype=PTReshapeMetatype]; +"features/3/1/attn/permute/1" [id=280, type=permute, metatype=PTTransposeMetatype]; +"features/3/1/attn/reshape/0" [id=281, type=reshape, metatype=PTReshapeMetatype]; +"features.3.1.attn.qkv.bias" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/attn/clone/0" [id=283, type=clone, metatype=PTNoopMetatype]; +"features/3/1/attn/numel/0" [id=284, type=numel, metatype=UnknownMetatype]; +"features/3/1/attn/__getitem__/1" [id=285, type="__getitem__", metatype=PTGatherMetatype]; +"features/3/1/attn/zero_/0" [id=286, type="zero_", metatype=UnknownMetatype]; +"features.3.1.attn.qkv.weight" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/attn/linear/0" [id=288, type=linear, metatype=PTLinearMetatype]; +"features/3/1/attn/reshape/1" [id=289, type=reshape, metatype=PTReshapeMetatype]; +"features/3/1/attn/permute/2" [id=290, type=permute, metatype=PTTransposeMetatype]; +"features/3/1/attn/__getitem__/2" [id=291, type="__getitem__", metatype=PTGatherMetatype]; +"features/3/1/attn/__getitem__/3" [id=292, type="__getitem__", metatype=PTGatherMetatype]; +"features/3/1/attn/__getitem__/4" [id=293, type="__getitem__", metatype=PTGatherMetatype]; +"features/3/1/attn/normalize/0" [id=294, type=normalize, metatype=PTReduceL2]; +"features/3/1/attn/normalize/1" [id=295, type=normalize, metatype=PTReduceL2]; +"features/3/1/attn/transpose/0" [id=296, type=transpose, metatype=PTTransposeMetatype]; +"features/3/1/attn/matmul/0" [id=297, type=matmul, metatype=PTMatMulMetatype]; +"features.3.1.attn.logit_scale" [id=298, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/attn/clamp/0" [id=299, type=clamp, metatype=UnknownMetatype]; +"features/3/1/attn/exp/0" [id=300, type=exp, metatype=PTExpMetatype]; +"features/3/1/attn/mul/1" [id=301, type=mul, metatype=PTMulMetatype]; +"features/3/1/attn/add/0" [id=302, type=add, metatype=PTAddMetatype]; +"features/3/1/attn/softmax/0" [id=303, type=softmax, metatype=PTSoftmaxMetatype]; +"features/3/1/attn/dropout/0" [id=304, type=dropout, metatype=PTDropoutMetatype]; +"features/3/1/attn/matmul/1" [id=305, type=matmul, metatype=PTMatMulMetatype]; +"features/3/1/attn/transpose/1" [id=306, type=transpose, metatype=PTTransposeMetatype]; +"features/3/1/attn/reshape/2" [id=307, type=reshape, metatype=PTReshapeMetatype]; +"features.3.1.attn.proj.weight" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.attn.proj.bias" [id=309, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/attn/linear/1" [id=310, type=linear, metatype=PTLinearMetatype]; +"features/3/1/attn/dropout/1" [id=311, type=dropout, metatype=PTDropoutMetatype]; +"features/3/1/attn/view/3" [id=312, type=view, metatype=PTReshapeMetatype]; +"features/3/1/attn/permute/3" [id=313, type=permute, metatype=PTTransposeMetatype]; +"features/3/1/attn/reshape/3" [id=314, type=reshape, metatype=PTReshapeMetatype]; +"features/3/1/attn/__getitem__/5" [id=315, type="__getitem__", metatype=PTGatherMetatype]; +"features/3/1/attn/contiguous/1" [id=316, type=contiguous, metatype=PTNoopMetatype]; +"features.3.1.norm1.weight" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.norm1.bias" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/norm1/layer_norm/0" [id=319, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/3/1/add/0" [id=320, type=add, metatype=PTAddMetatype]; +"features.3.1.mlp.0.weight" [id=321, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.mlp.0.bias" [id=322, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/mlp/0/linear/0" [id=323, type=linear, metatype=PTLinearMetatype]; +"features/3/1/mlp/1/gelu/0" [id=324, type=gelu, metatype=PTGELUMetatype]; +"features/3/1/mlp/2/dropout/0" [id=325, type=dropout, metatype=PTDropoutMetatype]; +"features.3.1.mlp.3.weight" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.mlp.3.bias" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/mlp/3/linear/0" [id=328, type=linear, metatype=PTLinearMetatype]; +"features/3/1/mlp/4/dropout/0" [id=329, type=dropout, metatype=PTDropoutMetatype]; +"features.3.1.norm2.weight" [id=330, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.1.norm2.bias" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/1/norm2/layer_norm/0" [id=332, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/3/1/add/1" [id=333, type=add, metatype=PTAddMetatype]; +"features/4/pad/0" [id=334, type=pad, metatype=PTPadMetatype]; +"features/4/__getitem__/0" [id=335, type="__getitem__", metatype=PTGatherMetatype]; +"features/4/__getitem__/1" [id=336, type="__getitem__", metatype=PTGatherMetatype]; +"features/4/__getitem__/2" [id=337, type="__getitem__", metatype=PTGatherMetatype]; +"features/4/__getitem__/3" [id=338, type="__getitem__", metatype=PTGatherMetatype]; +"features/4/cat/0" [id=339, type=cat, metatype=PTCatMetatype]; +"features.4.reduction.weight" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/reduction/linear/0" [id=341, type=linear, metatype=PTLinearMetatype]; +"features.4.norm.weight" [id=342, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.norm.bias" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/norm/layer_norm/0" [id=344, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.5.0.attn.relative_coords_table" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.attn.cpb_mlp.0.weight" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.attn.cpb_mlp.0.bias" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/attn/cpb_mlp/0/linear/0" [id=348, type=linear, metatype=PTLinearMetatype]; +"features/5/0/attn/cpb_mlp/1/relu_/0" [id=349, type="relu_", metatype=PTRELUMetatype]; +"features.5.0.attn.cpb_mlp.2.weight" [id=350, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/attn/cpb_mlp/2/linear/0" [id=351, type=linear, metatype=PTLinearMetatype]; +"features/5/0/attn/view/0" [id=352, type=view, metatype=PTReshapeMetatype]; +"features.5.0.attn.relative_position_index" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/attn/__getitem__/0" [id=354, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/0/attn/view/1" [id=355, type=view, metatype=PTReshapeMetatype]; +"features/5/0/attn/permute/0" [id=356, type=permute, metatype=PTTransposeMetatype]; +"features/5/0/attn/contiguous/0" [id=357, type=contiguous, metatype=PTNoopMetatype]; +"features/5/0/attn/unsqueeze/0" [id=358, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/0/attn/sigmoid/0" [id=359, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/0/attn/mul/0" [id=360, type=mul, metatype=PTMulMetatype]; +"features/5/0/attn/pad/0" [id=361, type=pad, metatype=PTPadMetatype]; +"features/5/0/attn/view/2" [id=362, type=view, metatype=PTReshapeMetatype]; +"features/5/0/attn/permute/1" [id=363, type=permute, metatype=PTTransposeMetatype]; +"features/5/0/attn/reshape/0" [id=364, type=reshape, metatype=PTReshapeMetatype]; +"features.5.0.attn.qkv.bias" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/attn/clone/0" [id=366, type=clone, metatype=PTNoopMetatype]; +"features/5/0/attn/numel/0" [id=367, type=numel, metatype=UnknownMetatype]; +"features/5/0/attn/__getitem__/1" [id=368, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/0/attn/zero_/0" [id=369, type="zero_", metatype=UnknownMetatype]; +"features.5.0.attn.qkv.weight" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/attn/linear/0" [id=371, type=linear, metatype=PTLinearMetatype]; +"features/5/0/attn/reshape/1" [id=372, type=reshape, metatype=PTReshapeMetatype]; +"features/5/0/attn/permute/2" [id=373, type=permute, metatype=PTTransposeMetatype]; +"features/5/0/attn/__getitem__/2" [id=374, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/0/attn/__getitem__/3" [id=375, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/0/attn/__getitem__/4" [id=376, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/0/attn/normalize/0" [id=377, type=normalize, metatype=PTReduceL2]; +"features/5/0/attn/normalize/1" [id=378, type=normalize, metatype=PTReduceL2]; +"features/5/0/attn/transpose/0" [id=379, type=transpose, metatype=PTTransposeMetatype]; +"features/5/0/attn/matmul/0" [id=380, type=matmul, metatype=PTMatMulMetatype]; +"features.5.0.attn.logit_scale" [id=381, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/attn/clamp/0" [id=382, type=clamp, metatype=UnknownMetatype]; +"features/5/0/attn/exp/0" [id=383, type=exp, metatype=PTExpMetatype]; +"features/5/0/attn/mul/1" [id=384, type=mul, metatype=PTMulMetatype]; +"features/5/0/attn/add/0" [id=385, type=add, metatype=PTAddMetatype]; +"features/5/0/attn/softmax/0" [id=386, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/0/attn/dropout/0" [id=387, type=dropout, metatype=PTDropoutMetatype]; +"features/5/0/attn/matmul/1" [id=388, type=matmul, metatype=PTMatMulMetatype]; +"features/5/0/attn/transpose/1" [id=389, type=transpose, metatype=PTTransposeMetatype]; +"features/5/0/attn/reshape/2" [id=390, type=reshape, metatype=PTReshapeMetatype]; +"features.5.0.attn.proj.weight" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.attn.proj.bias" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/attn/linear/1" [id=393, type=linear, metatype=PTLinearMetatype]; +"features/5/0/attn/dropout/1" [id=394, type=dropout, metatype=PTDropoutMetatype]; +"features/5/0/attn/view/3" [id=395, type=view, metatype=PTReshapeMetatype]; +"features/5/0/attn/permute/3" [id=396, type=permute, metatype=PTTransposeMetatype]; +"features/5/0/attn/reshape/3" [id=397, type=reshape, metatype=PTReshapeMetatype]; +"features/5/0/attn/__getitem__/5" [id=398, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/0/attn/contiguous/1" [id=399, type=contiguous, metatype=PTNoopMetatype]; +"features.5.0.norm1.weight" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.norm1.bias" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/norm1/layer_norm/0" [id=402, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/0/add/0" [id=403, type=add, metatype=PTAddMetatype]; +"features.5.0.mlp.0.weight" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.mlp.0.bias" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/mlp/0/linear/0" [id=406, type=linear, metatype=PTLinearMetatype]; +"features/5/0/mlp/1/gelu/0" [id=407, type=gelu, metatype=PTGELUMetatype]; +"features/5/0/mlp/2/dropout/0" [id=408, type=dropout, metatype=PTDropoutMetatype]; +"features.5.0.mlp.3.weight" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.mlp.3.bias" [id=410, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/mlp/3/linear/0" [id=411, type=linear, metatype=PTLinearMetatype]; +"features/5/0/mlp/4/dropout/0" [id=412, type=dropout, metatype=PTDropoutMetatype]; +"features.5.0.norm2.weight" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.0.norm2.bias" [id=414, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/0/norm2/layer_norm/0" [id=415, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/0/add/1" [id=416, type=add, metatype=PTAddMetatype]; +"features.5.1.attn.relative_coords_table" [id=417, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.attn.cpb_mlp.0.weight" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.attn.cpb_mlp.0.bias" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/attn/cpb_mlp/0/linear/0" [id=420, type=linear, metatype=PTLinearMetatype]; +"features/5/1/attn/cpb_mlp/1/relu_/0" [id=421, type="relu_", metatype=PTRELUMetatype]; +"features.5.1.attn.cpb_mlp.2.weight" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/attn/cpb_mlp/2/linear/0" [id=423, type=linear, metatype=PTLinearMetatype]; +"features/5/1/attn/view/0" [id=424, type=view, metatype=PTReshapeMetatype]; +"features.5.1.attn.relative_position_index" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/attn/__getitem__/0" [id=426, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/1/attn/view/1" [id=427, type=view, metatype=PTReshapeMetatype]; +"features/5/1/attn/permute/0" [id=428, type=permute, metatype=PTTransposeMetatype]; +"features/5/1/attn/contiguous/0" [id=429, type=contiguous, metatype=PTNoopMetatype]; +"features/5/1/attn/unsqueeze/0" [id=430, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/1/attn/sigmoid/0" [id=431, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/1/attn/mul/0" [id=432, type=mul, metatype=PTMulMetatype]; +"features/5/1/attn/pad/0" [id=433, type=pad, metatype=PTPadMetatype]; +"features/5/1/attn/view/2" [id=434, type=view, metatype=PTReshapeMetatype]; +"features/5/1/attn/permute/1" [id=435, type=permute, metatype=PTTransposeMetatype]; +"features/5/1/attn/reshape/0" [id=436, type=reshape, metatype=PTReshapeMetatype]; +"features.5.1.attn.qkv.bias" [id=437, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/attn/clone/0" [id=438, type=clone, metatype=PTNoopMetatype]; +"features/5/1/attn/numel/0" [id=439, type=numel, metatype=UnknownMetatype]; +"features/5/1/attn/__getitem__/1" [id=440, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/1/attn/zero_/0" [id=441, type="zero_", metatype=UnknownMetatype]; +"features.5.1.attn.qkv.weight" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/attn/linear/0" [id=443, type=linear, metatype=PTLinearMetatype]; +"features/5/1/attn/reshape/1" [id=444, type=reshape, metatype=PTReshapeMetatype]; +"features/5/1/attn/permute/2" [id=445, type=permute, metatype=PTTransposeMetatype]; +"features/5/1/attn/__getitem__/2" [id=446, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/1/attn/__getitem__/3" [id=447, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/1/attn/__getitem__/4" [id=448, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/1/attn/normalize/0" [id=449, type=normalize, metatype=PTReduceL2]; +"features/5/1/attn/normalize/1" [id=450, type=normalize, metatype=PTReduceL2]; +"features/5/1/attn/transpose/0" [id=451, type=transpose, metatype=PTTransposeMetatype]; +"features/5/1/attn/matmul/0" [id=452, type=matmul, metatype=PTMatMulMetatype]; +"features.5.1.attn.logit_scale" [id=453, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/attn/clamp/0" [id=454, type=clamp, metatype=UnknownMetatype]; +"features/5/1/attn/exp/0" [id=455, type=exp, metatype=PTExpMetatype]; +"features/5/1/attn/mul/1" [id=456, type=mul, metatype=PTMulMetatype]; +"features/5/1/attn/add/0" [id=457, type=add, metatype=PTAddMetatype]; +"features/5/1/attn/softmax/0" [id=458, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/1/attn/dropout/0" [id=459, type=dropout, metatype=PTDropoutMetatype]; +"features/5/1/attn/matmul/1" [id=460, type=matmul, metatype=PTMatMulMetatype]; +"features/5/1/attn/transpose/1" [id=461, type=transpose, metatype=PTTransposeMetatype]; +"features/5/1/attn/reshape/2" [id=462, type=reshape, metatype=PTReshapeMetatype]; +"features.5.1.attn.proj.weight" [id=463, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.attn.proj.bias" [id=464, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/attn/linear/1" [id=465, type=linear, metatype=PTLinearMetatype]; +"features/5/1/attn/dropout/1" [id=466, type=dropout, metatype=PTDropoutMetatype]; +"features/5/1/attn/view/3" [id=467, type=view, metatype=PTReshapeMetatype]; +"features/5/1/attn/permute/3" [id=468, type=permute, metatype=PTTransposeMetatype]; +"features/5/1/attn/reshape/3" [id=469, type=reshape, metatype=PTReshapeMetatype]; +"features/5/1/attn/__getitem__/5" [id=470, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/1/attn/contiguous/1" [id=471, type=contiguous, metatype=PTNoopMetatype]; +"features.5.1.norm1.weight" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.norm1.bias" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/norm1/layer_norm/0" [id=474, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/1/add/0" [id=475, type=add, metatype=PTAddMetatype]; +"features.5.1.mlp.0.weight" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.mlp.0.bias" [id=477, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/mlp/0/linear/0" [id=478, type=linear, metatype=PTLinearMetatype]; +"features/5/1/mlp/1/gelu/0" [id=479, type=gelu, metatype=PTGELUMetatype]; +"features/5/1/mlp/2/dropout/0" [id=480, type=dropout, metatype=PTDropoutMetatype]; +"features.5.1.mlp.3.weight" [id=481, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.mlp.3.bias" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/mlp/3/linear/0" [id=483, type=linear, metatype=PTLinearMetatype]; +"features/5/1/mlp/4/dropout/0" [id=484, type=dropout, metatype=PTDropoutMetatype]; +"features.5.1.norm2.weight" [id=485, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.1.norm2.bias" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/1/norm2/layer_norm/0" [id=487, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/1/add/1" [id=488, type=add, metatype=PTAddMetatype]; +"features.5.2.attn.relative_coords_table" [id=489, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.attn.cpb_mlp.0.weight" [id=490, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.attn.cpb_mlp.0.bias" [id=491, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/attn/cpb_mlp/0/linear/0" [id=492, type=linear, metatype=PTLinearMetatype]; +"features/5/2/attn/cpb_mlp/1/relu_/0" [id=493, type="relu_", metatype=PTRELUMetatype]; +"features.5.2.attn.cpb_mlp.2.weight" [id=494, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/attn/cpb_mlp/2/linear/0" [id=495, type=linear, metatype=PTLinearMetatype]; +"features/5/2/attn/view/0" [id=496, type=view, metatype=PTReshapeMetatype]; +"features.5.2.attn.relative_position_index" [id=497, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/attn/__getitem__/0" [id=498, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/2/attn/view/1" [id=499, type=view, metatype=PTReshapeMetatype]; +"features/5/2/attn/permute/0" [id=500, type=permute, metatype=PTTransposeMetatype]; +"features/5/2/attn/contiguous/0" [id=501, type=contiguous, metatype=PTNoopMetatype]; +"features/5/2/attn/unsqueeze/0" [id=502, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/2/attn/sigmoid/0" [id=503, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/2/attn/mul/0" [id=504, type=mul, metatype=PTMulMetatype]; +"features/5/2/attn/pad/0" [id=505, type=pad, metatype=PTPadMetatype]; +"features/5/2/attn/view/2" [id=506, type=view, metatype=PTReshapeMetatype]; +"features/5/2/attn/permute/1" [id=507, type=permute, metatype=PTTransposeMetatype]; +"features/5/2/attn/reshape/0" [id=508, type=reshape, metatype=PTReshapeMetatype]; +"features.5.2.attn.qkv.bias" [id=509, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/attn/clone/0" [id=510, type=clone, metatype=PTNoopMetatype]; +"features/5/2/attn/numel/0" [id=511, type=numel, metatype=UnknownMetatype]; +"features/5/2/attn/__getitem__/1" [id=512, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/2/attn/zero_/0" [id=513, type="zero_", metatype=UnknownMetatype]; +"features.5.2.attn.qkv.weight" [id=514, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/attn/linear/0" [id=515, type=linear, metatype=PTLinearMetatype]; +"features/5/2/attn/reshape/1" [id=516, type=reshape, metatype=PTReshapeMetatype]; +"features/5/2/attn/permute/2" [id=517, type=permute, metatype=PTTransposeMetatype]; +"features/5/2/attn/__getitem__/2" [id=518, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/2/attn/__getitem__/3" [id=519, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/2/attn/__getitem__/4" [id=520, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/2/attn/normalize/0" [id=521, type=normalize, metatype=PTReduceL2]; +"features/5/2/attn/normalize/1" [id=522, type=normalize, metatype=PTReduceL2]; +"features/5/2/attn/transpose/0" [id=523, type=transpose, metatype=PTTransposeMetatype]; +"features/5/2/attn/matmul/0" [id=524, type=matmul, metatype=PTMatMulMetatype]; +"features.5.2.attn.logit_scale" [id=525, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/attn/clamp/0" [id=526, type=clamp, metatype=UnknownMetatype]; +"features/5/2/attn/exp/0" [id=527, type=exp, metatype=PTExpMetatype]; +"features/5/2/attn/mul/1" [id=528, type=mul, metatype=PTMulMetatype]; +"features/5/2/attn/add/0" [id=529, type=add, metatype=PTAddMetatype]; +"features/5/2/attn/softmax/0" [id=530, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/2/attn/dropout/0" [id=531, type=dropout, metatype=PTDropoutMetatype]; +"features/5/2/attn/matmul/1" [id=532, type=matmul, metatype=PTMatMulMetatype]; +"features/5/2/attn/transpose/1" [id=533, type=transpose, metatype=PTTransposeMetatype]; +"features/5/2/attn/reshape/2" [id=534, type=reshape, metatype=PTReshapeMetatype]; +"features.5.2.attn.proj.weight" [id=535, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.attn.proj.bias" [id=536, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/attn/linear/1" [id=537, type=linear, metatype=PTLinearMetatype]; +"features/5/2/attn/dropout/1" [id=538, type=dropout, metatype=PTDropoutMetatype]; +"features/5/2/attn/view/3" [id=539, type=view, metatype=PTReshapeMetatype]; +"features/5/2/attn/permute/3" [id=540, type=permute, metatype=PTTransposeMetatype]; +"features/5/2/attn/reshape/3" [id=541, type=reshape, metatype=PTReshapeMetatype]; +"features/5/2/attn/__getitem__/5" [id=542, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/2/attn/contiguous/1" [id=543, type=contiguous, metatype=PTNoopMetatype]; +"features.5.2.norm1.weight" [id=544, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.norm1.bias" [id=545, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/norm1/layer_norm/0" [id=546, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/2/add/0" [id=547, type=add, metatype=PTAddMetatype]; +"features.5.2.mlp.0.weight" [id=548, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.mlp.0.bias" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/mlp/0/linear/0" [id=550, type=linear, metatype=PTLinearMetatype]; +"features/5/2/mlp/1/gelu/0" [id=551, type=gelu, metatype=PTGELUMetatype]; +"features/5/2/mlp/2/dropout/0" [id=552, type=dropout, metatype=PTDropoutMetatype]; +"features.5.2.mlp.3.weight" [id=553, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.mlp.3.bias" [id=554, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/mlp/3/linear/0" [id=555, type=linear, metatype=PTLinearMetatype]; +"features/5/2/mlp/4/dropout/0" [id=556, type=dropout, metatype=PTDropoutMetatype]; +"features.5.2.norm2.weight" [id=557, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.2.norm2.bias" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/2/norm2/layer_norm/0" [id=559, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/2/add/1" [id=560, type=add, metatype=PTAddMetatype]; +"features.5.3.attn.relative_coords_table" [id=561, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.3.attn.cpb_mlp.0.weight" [id=562, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.3.attn.cpb_mlp.0.bias" [id=563, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/attn/cpb_mlp/0/linear/0" [id=564, type=linear, metatype=PTLinearMetatype]; +"features/5/3/attn/cpb_mlp/1/relu_/0" [id=565, type="relu_", metatype=PTRELUMetatype]; +"features.5.3.attn.cpb_mlp.2.weight" [id=566, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/attn/cpb_mlp/2/linear/0" [id=567, type=linear, metatype=PTLinearMetatype]; +"features/5/3/attn/view/0" [id=568, type=view, metatype=PTReshapeMetatype]; +"features.5.3.attn.relative_position_index" [id=569, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/attn/__getitem__/0" [id=570, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/3/attn/view/1" [id=571, type=view, metatype=PTReshapeMetatype]; +"features/5/3/attn/permute/0" [id=572, type=permute, metatype=PTTransposeMetatype]; +"features/5/3/attn/contiguous/0" [id=573, type=contiguous, metatype=PTNoopMetatype]; +"features/5/3/attn/unsqueeze/0" [id=574, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/3/attn/sigmoid/0" [id=575, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/3/attn/mul/0" [id=576, type=mul, metatype=PTMulMetatype]; +"features/5/3/attn/pad/0" [id=577, type=pad, metatype=PTPadMetatype]; +"features/5/3/attn/view/2" [id=578, type=view, metatype=PTReshapeMetatype]; +"features/5/3/attn/permute/1" [id=579, type=permute, metatype=PTTransposeMetatype]; +"features/5/3/attn/reshape/0" [id=580, type=reshape, metatype=PTReshapeMetatype]; +"features.5.3.attn.qkv.bias" [id=581, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/attn/clone/0" [id=582, type=clone, metatype=PTNoopMetatype]; +"features/5/3/attn/numel/0" [id=583, type=numel, metatype=UnknownMetatype]; +"features/5/3/attn/__getitem__/1" [id=584, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/3/attn/zero_/0" [id=585, type="zero_", metatype=UnknownMetatype]; +"features.5.3.attn.qkv.weight" [id=586, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/attn/linear/0" [id=587, type=linear, metatype=PTLinearMetatype]; +"features/5/3/attn/reshape/1" [id=588, type=reshape, metatype=PTReshapeMetatype]; +"features/5/3/attn/permute/2" [id=589, type=permute, metatype=PTTransposeMetatype]; +"features/5/3/attn/__getitem__/2" [id=590, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/3/attn/__getitem__/3" [id=591, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/3/attn/__getitem__/4" [id=592, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/3/attn/normalize/0" [id=593, type=normalize, metatype=PTReduceL2]; +"features/5/3/attn/normalize/1" [id=594, type=normalize, metatype=PTReduceL2]; +"features/5/3/attn/transpose/0" [id=595, type=transpose, metatype=PTTransposeMetatype]; +"features/5/3/attn/matmul/0" [id=596, type=matmul, metatype=PTMatMulMetatype]; +"features.5.3.attn.logit_scale" [id=597, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/attn/clamp/0" [id=598, type=clamp, metatype=UnknownMetatype]; +"features/5/3/attn/exp/0" [id=599, type=exp, metatype=PTExpMetatype]; +"features/5/3/attn/mul/1" [id=600, type=mul, metatype=PTMulMetatype]; +"features/5/3/attn/add/0" [id=601, type=add, metatype=PTAddMetatype]; +"features/5/3/attn/softmax/0" [id=602, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/3/attn/dropout/0" [id=603, type=dropout, metatype=PTDropoutMetatype]; +"features/5/3/attn/matmul/1" [id=604, type=matmul, metatype=PTMatMulMetatype]; +"features/5/3/attn/transpose/1" [id=605, type=transpose, metatype=PTTransposeMetatype]; +"features/5/3/attn/reshape/2" [id=606, type=reshape, metatype=PTReshapeMetatype]; +"features.5.3.attn.proj.weight" [id=607, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.3.attn.proj.bias" [id=608, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/attn/linear/1" [id=609, type=linear, metatype=PTLinearMetatype]; +"features/5/3/attn/dropout/1" [id=610, type=dropout, metatype=PTDropoutMetatype]; +"features/5/3/attn/view/3" [id=611, type=view, metatype=PTReshapeMetatype]; +"features/5/3/attn/permute/3" [id=612, type=permute, metatype=PTTransposeMetatype]; +"features/5/3/attn/reshape/3" [id=613, type=reshape, metatype=PTReshapeMetatype]; +"features/5/3/attn/__getitem__/5" [id=614, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/3/attn/contiguous/1" [id=615, type=contiguous, metatype=PTNoopMetatype]; +"features.5.3.norm1.weight" [id=616, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.3.norm1.bias" [id=617, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/norm1/layer_norm/0" [id=618, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/3/add/0" [id=619, type=add, metatype=PTAddMetatype]; +"features.5.3.mlp.0.weight" [id=620, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.3.mlp.0.bias" [id=621, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/mlp/0/linear/0" [id=622, type=linear, metatype=PTLinearMetatype]; +"features/5/3/mlp/1/gelu/0" [id=623, type=gelu, metatype=PTGELUMetatype]; +"features/5/3/mlp/2/dropout/0" [id=624, type=dropout, metatype=PTDropoutMetatype]; +"features.5.3.mlp.3.weight" [id=625, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.3.mlp.3.bias" [id=626, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/mlp/3/linear/0" [id=627, type=linear, metatype=PTLinearMetatype]; +"features/5/3/mlp/4/dropout/0" [id=628, type=dropout, metatype=PTDropoutMetatype]; +"features.5.3.norm2.weight" [id=629, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.3.norm2.bias" [id=630, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/3/norm2/layer_norm/0" [id=631, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/3/add/1" [id=632, type=add, metatype=PTAddMetatype]; +"features.5.4.attn.relative_coords_table" [id=633, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.4.attn.cpb_mlp.0.weight" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.4.attn.cpb_mlp.0.bias" [id=635, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/attn/cpb_mlp/0/linear/0" [id=636, type=linear, metatype=PTLinearMetatype]; +"features/5/4/attn/cpb_mlp/1/relu_/0" [id=637, type="relu_", metatype=PTRELUMetatype]; +"features.5.4.attn.cpb_mlp.2.weight" [id=638, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/attn/cpb_mlp/2/linear/0" [id=639, type=linear, metatype=PTLinearMetatype]; +"features/5/4/attn/view/0" [id=640, type=view, metatype=PTReshapeMetatype]; +"features.5.4.attn.relative_position_index" [id=641, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/attn/__getitem__/0" [id=642, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/4/attn/view/1" [id=643, type=view, metatype=PTReshapeMetatype]; +"features/5/4/attn/permute/0" [id=644, type=permute, metatype=PTTransposeMetatype]; +"features/5/4/attn/contiguous/0" [id=645, type=contiguous, metatype=PTNoopMetatype]; +"features/5/4/attn/unsqueeze/0" [id=646, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/4/attn/sigmoid/0" [id=647, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/4/attn/mul/0" [id=648, type=mul, metatype=PTMulMetatype]; +"features/5/4/attn/pad/0" [id=649, type=pad, metatype=PTPadMetatype]; +"features/5/4/attn/view/2" [id=650, type=view, metatype=PTReshapeMetatype]; +"features/5/4/attn/permute/1" [id=651, type=permute, metatype=PTTransposeMetatype]; +"features/5/4/attn/reshape/0" [id=652, type=reshape, metatype=PTReshapeMetatype]; +"features.5.4.attn.qkv.bias" [id=653, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/attn/clone/0" [id=654, type=clone, metatype=PTNoopMetatype]; +"features/5/4/attn/numel/0" [id=655, type=numel, metatype=UnknownMetatype]; +"features/5/4/attn/__getitem__/1" [id=656, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/4/attn/zero_/0" [id=657, type="zero_", metatype=UnknownMetatype]; +"features.5.4.attn.qkv.weight" [id=658, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/attn/linear/0" [id=659, type=linear, metatype=PTLinearMetatype]; +"features/5/4/attn/reshape/1" [id=660, type=reshape, metatype=PTReshapeMetatype]; +"features/5/4/attn/permute/2" [id=661, type=permute, metatype=PTTransposeMetatype]; +"features/5/4/attn/__getitem__/2" [id=662, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/4/attn/__getitem__/3" [id=663, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/4/attn/__getitem__/4" [id=664, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/4/attn/normalize/0" [id=665, type=normalize, metatype=PTReduceL2]; +"features/5/4/attn/normalize/1" [id=666, type=normalize, metatype=PTReduceL2]; +"features/5/4/attn/transpose/0" [id=667, type=transpose, metatype=PTTransposeMetatype]; +"features/5/4/attn/matmul/0" [id=668, type=matmul, metatype=PTMatMulMetatype]; +"features.5.4.attn.logit_scale" [id=669, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/attn/clamp/0" [id=670, type=clamp, metatype=UnknownMetatype]; +"features/5/4/attn/exp/0" [id=671, type=exp, metatype=PTExpMetatype]; +"features/5/4/attn/mul/1" [id=672, type=mul, metatype=PTMulMetatype]; +"features/5/4/attn/add/0" [id=673, type=add, metatype=PTAddMetatype]; +"features/5/4/attn/softmax/0" [id=674, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/4/attn/dropout/0" [id=675, type=dropout, metatype=PTDropoutMetatype]; +"features/5/4/attn/matmul/1" [id=676, type=matmul, metatype=PTMatMulMetatype]; +"features/5/4/attn/transpose/1" [id=677, type=transpose, metatype=PTTransposeMetatype]; +"features/5/4/attn/reshape/2" [id=678, type=reshape, metatype=PTReshapeMetatype]; +"features.5.4.attn.proj.weight" [id=679, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.4.attn.proj.bias" [id=680, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/attn/linear/1" [id=681, type=linear, metatype=PTLinearMetatype]; +"features/5/4/attn/dropout/1" [id=682, type=dropout, metatype=PTDropoutMetatype]; +"features/5/4/attn/view/3" [id=683, type=view, metatype=PTReshapeMetatype]; +"features/5/4/attn/permute/3" [id=684, type=permute, metatype=PTTransposeMetatype]; +"features/5/4/attn/reshape/3" [id=685, type=reshape, metatype=PTReshapeMetatype]; +"features/5/4/attn/__getitem__/5" [id=686, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/4/attn/contiguous/1" [id=687, type=contiguous, metatype=PTNoopMetatype]; +"features.5.4.norm1.weight" [id=688, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.4.norm1.bias" [id=689, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/norm1/layer_norm/0" [id=690, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/4/add/0" [id=691, type=add, metatype=PTAddMetatype]; +"features.5.4.mlp.0.weight" [id=692, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.4.mlp.0.bias" [id=693, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/mlp/0/linear/0" [id=694, type=linear, metatype=PTLinearMetatype]; +"features/5/4/mlp/1/gelu/0" [id=695, type=gelu, metatype=PTGELUMetatype]; +"features/5/4/mlp/2/dropout/0" [id=696, type=dropout, metatype=PTDropoutMetatype]; +"features.5.4.mlp.3.weight" [id=697, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.4.mlp.3.bias" [id=698, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/mlp/3/linear/0" [id=699, type=linear, metatype=PTLinearMetatype]; +"features/5/4/mlp/4/dropout/0" [id=700, type=dropout, metatype=PTDropoutMetatype]; +"features.5.4.norm2.weight" [id=701, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.4.norm2.bias" [id=702, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/4/norm2/layer_norm/0" [id=703, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/4/add/1" [id=704, type=add, metatype=PTAddMetatype]; +"features.5.5.attn.relative_coords_table" [id=705, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.5.attn.cpb_mlp.0.weight" [id=706, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.5.attn.cpb_mlp.0.bias" [id=707, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/attn/cpb_mlp/0/linear/0" [id=708, type=linear, metatype=PTLinearMetatype]; +"features/5/5/attn/cpb_mlp/1/relu_/0" [id=709, type="relu_", metatype=PTRELUMetatype]; +"features.5.5.attn.cpb_mlp.2.weight" [id=710, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/attn/cpb_mlp/2/linear/0" [id=711, type=linear, metatype=PTLinearMetatype]; +"features/5/5/attn/view/0" [id=712, type=view, metatype=PTReshapeMetatype]; +"features.5.5.attn.relative_position_index" [id=713, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/attn/__getitem__/0" [id=714, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/5/attn/view/1" [id=715, type=view, metatype=PTReshapeMetatype]; +"features/5/5/attn/permute/0" [id=716, type=permute, metatype=PTTransposeMetatype]; +"features/5/5/attn/contiguous/0" [id=717, type=contiguous, metatype=PTNoopMetatype]; +"features/5/5/attn/unsqueeze/0" [id=718, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/5/attn/sigmoid/0" [id=719, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/5/attn/mul/0" [id=720, type=mul, metatype=PTMulMetatype]; +"features/5/5/attn/pad/0" [id=721, type=pad, metatype=PTPadMetatype]; +"features/5/5/attn/view/2" [id=722, type=view, metatype=PTReshapeMetatype]; +"features/5/5/attn/permute/1" [id=723, type=permute, metatype=PTTransposeMetatype]; +"features/5/5/attn/reshape/0" [id=724, type=reshape, metatype=PTReshapeMetatype]; +"features.5.5.attn.qkv.bias" [id=725, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/attn/clone/0" [id=726, type=clone, metatype=PTNoopMetatype]; +"features/5/5/attn/numel/0" [id=727, type=numel, metatype=UnknownMetatype]; +"features/5/5/attn/__getitem__/1" [id=728, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/5/attn/zero_/0" [id=729, type="zero_", metatype=UnknownMetatype]; +"features.5.5.attn.qkv.weight" [id=730, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/attn/linear/0" [id=731, type=linear, metatype=PTLinearMetatype]; +"features/5/5/attn/reshape/1" [id=732, type=reshape, metatype=PTReshapeMetatype]; +"features/5/5/attn/permute/2" [id=733, type=permute, metatype=PTTransposeMetatype]; +"features/5/5/attn/__getitem__/2" [id=734, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/5/attn/__getitem__/3" [id=735, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/5/attn/__getitem__/4" [id=736, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/5/attn/normalize/0" [id=737, type=normalize, metatype=PTReduceL2]; +"features/5/5/attn/normalize/1" [id=738, type=normalize, metatype=PTReduceL2]; +"features/5/5/attn/transpose/0" [id=739, type=transpose, metatype=PTTransposeMetatype]; +"features/5/5/attn/matmul/0" [id=740, type=matmul, metatype=PTMatMulMetatype]; +"features.5.5.attn.logit_scale" [id=741, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/attn/clamp/0" [id=742, type=clamp, metatype=UnknownMetatype]; +"features/5/5/attn/exp/0" [id=743, type=exp, metatype=PTExpMetatype]; +"features/5/5/attn/mul/1" [id=744, type=mul, metatype=PTMulMetatype]; +"features/5/5/attn/add/0" [id=745, type=add, metatype=PTAddMetatype]; +"features/5/5/attn/softmax/0" [id=746, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/5/attn/dropout/0" [id=747, type=dropout, metatype=PTDropoutMetatype]; +"features/5/5/attn/matmul/1" [id=748, type=matmul, metatype=PTMatMulMetatype]; +"features/5/5/attn/transpose/1" [id=749, type=transpose, metatype=PTTransposeMetatype]; +"features/5/5/attn/reshape/2" [id=750, type=reshape, metatype=PTReshapeMetatype]; +"features.5.5.attn.proj.weight" [id=751, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.5.attn.proj.bias" [id=752, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/attn/linear/1" [id=753, type=linear, metatype=PTLinearMetatype]; +"features/5/5/attn/dropout/1" [id=754, type=dropout, metatype=PTDropoutMetatype]; +"features/5/5/attn/view/3" [id=755, type=view, metatype=PTReshapeMetatype]; +"features/5/5/attn/permute/3" [id=756, type=permute, metatype=PTTransposeMetatype]; +"features/5/5/attn/reshape/3" [id=757, type=reshape, metatype=PTReshapeMetatype]; +"features/5/5/attn/__getitem__/5" [id=758, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/5/attn/contiguous/1" [id=759, type=contiguous, metatype=PTNoopMetatype]; +"features.5.5.norm1.weight" [id=760, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.5.norm1.bias" [id=761, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/norm1/layer_norm/0" [id=762, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/5/add/0" [id=763, type=add, metatype=PTAddMetatype]; +"features.5.5.mlp.0.weight" [id=764, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.5.mlp.0.bias" [id=765, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/mlp/0/linear/0" [id=766, type=linear, metatype=PTLinearMetatype]; +"features/5/5/mlp/1/gelu/0" [id=767, type=gelu, metatype=PTGELUMetatype]; +"features/5/5/mlp/2/dropout/0" [id=768, type=dropout, metatype=PTDropoutMetatype]; +"features.5.5.mlp.3.weight" [id=769, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.5.mlp.3.bias" [id=770, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/mlp/3/linear/0" [id=771, type=linear, metatype=PTLinearMetatype]; +"features/5/5/mlp/4/dropout/0" [id=772, type=dropout, metatype=PTDropoutMetatype]; +"features.5.5.norm2.weight" [id=773, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.5.norm2.bias" [id=774, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/5/norm2/layer_norm/0" [id=775, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/5/add/1" [id=776, type=add, metatype=PTAddMetatype]; +"features.5.6.attn.relative_coords_table" [id=777, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.6.attn.cpb_mlp.0.weight" [id=778, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.6.attn.cpb_mlp.0.bias" [id=779, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/attn/cpb_mlp/0/linear/0" [id=780, type=linear, metatype=PTLinearMetatype]; +"features/5/6/attn/cpb_mlp/1/relu_/0" [id=781, type="relu_", metatype=PTRELUMetatype]; +"features.5.6.attn.cpb_mlp.2.weight" [id=782, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/attn/cpb_mlp/2/linear/0" [id=783, type=linear, metatype=PTLinearMetatype]; +"features/5/6/attn/view/0" [id=784, type=view, metatype=PTReshapeMetatype]; +"features.5.6.attn.relative_position_index" [id=785, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/attn/__getitem__/0" [id=786, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/6/attn/view/1" [id=787, type=view, metatype=PTReshapeMetatype]; +"features/5/6/attn/permute/0" [id=788, type=permute, metatype=PTTransposeMetatype]; +"features/5/6/attn/contiguous/0" [id=789, type=contiguous, metatype=PTNoopMetatype]; +"features/5/6/attn/unsqueeze/0" [id=790, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/6/attn/sigmoid/0" [id=791, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/6/attn/mul/0" [id=792, type=mul, metatype=PTMulMetatype]; +"features/5/6/attn/pad/0" [id=793, type=pad, metatype=PTPadMetatype]; +"features/5/6/attn/view/2" [id=794, type=view, metatype=PTReshapeMetatype]; +"features/5/6/attn/permute/1" [id=795, type=permute, metatype=PTTransposeMetatype]; +"features/5/6/attn/reshape/0" [id=796, type=reshape, metatype=PTReshapeMetatype]; +"features.5.6.attn.qkv.bias" [id=797, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/attn/clone/0" [id=798, type=clone, metatype=PTNoopMetatype]; +"features/5/6/attn/numel/0" [id=799, type=numel, metatype=UnknownMetatype]; +"features/5/6/attn/__getitem__/1" [id=800, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/6/attn/zero_/0" [id=801, type="zero_", metatype=UnknownMetatype]; +"features.5.6.attn.qkv.weight" [id=802, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/attn/linear/0" [id=803, type=linear, metatype=PTLinearMetatype]; +"features/5/6/attn/reshape/1" [id=804, type=reshape, metatype=PTReshapeMetatype]; +"features/5/6/attn/permute/2" [id=805, type=permute, metatype=PTTransposeMetatype]; +"features/5/6/attn/__getitem__/2" [id=806, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/6/attn/__getitem__/3" [id=807, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/6/attn/__getitem__/4" [id=808, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/6/attn/normalize/0" [id=809, type=normalize, metatype=PTReduceL2]; +"features/5/6/attn/normalize/1" [id=810, type=normalize, metatype=PTReduceL2]; +"features/5/6/attn/transpose/0" [id=811, type=transpose, metatype=PTTransposeMetatype]; +"features/5/6/attn/matmul/0" [id=812, type=matmul, metatype=PTMatMulMetatype]; +"features.5.6.attn.logit_scale" [id=813, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/attn/clamp/0" [id=814, type=clamp, metatype=UnknownMetatype]; +"features/5/6/attn/exp/0" [id=815, type=exp, metatype=PTExpMetatype]; +"features/5/6/attn/mul/1" [id=816, type=mul, metatype=PTMulMetatype]; +"features/5/6/attn/add/0" [id=817, type=add, metatype=PTAddMetatype]; +"features/5/6/attn/softmax/0" [id=818, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/6/attn/dropout/0" [id=819, type=dropout, metatype=PTDropoutMetatype]; +"features/5/6/attn/matmul/1" [id=820, type=matmul, metatype=PTMatMulMetatype]; +"features/5/6/attn/transpose/1" [id=821, type=transpose, metatype=PTTransposeMetatype]; +"features/5/6/attn/reshape/2" [id=822, type=reshape, metatype=PTReshapeMetatype]; +"features.5.6.attn.proj.weight" [id=823, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.6.attn.proj.bias" [id=824, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/attn/linear/1" [id=825, type=linear, metatype=PTLinearMetatype]; +"features/5/6/attn/dropout/1" [id=826, type=dropout, metatype=PTDropoutMetatype]; +"features/5/6/attn/view/3" [id=827, type=view, metatype=PTReshapeMetatype]; +"features/5/6/attn/permute/3" [id=828, type=permute, metatype=PTTransposeMetatype]; +"features/5/6/attn/reshape/3" [id=829, type=reshape, metatype=PTReshapeMetatype]; +"features/5/6/attn/__getitem__/5" [id=830, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/6/attn/contiguous/1" [id=831, type=contiguous, metatype=PTNoopMetatype]; +"features.5.6.norm1.weight" [id=832, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.6.norm1.bias" [id=833, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/norm1/layer_norm/0" [id=834, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/6/add/0" [id=835, type=add, metatype=PTAddMetatype]; +"features.5.6.mlp.0.weight" [id=836, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.6.mlp.0.bias" [id=837, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/mlp/0/linear/0" [id=838, type=linear, metatype=PTLinearMetatype]; +"features/5/6/mlp/1/gelu/0" [id=839, type=gelu, metatype=PTGELUMetatype]; +"features/5/6/mlp/2/dropout/0" [id=840, type=dropout, metatype=PTDropoutMetatype]; +"features.5.6.mlp.3.weight" [id=841, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.6.mlp.3.bias" [id=842, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/mlp/3/linear/0" [id=843, type=linear, metatype=PTLinearMetatype]; +"features/5/6/mlp/4/dropout/0" [id=844, type=dropout, metatype=PTDropoutMetatype]; +"features.5.6.norm2.weight" [id=845, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.6.norm2.bias" [id=846, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/6/norm2/layer_norm/0" [id=847, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/6/add/1" [id=848, type=add, metatype=PTAddMetatype]; +"features.5.7.attn.relative_coords_table" [id=849, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.7.attn.cpb_mlp.0.weight" [id=850, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.7.attn.cpb_mlp.0.bias" [id=851, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/attn/cpb_mlp/0/linear/0" [id=852, type=linear, metatype=PTLinearMetatype]; +"features/5/7/attn/cpb_mlp/1/relu_/0" [id=853, type="relu_", metatype=PTRELUMetatype]; +"features.5.7.attn.cpb_mlp.2.weight" [id=854, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/attn/cpb_mlp/2/linear/0" [id=855, type=linear, metatype=PTLinearMetatype]; +"features/5/7/attn/view/0" [id=856, type=view, metatype=PTReshapeMetatype]; +"features.5.7.attn.relative_position_index" [id=857, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/attn/__getitem__/0" [id=858, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/7/attn/view/1" [id=859, type=view, metatype=PTReshapeMetatype]; +"features/5/7/attn/permute/0" [id=860, type=permute, metatype=PTTransposeMetatype]; +"features/5/7/attn/contiguous/0" [id=861, type=contiguous, metatype=PTNoopMetatype]; +"features/5/7/attn/unsqueeze/0" [id=862, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/7/attn/sigmoid/0" [id=863, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/7/attn/mul/0" [id=864, type=mul, metatype=PTMulMetatype]; +"features/5/7/attn/pad/0" [id=865, type=pad, metatype=PTPadMetatype]; +"features/5/7/attn/view/2" [id=866, type=view, metatype=PTReshapeMetatype]; +"features/5/7/attn/permute/1" [id=867, type=permute, metatype=PTTransposeMetatype]; +"features/5/7/attn/reshape/0" [id=868, type=reshape, metatype=PTReshapeMetatype]; +"features.5.7.attn.qkv.bias" [id=869, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/attn/clone/0" [id=870, type=clone, metatype=PTNoopMetatype]; +"features/5/7/attn/numel/0" [id=871, type=numel, metatype=UnknownMetatype]; +"features/5/7/attn/__getitem__/1" [id=872, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/7/attn/zero_/0" [id=873, type="zero_", metatype=UnknownMetatype]; +"features.5.7.attn.qkv.weight" [id=874, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/attn/linear/0" [id=875, type=linear, metatype=PTLinearMetatype]; +"features/5/7/attn/reshape/1" [id=876, type=reshape, metatype=PTReshapeMetatype]; +"features/5/7/attn/permute/2" [id=877, type=permute, metatype=PTTransposeMetatype]; +"features/5/7/attn/__getitem__/2" [id=878, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/7/attn/__getitem__/3" [id=879, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/7/attn/__getitem__/4" [id=880, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/7/attn/normalize/0" [id=881, type=normalize, metatype=PTReduceL2]; +"features/5/7/attn/normalize/1" [id=882, type=normalize, metatype=PTReduceL2]; +"features/5/7/attn/transpose/0" [id=883, type=transpose, metatype=PTTransposeMetatype]; +"features/5/7/attn/matmul/0" [id=884, type=matmul, metatype=PTMatMulMetatype]; +"features.5.7.attn.logit_scale" [id=885, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/attn/clamp/0" [id=886, type=clamp, metatype=UnknownMetatype]; +"features/5/7/attn/exp/0" [id=887, type=exp, metatype=PTExpMetatype]; +"features/5/7/attn/mul/1" [id=888, type=mul, metatype=PTMulMetatype]; +"features/5/7/attn/add/0" [id=889, type=add, metatype=PTAddMetatype]; +"features/5/7/attn/softmax/0" [id=890, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/7/attn/dropout/0" [id=891, type=dropout, metatype=PTDropoutMetatype]; +"features/5/7/attn/matmul/1" [id=892, type=matmul, metatype=PTMatMulMetatype]; +"features/5/7/attn/transpose/1" [id=893, type=transpose, metatype=PTTransposeMetatype]; +"features/5/7/attn/reshape/2" [id=894, type=reshape, metatype=PTReshapeMetatype]; +"features.5.7.attn.proj.weight" [id=895, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.7.attn.proj.bias" [id=896, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/attn/linear/1" [id=897, type=linear, metatype=PTLinearMetatype]; +"features/5/7/attn/dropout/1" [id=898, type=dropout, metatype=PTDropoutMetatype]; +"features/5/7/attn/view/3" [id=899, type=view, metatype=PTReshapeMetatype]; +"features/5/7/attn/permute/3" [id=900, type=permute, metatype=PTTransposeMetatype]; +"features/5/7/attn/reshape/3" [id=901, type=reshape, metatype=PTReshapeMetatype]; +"features/5/7/attn/__getitem__/5" [id=902, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/7/attn/contiguous/1" [id=903, type=contiguous, metatype=PTNoopMetatype]; +"features.5.7.norm1.weight" [id=904, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.7.norm1.bias" [id=905, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/norm1/layer_norm/0" [id=906, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/7/add/0" [id=907, type=add, metatype=PTAddMetatype]; +"features.5.7.mlp.0.weight" [id=908, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.7.mlp.0.bias" [id=909, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/mlp/0/linear/0" [id=910, type=linear, metatype=PTLinearMetatype]; +"features/5/7/mlp/1/gelu/0" [id=911, type=gelu, metatype=PTGELUMetatype]; +"features/5/7/mlp/2/dropout/0" [id=912, type=dropout, metatype=PTDropoutMetatype]; +"features.5.7.mlp.3.weight" [id=913, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.7.mlp.3.bias" [id=914, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/mlp/3/linear/0" [id=915, type=linear, metatype=PTLinearMetatype]; +"features/5/7/mlp/4/dropout/0" [id=916, type=dropout, metatype=PTDropoutMetatype]; +"features.5.7.norm2.weight" [id=917, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.7.norm2.bias" [id=918, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/7/norm2/layer_norm/0" [id=919, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/7/add/1" [id=920, type=add, metatype=PTAddMetatype]; +"features.5.8.attn.relative_coords_table" [id=921, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.8.attn.cpb_mlp.0.weight" [id=922, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.8.attn.cpb_mlp.0.bias" [id=923, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/attn/cpb_mlp/0/linear/0" [id=924, type=linear, metatype=PTLinearMetatype]; +"features/5/8/attn/cpb_mlp/1/relu_/0" [id=925, type="relu_", metatype=PTRELUMetatype]; +"features.5.8.attn.cpb_mlp.2.weight" [id=926, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/attn/cpb_mlp/2/linear/0" [id=927, type=linear, metatype=PTLinearMetatype]; +"features/5/8/attn/view/0" [id=928, type=view, metatype=PTReshapeMetatype]; +"features.5.8.attn.relative_position_index" [id=929, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/attn/__getitem__/0" [id=930, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/8/attn/view/1" [id=931, type=view, metatype=PTReshapeMetatype]; +"features/5/8/attn/permute/0" [id=932, type=permute, metatype=PTTransposeMetatype]; +"features/5/8/attn/contiguous/0" [id=933, type=contiguous, metatype=PTNoopMetatype]; +"features/5/8/attn/unsqueeze/0" [id=934, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/8/attn/sigmoid/0" [id=935, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/8/attn/mul/0" [id=936, type=mul, metatype=PTMulMetatype]; +"features/5/8/attn/pad/0" [id=937, type=pad, metatype=PTPadMetatype]; +"features/5/8/attn/view/2" [id=938, type=view, metatype=PTReshapeMetatype]; +"features/5/8/attn/permute/1" [id=939, type=permute, metatype=PTTransposeMetatype]; +"features/5/8/attn/reshape/0" [id=940, type=reshape, metatype=PTReshapeMetatype]; +"features.5.8.attn.qkv.bias" [id=941, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/attn/clone/0" [id=942, type=clone, metatype=PTNoopMetatype]; +"features/5/8/attn/numel/0" [id=943, type=numel, metatype=UnknownMetatype]; +"features/5/8/attn/__getitem__/1" [id=944, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/8/attn/zero_/0" [id=945, type="zero_", metatype=UnknownMetatype]; +"features.5.8.attn.qkv.weight" [id=946, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/attn/linear/0" [id=947, type=linear, metatype=PTLinearMetatype]; +"features/5/8/attn/reshape/1" [id=948, type=reshape, metatype=PTReshapeMetatype]; +"features/5/8/attn/permute/2" [id=949, type=permute, metatype=PTTransposeMetatype]; +"features/5/8/attn/__getitem__/2" [id=950, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/8/attn/__getitem__/3" [id=951, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/8/attn/__getitem__/4" [id=952, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/8/attn/normalize/0" [id=953, type=normalize, metatype=PTReduceL2]; +"features/5/8/attn/normalize/1" [id=954, type=normalize, metatype=PTReduceL2]; +"features/5/8/attn/transpose/0" [id=955, type=transpose, metatype=PTTransposeMetatype]; +"features/5/8/attn/matmul/0" [id=956, type=matmul, metatype=PTMatMulMetatype]; +"features.5.8.attn.logit_scale" [id=957, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/attn/clamp/0" [id=958, type=clamp, metatype=UnknownMetatype]; +"features/5/8/attn/exp/0" [id=959, type=exp, metatype=PTExpMetatype]; +"features/5/8/attn/mul/1" [id=960, type=mul, metatype=PTMulMetatype]; +"features/5/8/attn/add/0" [id=961, type=add, metatype=PTAddMetatype]; +"features/5/8/attn/softmax/0" [id=962, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/8/attn/dropout/0" [id=963, type=dropout, metatype=PTDropoutMetatype]; +"features/5/8/attn/matmul/1" [id=964, type=matmul, metatype=PTMatMulMetatype]; +"features/5/8/attn/transpose/1" [id=965, type=transpose, metatype=PTTransposeMetatype]; +"features/5/8/attn/reshape/2" [id=966, type=reshape, metatype=PTReshapeMetatype]; +"features.5.8.attn.proj.weight" [id=967, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.8.attn.proj.bias" [id=968, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/attn/linear/1" [id=969, type=linear, metatype=PTLinearMetatype]; +"features/5/8/attn/dropout/1" [id=970, type=dropout, metatype=PTDropoutMetatype]; +"features/5/8/attn/view/3" [id=971, type=view, metatype=PTReshapeMetatype]; +"features/5/8/attn/permute/3" [id=972, type=permute, metatype=PTTransposeMetatype]; +"features/5/8/attn/reshape/3" [id=973, type=reshape, metatype=PTReshapeMetatype]; +"features/5/8/attn/__getitem__/5" [id=974, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/8/attn/contiguous/1" [id=975, type=contiguous, metatype=PTNoopMetatype]; +"features.5.8.norm1.weight" [id=976, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.8.norm1.bias" [id=977, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/norm1/layer_norm/0" [id=978, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/8/add/0" [id=979, type=add, metatype=PTAddMetatype]; +"features.5.8.mlp.0.weight" [id=980, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.8.mlp.0.bias" [id=981, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/mlp/0/linear/0" [id=982, type=linear, metatype=PTLinearMetatype]; +"features/5/8/mlp/1/gelu/0" [id=983, type=gelu, metatype=PTGELUMetatype]; +"features/5/8/mlp/2/dropout/0" [id=984, type=dropout, metatype=PTDropoutMetatype]; +"features.5.8.mlp.3.weight" [id=985, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.8.mlp.3.bias" [id=986, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/mlp/3/linear/0" [id=987, type=linear, metatype=PTLinearMetatype]; +"features/5/8/mlp/4/dropout/0" [id=988, type=dropout, metatype=PTDropoutMetatype]; +"features.5.8.norm2.weight" [id=989, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.8.norm2.bias" [id=990, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/8/norm2/layer_norm/0" [id=991, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/8/add/1" [id=992, type=add, metatype=PTAddMetatype]; +"features.5.9.attn.relative_coords_table" [id=993, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.9.attn.cpb_mlp.0.weight" [id=994, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.9.attn.cpb_mlp.0.bias" [id=995, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/attn/cpb_mlp/0/linear/0" [id=996, type=linear, metatype=PTLinearMetatype]; +"features/5/9/attn/cpb_mlp/1/relu_/0" [id=997, type="relu_", metatype=PTRELUMetatype]; +"features.5.9.attn.cpb_mlp.2.weight" [id=998, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/attn/cpb_mlp/2/linear/0" [id=999, type=linear, metatype=PTLinearMetatype]; +"features/5/9/attn/view/0" [id=1000, type=view, metatype=PTReshapeMetatype]; +"features.5.9.attn.relative_position_index" [id=1001, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/attn/__getitem__/0" [id=1002, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/9/attn/view/1" [id=1003, type=view, metatype=PTReshapeMetatype]; +"features/5/9/attn/permute/0" [id=1004, type=permute, metatype=PTTransposeMetatype]; +"features/5/9/attn/contiguous/0" [id=1005, type=contiguous, metatype=PTNoopMetatype]; +"features/5/9/attn/unsqueeze/0" [id=1006, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/9/attn/sigmoid/0" [id=1007, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/9/attn/mul/0" [id=1008, type=mul, metatype=PTMulMetatype]; +"features/5/9/attn/pad/0" [id=1009, type=pad, metatype=PTPadMetatype]; +"features/5/9/attn/view/2" [id=1010, type=view, metatype=PTReshapeMetatype]; +"features/5/9/attn/permute/1" [id=1011, type=permute, metatype=PTTransposeMetatype]; +"features/5/9/attn/reshape/0" [id=1012, type=reshape, metatype=PTReshapeMetatype]; +"features.5.9.attn.qkv.bias" [id=1013, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/attn/clone/0" [id=1014, type=clone, metatype=PTNoopMetatype]; +"features/5/9/attn/numel/0" [id=1015, type=numel, metatype=UnknownMetatype]; +"features/5/9/attn/__getitem__/1" [id=1016, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/9/attn/zero_/0" [id=1017, type="zero_", metatype=UnknownMetatype]; +"features.5.9.attn.qkv.weight" [id=1018, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/attn/linear/0" [id=1019, type=linear, metatype=PTLinearMetatype]; +"features/5/9/attn/reshape/1" [id=1020, type=reshape, metatype=PTReshapeMetatype]; +"features/5/9/attn/permute/2" [id=1021, type=permute, metatype=PTTransposeMetatype]; +"features/5/9/attn/__getitem__/2" [id=1022, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/9/attn/__getitem__/3" [id=1023, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/9/attn/__getitem__/4" [id=1024, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/9/attn/normalize/0" [id=1025, type=normalize, metatype=PTReduceL2]; +"features/5/9/attn/normalize/1" [id=1026, type=normalize, metatype=PTReduceL2]; +"features/5/9/attn/transpose/0" [id=1027, type=transpose, metatype=PTTransposeMetatype]; +"features/5/9/attn/matmul/0" [id=1028, type=matmul, metatype=PTMatMulMetatype]; +"features.5.9.attn.logit_scale" [id=1029, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/attn/clamp/0" [id=1030, type=clamp, metatype=UnknownMetatype]; +"features/5/9/attn/exp/0" [id=1031, type=exp, metatype=PTExpMetatype]; +"features/5/9/attn/mul/1" [id=1032, type=mul, metatype=PTMulMetatype]; +"features/5/9/attn/add/0" [id=1033, type=add, metatype=PTAddMetatype]; +"features/5/9/attn/softmax/0" [id=1034, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/9/attn/dropout/0" [id=1035, type=dropout, metatype=PTDropoutMetatype]; +"features/5/9/attn/matmul/1" [id=1036, type=matmul, metatype=PTMatMulMetatype]; +"features/5/9/attn/transpose/1" [id=1037, type=transpose, metatype=PTTransposeMetatype]; +"features/5/9/attn/reshape/2" [id=1038, type=reshape, metatype=PTReshapeMetatype]; +"features.5.9.attn.proj.weight" [id=1039, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.9.attn.proj.bias" [id=1040, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/attn/linear/1" [id=1041, type=linear, metatype=PTLinearMetatype]; +"features/5/9/attn/dropout/1" [id=1042, type=dropout, metatype=PTDropoutMetatype]; +"features/5/9/attn/view/3" [id=1043, type=view, metatype=PTReshapeMetatype]; +"features/5/9/attn/permute/3" [id=1044, type=permute, metatype=PTTransposeMetatype]; +"features/5/9/attn/reshape/3" [id=1045, type=reshape, metatype=PTReshapeMetatype]; +"features/5/9/attn/__getitem__/5" [id=1046, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/9/attn/contiguous/1" [id=1047, type=contiguous, metatype=PTNoopMetatype]; +"features.5.9.norm1.weight" [id=1048, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.9.norm1.bias" [id=1049, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/norm1/layer_norm/0" [id=1050, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/9/add/0" [id=1051, type=add, metatype=PTAddMetatype]; +"features.5.9.mlp.0.weight" [id=1052, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.9.mlp.0.bias" [id=1053, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/mlp/0/linear/0" [id=1054, type=linear, metatype=PTLinearMetatype]; +"features/5/9/mlp/1/gelu/0" [id=1055, type=gelu, metatype=PTGELUMetatype]; +"features/5/9/mlp/2/dropout/0" [id=1056, type=dropout, metatype=PTDropoutMetatype]; +"features.5.9.mlp.3.weight" [id=1057, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.9.mlp.3.bias" [id=1058, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/mlp/3/linear/0" [id=1059, type=linear, metatype=PTLinearMetatype]; +"features/5/9/mlp/4/dropout/0" [id=1060, type=dropout, metatype=PTDropoutMetatype]; +"features.5.9.norm2.weight" [id=1061, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.9.norm2.bias" [id=1062, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/9/norm2/layer_norm/0" [id=1063, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/9/add/1" [id=1064, type=add, metatype=PTAddMetatype]; +"features.5.10.attn.relative_coords_table" [id=1065, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.10.attn.cpb_mlp.0.weight" [id=1066, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.10.attn.cpb_mlp.0.bias" [id=1067, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/attn/cpb_mlp/0/linear/0" [id=1068, type=linear, metatype=PTLinearMetatype]; +"features/5/10/attn/cpb_mlp/1/relu_/0" [id=1069, type="relu_", metatype=PTRELUMetatype]; +"features.5.10.attn.cpb_mlp.2.weight" [id=1070, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/attn/cpb_mlp/2/linear/0" [id=1071, type=linear, metatype=PTLinearMetatype]; +"features/5/10/attn/view/0" [id=1072, type=view, metatype=PTReshapeMetatype]; +"features.5.10.attn.relative_position_index" [id=1073, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/attn/__getitem__/0" [id=1074, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/10/attn/view/1" [id=1075, type=view, metatype=PTReshapeMetatype]; +"features/5/10/attn/permute/0" [id=1076, type=permute, metatype=PTTransposeMetatype]; +"features/5/10/attn/contiguous/0" [id=1077, type=contiguous, metatype=PTNoopMetatype]; +"features/5/10/attn/unsqueeze/0" [id=1078, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/10/attn/sigmoid/0" [id=1079, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/10/attn/mul/0" [id=1080, type=mul, metatype=PTMulMetatype]; +"features/5/10/attn/pad/0" [id=1081, type=pad, metatype=PTPadMetatype]; +"features/5/10/attn/view/2" [id=1082, type=view, metatype=PTReshapeMetatype]; +"features/5/10/attn/permute/1" [id=1083, type=permute, metatype=PTTransposeMetatype]; +"features/5/10/attn/reshape/0" [id=1084, type=reshape, metatype=PTReshapeMetatype]; +"features.5.10.attn.qkv.bias" [id=1085, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/attn/clone/0" [id=1086, type=clone, metatype=PTNoopMetatype]; +"features/5/10/attn/numel/0" [id=1087, type=numel, metatype=UnknownMetatype]; +"features/5/10/attn/__getitem__/1" [id=1088, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/10/attn/zero_/0" [id=1089, type="zero_", metatype=UnknownMetatype]; +"features.5.10.attn.qkv.weight" [id=1090, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/attn/linear/0" [id=1091, type=linear, metatype=PTLinearMetatype]; +"features/5/10/attn/reshape/1" [id=1092, type=reshape, metatype=PTReshapeMetatype]; +"features/5/10/attn/permute/2" [id=1093, type=permute, metatype=PTTransposeMetatype]; +"features/5/10/attn/__getitem__/2" [id=1094, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/10/attn/__getitem__/3" [id=1095, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/10/attn/__getitem__/4" [id=1096, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/10/attn/normalize/0" [id=1097, type=normalize, metatype=PTReduceL2]; +"features/5/10/attn/normalize/1" [id=1098, type=normalize, metatype=PTReduceL2]; +"features/5/10/attn/transpose/0" [id=1099, type=transpose, metatype=PTTransposeMetatype]; +"features/5/10/attn/matmul/0" [id=1100, type=matmul, metatype=PTMatMulMetatype]; +"features.5.10.attn.logit_scale" [id=1101, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/attn/clamp/0" [id=1102, type=clamp, metatype=UnknownMetatype]; +"features/5/10/attn/exp/0" [id=1103, type=exp, metatype=PTExpMetatype]; +"features/5/10/attn/mul/1" [id=1104, type=mul, metatype=PTMulMetatype]; +"features/5/10/attn/add/0" [id=1105, type=add, metatype=PTAddMetatype]; +"features/5/10/attn/softmax/0" [id=1106, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/10/attn/dropout/0" [id=1107, type=dropout, metatype=PTDropoutMetatype]; +"features/5/10/attn/matmul/1" [id=1108, type=matmul, metatype=PTMatMulMetatype]; +"features/5/10/attn/transpose/1" [id=1109, type=transpose, metatype=PTTransposeMetatype]; +"features/5/10/attn/reshape/2" [id=1110, type=reshape, metatype=PTReshapeMetatype]; +"features.5.10.attn.proj.weight" [id=1111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.10.attn.proj.bias" [id=1112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/attn/linear/1" [id=1113, type=linear, metatype=PTLinearMetatype]; +"features/5/10/attn/dropout/1" [id=1114, type=dropout, metatype=PTDropoutMetatype]; +"features/5/10/attn/view/3" [id=1115, type=view, metatype=PTReshapeMetatype]; +"features/5/10/attn/permute/3" [id=1116, type=permute, metatype=PTTransposeMetatype]; +"features/5/10/attn/reshape/3" [id=1117, type=reshape, metatype=PTReshapeMetatype]; +"features/5/10/attn/__getitem__/5" [id=1118, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/10/attn/contiguous/1" [id=1119, type=contiguous, metatype=PTNoopMetatype]; +"features.5.10.norm1.weight" [id=1120, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.10.norm1.bias" [id=1121, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/norm1/layer_norm/0" [id=1122, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/10/add/0" [id=1123, type=add, metatype=PTAddMetatype]; +"features.5.10.mlp.0.weight" [id=1124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.10.mlp.0.bias" [id=1125, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/mlp/0/linear/0" [id=1126, type=linear, metatype=PTLinearMetatype]; +"features/5/10/mlp/1/gelu/0" [id=1127, type=gelu, metatype=PTGELUMetatype]; +"features/5/10/mlp/2/dropout/0" [id=1128, type=dropout, metatype=PTDropoutMetatype]; +"features.5.10.mlp.3.weight" [id=1129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.10.mlp.3.bias" [id=1130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/mlp/3/linear/0" [id=1131, type=linear, metatype=PTLinearMetatype]; +"features/5/10/mlp/4/dropout/0" [id=1132, type=dropout, metatype=PTDropoutMetatype]; +"features.5.10.norm2.weight" [id=1133, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.10.norm2.bias" [id=1134, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/10/norm2/layer_norm/0" [id=1135, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/10/add/1" [id=1136, type=add, metatype=PTAddMetatype]; +"features.5.11.attn.relative_coords_table" [id=1137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.11.attn.cpb_mlp.0.weight" [id=1138, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.11.attn.cpb_mlp.0.bias" [id=1139, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/attn/cpb_mlp/0/linear/0" [id=1140, type=linear, metatype=PTLinearMetatype]; +"features/5/11/attn/cpb_mlp/1/relu_/0" [id=1141, type="relu_", metatype=PTRELUMetatype]; +"features.5.11.attn.cpb_mlp.2.weight" [id=1142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/attn/cpb_mlp/2/linear/0" [id=1143, type=linear, metatype=PTLinearMetatype]; +"features/5/11/attn/view/0" [id=1144, type=view, metatype=PTReshapeMetatype]; +"features.5.11.attn.relative_position_index" [id=1145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/attn/__getitem__/0" [id=1146, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/11/attn/view/1" [id=1147, type=view, metatype=PTReshapeMetatype]; +"features/5/11/attn/permute/0" [id=1148, type=permute, metatype=PTTransposeMetatype]; +"features/5/11/attn/contiguous/0" [id=1149, type=contiguous, metatype=PTNoopMetatype]; +"features/5/11/attn/unsqueeze/0" [id=1150, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/11/attn/sigmoid/0" [id=1151, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/11/attn/mul/0" [id=1152, type=mul, metatype=PTMulMetatype]; +"features/5/11/attn/pad/0" [id=1153, type=pad, metatype=PTPadMetatype]; +"features/5/11/attn/view/2" [id=1154, type=view, metatype=PTReshapeMetatype]; +"features/5/11/attn/permute/1" [id=1155, type=permute, metatype=PTTransposeMetatype]; +"features/5/11/attn/reshape/0" [id=1156, type=reshape, metatype=PTReshapeMetatype]; +"features.5.11.attn.qkv.bias" [id=1157, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/attn/clone/0" [id=1158, type=clone, metatype=PTNoopMetatype]; +"features/5/11/attn/numel/0" [id=1159, type=numel, metatype=UnknownMetatype]; +"features/5/11/attn/__getitem__/1" [id=1160, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/11/attn/zero_/0" [id=1161, type="zero_", metatype=UnknownMetatype]; +"features.5.11.attn.qkv.weight" [id=1162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/attn/linear/0" [id=1163, type=linear, metatype=PTLinearMetatype]; +"features/5/11/attn/reshape/1" [id=1164, type=reshape, metatype=PTReshapeMetatype]; +"features/5/11/attn/permute/2" [id=1165, type=permute, metatype=PTTransposeMetatype]; +"features/5/11/attn/__getitem__/2" [id=1166, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/11/attn/__getitem__/3" [id=1167, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/11/attn/__getitem__/4" [id=1168, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/11/attn/normalize/0" [id=1169, type=normalize, metatype=PTReduceL2]; +"features/5/11/attn/normalize/1" [id=1170, type=normalize, metatype=PTReduceL2]; +"features/5/11/attn/transpose/0" [id=1171, type=transpose, metatype=PTTransposeMetatype]; +"features/5/11/attn/matmul/0" [id=1172, type=matmul, metatype=PTMatMulMetatype]; +"features.5.11.attn.logit_scale" [id=1173, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/attn/clamp/0" [id=1174, type=clamp, metatype=UnknownMetatype]; +"features/5/11/attn/exp/0" [id=1175, type=exp, metatype=PTExpMetatype]; +"features/5/11/attn/mul/1" [id=1176, type=mul, metatype=PTMulMetatype]; +"features/5/11/attn/add/0" [id=1177, type=add, metatype=PTAddMetatype]; +"features/5/11/attn/softmax/0" [id=1178, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/11/attn/dropout/0" [id=1179, type=dropout, metatype=PTDropoutMetatype]; +"features/5/11/attn/matmul/1" [id=1180, type=matmul, metatype=PTMatMulMetatype]; +"features/5/11/attn/transpose/1" [id=1181, type=transpose, metatype=PTTransposeMetatype]; +"features/5/11/attn/reshape/2" [id=1182, type=reshape, metatype=PTReshapeMetatype]; +"features.5.11.attn.proj.weight" [id=1183, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.11.attn.proj.bias" [id=1184, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/attn/linear/1" [id=1185, type=linear, metatype=PTLinearMetatype]; +"features/5/11/attn/dropout/1" [id=1186, type=dropout, metatype=PTDropoutMetatype]; +"features/5/11/attn/view/3" [id=1187, type=view, metatype=PTReshapeMetatype]; +"features/5/11/attn/permute/3" [id=1188, type=permute, metatype=PTTransposeMetatype]; +"features/5/11/attn/reshape/3" [id=1189, type=reshape, metatype=PTReshapeMetatype]; +"features/5/11/attn/__getitem__/5" [id=1190, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/11/attn/contiguous/1" [id=1191, type=contiguous, metatype=PTNoopMetatype]; +"features.5.11.norm1.weight" [id=1192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.11.norm1.bias" [id=1193, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/norm1/layer_norm/0" [id=1194, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/11/add/0" [id=1195, type=add, metatype=PTAddMetatype]; +"features.5.11.mlp.0.weight" [id=1196, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.11.mlp.0.bias" [id=1197, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/mlp/0/linear/0" [id=1198, type=linear, metatype=PTLinearMetatype]; +"features/5/11/mlp/1/gelu/0" [id=1199, type=gelu, metatype=PTGELUMetatype]; +"features/5/11/mlp/2/dropout/0" [id=1200, type=dropout, metatype=PTDropoutMetatype]; +"features.5.11.mlp.3.weight" [id=1201, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.11.mlp.3.bias" [id=1202, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/mlp/3/linear/0" [id=1203, type=linear, metatype=PTLinearMetatype]; +"features/5/11/mlp/4/dropout/0" [id=1204, type=dropout, metatype=PTDropoutMetatype]; +"features.5.11.norm2.weight" [id=1205, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.11.norm2.bias" [id=1206, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/11/norm2/layer_norm/0" [id=1207, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/11/add/1" [id=1208, type=add, metatype=PTAddMetatype]; +"features.5.12.attn.relative_coords_table" [id=1209, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.12.attn.cpb_mlp.0.weight" [id=1210, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.12.attn.cpb_mlp.0.bias" [id=1211, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/attn/cpb_mlp/0/linear/0" [id=1212, type=linear, metatype=PTLinearMetatype]; +"features/5/12/attn/cpb_mlp/1/relu_/0" [id=1213, type="relu_", metatype=PTRELUMetatype]; +"features.5.12.attn.cpb_mlp.2.weight" [id=1214, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/attn/cpb_mlp/2/linear/0" [id=1215, type=linear, metatype=PTLinearMetatype]; +"features/5/12/attn/view/0" [id=1216, type=view, metatype=PTReshapeMetatype]; +"features.5.12.attn.relative_position_index" [id=1217, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/attn/__getitem__/0" [id=1218, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/12/attn/view/1" [id=1219, type=view, metatype=PTReshapeMetatype]; +"features/5/12/attn/permute/0" [id=1220, type=permute, metatype=PTTransposeMetatype]; +"features/5/12/attn/contiguous/0" [id=1221, type=contiguous, metatype=PTNoopMetatype]; +"features/5/12/attn/unsqueeze/0" [id=1222, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/12/attn/sigmoid/0" [id=1223, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/12/attn/mul/0" [id=1224, type=mul, metatype=PTMulMetatype]; +"features/5/12/attn/pad/0" [id=1225, type=pad, metatype=PTPadMetatype]; +"features/5/12/attn/view/2" [id=1226, type=view, metatype=PTReshapeMetatype]; +"features/5/12/attn/permute/1" [id=1227, type=permute, metatype=PTTransposeMetatype]; +"features/5/12/attn/reshape/0" [id=1228, type=reshape, metatype=PTReshapeMetatype]; +"features.5.12.attn.qkv.bias" [id=1229, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/attn/clone/0" [id=1230, type=clone, metatype=PTNoopMetatype]; +"features/5/12/attn/numel/0" [id=1231, type=numel, metatype=UnknownMetatype]; +"features/5/12/attn/__getitem__/1" [id=1232, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/12/attn/zero_/0" [id=1233, type="zero_", metatype=UnknownMetatype]; +"features.5.12.attn.qkv.weight" [id=1234, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/attn/linear/0" [id=1235, type=linear, metatype=PTLinearMetatype]; +"features/5/12/attn/reshape/1" [id=1236, type=reshape, metatype=PTReshapeMetatype]; +"features/5/12/attn/permute/2" [id=1237, type=permute, metatype=PTTransposeMetatype]; +"features/5/12/attn/__getitem__/2" [id=1238, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/12/attn/__getitem__/3" [id=1239, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/12/attn/__getitem__/4" [id=1240, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/12/attn/normalize/0" [id=1241, type=normalize, metatype=PTReduceL2]; +"features/5/12/attn/normalize/1" [id=1242, type=normalize, metatype=PTReduceL2]; +"features/5/12/attn/transpose/0" [id=1243, type=transpose, metatype=PTTransposeMetatype]; +"features/5/12/attn/matmul/0" [id=1244, type=matmul, metatype=PTMatMulMetatype]; +"features.5.12.attn.logit_scale" [id=1245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/attn/clamp/0" [id=1246, type=clamp, metatype=UnknownMetatype]; +"features/5/12/attn/exp/0" [id=1247, type=exp, metatype=PTExpMetatype]; +"features/5/12/attn/mul/1" [id=1248, type=mul, metatype=PTMulMetatype]; +"features/5/12/attn/add/0" [id=1249, type=add, metatype=PTAddMetatype]; +"features/5/12/attn/softmax/0" [id=1250, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/12/attn/dropout/0" [id=1251, type=dropout, metatype=PTDropoutMetatype]; +"features/5/12/attn/matmul/1" [id=1252, type=matmul, metatype=PTMatMulMetatype]; +"features/5/12/attn/transpose/1" [id=1253, type=transpose, metatype=PTTransposeMetatype]; +"features/5/12/attn/reshape/2" [id=1254, type=reshape, metatype=PTReshapeMetatype]; +"features.5.12.attn.proj.weight" [id=1255, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.12.attn.proj.bias" [id=1256, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/attn/linear/1" [id=1257, type=linear, metatype=PTLinearMetatype]; +"features/5/12/attn/dropout/1" [id=1258, type=dropout, metatype=PTDropoutMetatype]; +"features/5/12/attn/view/3" [id=1259, type=view, metatype=PTReshapeMetatype]; +"features/5/12/attn/permute/3" [id=1260, type=permute, metatype=PTTransposeMetatype]; +"features/5/12/attn/reshape/3" [id=1261, type=reshape, metatype=PTReshapeMetatype]; +"features/5/12/attn/__getitem__/5" [id=1262, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/12/attn/contiguous/1" [id=1263, type=contiguous, metatype=PTNoopMetatype]; +"features.5.12.norm1.weight" [id=1264, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.12.norm1.bias" [id=1265, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/norm1/layer_norm/0" [id=1266, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/12/add/0" [id=1267, type=add, metatype=PTAddMetatype]; +"features.5.12.mlp.0.weight" [id=1268, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.12.mlp.0.bias" [id=1269, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/mlp/0/linear/0" [id=1270, type=linear, metatype=PTLinearMetatype]; +"features/5/12/mlp/1/gelu/0" [id=1271, type=gelu, metatype=PTGELUMetatype]; +"features/5/12/mlp/2/dropout/0" [id=1272, type=dropout, metatype=PTDropoutMetatype]; +"features.5.12.mlp.3.weight" [id=1273, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.12.mlp.3.bias" [id=1274, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/mlp/3/linear/0" [id=1275, type=linear, metatype=PTLinearMetatype]; +"features/5/12/mlp/4/dropout/0" [id=1276, type=dropout, metatype=PTDropoutMetatype]; +"features.5.12.norm2.weight" [id=1277, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.12.norm2.bias" [id=1278, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/12/norm2/layer_norm/0" [id=1279, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/12/add/1" [id=1280, type=add, metatype=PTAddMetatype]; +"features.5.13.attn.relative_coords_table" [id=1281, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.13.attn.cpb_mlp.0.weight" [id=1282, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.13.attn.cpb_mlp.0.bias" [id=1283, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/attn/cpb_mlp/0/linear/0" [id=1284, type=linear, metatype=PTLinearMetatype]; +"features/5/13/attn/cpb_mlp/1/relu_/0" [id=1285, type="relu_", metatype=PTRELUMetatype]; +"features.5.13.attn.cpb_mlp.2.weight" [id=1286, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/attn/cpb_mlp/2/linear/0" [id=1287, type=linear, metatype=PTLinearMetatype]; +"features/5/13/attn/view/0" [id=1288, type=view, metatype=PTReshapeMetatype]; +"features.5.13.attn.relative_position_index" [id=1289, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/attn/__getitem__/0" [id=1290, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/13/attn/view/1" [id=1291, type=view, metatype=PTReshapeMetatype]; +"features/5/13/attn/permute/0" [id=1292, type=permute, metatype=PTTransposeMetatype]; +"features/5/13/attn/contiguous/0" [id=1293, type=contiguous, metatype=PTNoopMetatype]; +"features/5/13/attn/unsqueeze/0" [id=1294, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/13/attn/sigmoid/0" [id=1295, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/13/attn/mul/0" [id=1296, type=mul, metatype=PTMulMetatype]; +"features/5/13/attn/pad/0" [id=1297, type=pad, metatype=PTPadMetatype]; +"features/5/13/attn/view/2" [id=1298, type=view, metatype=PTReshapeMetatype]; +"features/5/13/attn/permute/1" [id=1299, type=permute, metatype=PTTransposeMetatype]; +"features/5/13/attn/reshape/0" [id=1300, type=reshape, metatype=PTReshapeMetatype]; +"features.5.13.attn.qkv.bias" [id=1301, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/attn/clone/0" [id=1302, type=clone, metatype=PTNoopMetatype]; +"features/5/13/attn/numel/0" [id=1303, type=numel, metatype=UnknownMetatype]; +"features/5/13/attn/__getitem__/1" [id=1304, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/13/attn/zero_/0" [id=1305, type="zero_", metatype=UnknownMetatype]; +"features.5.13.attn.qkv.weight" [id=1306, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/attn/linear/0" [id=1307, type=linear, metatype=PTLinearMetatype]; +"features/5/13/attn/reshape/1" [id=1308, type=reshape, metatype=PTReshapeMetatype]; +"features/5/13/attn/permute/2" [id=1309, type=permute, metatype=PTTransposeMetatype]; +"features/5/13/attn/__getitem__/2" [id=1310, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/13/attn/__getitem__/3" [id=1311, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/13/attn/__getitem__/4" [id=1312, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/13/attn/normalize/0" [id=1313, type=normalize, metatype=PTReduceL2]; +"features/5/13/attn/normalize/1" [id=1314, type=normalize, metatype=PTReduceL2]; +"features/5/13/attn/transpose/0" [id=1315, type=transpose, metatype=PTTransposeMetatype]; +"features/5/13/attn/matmul/0" [id=1316, type=matmul, metatype=PTMatMulMetatype]; +"features.5.13.attn.logit_scale" [id=1317, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/attn/clamp/0" [id=1318, type=clamp, metatype=UnknownMetatype]; +"features/5/13/attn/exp/0" [id=1319, type=exp, metatype=PTExpMetatype]; +"features/5/13/attn/mul/1" [id=1320, type=mul, metatype=PTMulMetatype]; +"features/5/13/attn/add/0" [id=1321, type=add, metatype=PTAddMetatype]; +"features/5/13/attn/softmax/0" [id=1322, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/13/attn/dropout/0" [id=1323, type=dropout, metatype=PTDropoutMetatype]; +"features/5/13/attn/matmul/1" [id=1324, type=matmul, metatype=PTMatMulMetatype]; +"features/5/13/attn/transpose/1" [id=1325, type=transpose, metatype=PTTransposeMetatype]; +"features/5/13/attn/reshape/2" [id=1326, type=reshape, metatype=PTReshapeMetatype]; +"features.5.13.attn.proj.weight" [id=1327, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.13.attn.proj.bias" [id=1328, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/attn/linear/1" [id=1329, type=linear, metatype=PTLinearMetatype]; +"features/5/13/attn/dropout/1" [id=1330, type=dropout, metatype=PTDropoutMetatype]; +"features/5/13/attn/view/3" [id=1331, type=view, metatype=PTReshapeMetatype]; +"features/5/13/attn/permute/3" [id=1332, type=permute, metatype=PTTransposeMetatype]; +"features/5/13/attn/reshape/3" [id=1333, type=reshape, metatype=PTReshapeMetatype]; +"features/5/13/attn/__getitem__/5" [id=1334, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/13/attn/contiguous/1" [id=1335, type=contiguous, metatype=PTNoopMetatype]; +"features.5.13.norm1.weight" [id=1336, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.13.norm1.bias" [id=1337, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/norm1/layer_norm/0" [id=1338, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/13/add/0" [id=1339, type=add, metatype=PTAddMetatype]; +"features.5.13.mlp.0.weight" [id=1340, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.13.mlp.0.bias" [id=1341, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/mlp/0/linear/0" [id=1342, type=linear, metatype=PTLinearMetatype]; +"features/5/13/mlp/1/gelu/0" [id=1343, type=gelu, metatype=PTGELUMetatype]; +"features/5/13/mlp/2/dropout/0" [id=1344, type=dropout, metatype=PTDropoutMetatype]; +"features.5.13.mlp.3.weight" [id=1345, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.13.mlp.3.bias" [id=1346, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/mlp/3/linear/0" [id=1347, type=linear, metatype=PTLinearMetatype]; +"features/5/13/mlp/4/dropout/0" [id=1348, type=dropout, metatype=PTDropoutMetatype]; +"features.5.13.norm2.weight" [id=1349, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.13.norm2.bias" [id=1350, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/13/norm2/layer_norm/0" [id=1351, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/13/add/1" [id=1352, type=add, metatype=PTAddMetatype]; +"features.5.14.attn.relative_coords_table" [id=1353, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.14.attn.cpb_mlp.0.weight" [id=1354, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.14.attn.cpb_mlp.0.bias" [id=1355, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/attn/cpb_mlp/0/linear/0" [id=1356, type=linear, metatype=PTLinearMetatype]; +"features/5/14/attn/cpb_mlp/1/relu_/0" [id=1357, type="relu_", metatype=PTRELUMetatype]; +"features.5.14.attn.cpb_mlp.2.weight" [id=1358, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/attn/cpb_mlp/2/linear/0" [id=1359, type=linear, metatype=PTLinearMetatype]; +"features/5/14/attn/view/0" [id=1360, type=view, metatype=PTReshapeMetatype]; +"features.5.14.attn.relative_position_index" [id=1361, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/attn/__getitem__/0" [id=1362, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/14/attn/view/1" [id=1363, type=view, metatype=PTReshapeMetatype]; +"features/5/14/attn/permute/0" [id=1364, type=permute, metatype=PTTransposeMetatype]; +"features/5/14/attn/contiguous/0" [id=1365, type=contiguous, metatype=PTNoopMetatype]; +"features/5/14/attn/unsqueeze/0" [id=1366, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/14/attn/sigmoid/0" [id=1367, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/14/attn/mul/0" [id=1368, type=mul, metatype=PTMulMetatype]; +"features/5/14/attn/pad/0" [id=1369, type=pad, metatype=PTPadMetatype]; +"features/5/14/attn/view/2" [id=1370, type=view, metatype=PTReshapeMetatype]; +"features/5/14/attn/permute/1" [id=1371, type=permute, metatype=PTTransposeMetatype]; +"features/5/14/attn/reshape/0" [id=1372, type=reshape, metatype=PTReshapeMetatype]; +"features.5.14.attn.qkv.bias" [id=1373, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/attn/clone/0" [id=1374, type=clone, metatype=PTNoopMetatype]; +"features/5/14/attn/numel/0" [id=1375, type=numel, metatype=UnknownMetatype]; +"features/5/14/attn/__getitem__/1" [id=1376, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/14/attn/zero_/0" [id=1377, type="zero_", metatype=UnknownMetatype]; +"features.5.14.attn.qkv.weight" [id=1378, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/attn/linear/0" [id=1379, type=linear, metatype=PTLinearMetatype]; +"features/5/14/attn/reshape/1" [id=1380, type=reshape, metatype=PTReshapeMetatype]; +"features/5/14/attn/permute/2" [id=1381, type=permute, metatype=PTTransposeMetatype]; +"features/5/14/attn/__getitem__/2" [id=1382, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/14/attn/__getitem__/3" [id=1383, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/14/attn/__getitem__/4" [id=1384, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/14/attn/normalize/0" [id=1385, type=normalize, metatype=PTReduceL2]; +"features/5/14/attn/normalize/1" [id=1386, type=normalize, metatype=PTReduceL2]; +"features/5/14/attn/transpose/0" [id=1387, type=transpose, metatype=PTTransposeMetatype]; +"features/5/14/attn/matmul/0" [id=1388, type=matmul, metatype=PTMatMulMetatype]; +"features.5.14.attn.logit_scale" [id=1389, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/attn/clamp/0" [id=1390, type=clamp, metatype=UnknownMetatype]; +"features/5/14/attn/exp/0" [id=1391, type=exp, metatype=PTExpMetatype]; +"features/5/14/attn/mul/1" [id=1392, type=mul, metatype=PTMulMetatype]; +"features/5/14/attn/add/0" [id=1393, type=add, metatype=PTAddMetatype]; +"features/5/14/attn/softmax/0" [id=1394, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/14/attn/dropout/0" [id=1395, type=dropout, metatype=PTDropoutMetatype]; +"features/5/14/attn/matmul/1" [id=1396, type=matmul, metatype=PTMatMulMetatype]; +"features/5/14/attn/transpose/1" [id=1397, type=transpose, metatype=PTTransposeMetatype]; +"features/5/14/attn/reshape/2" [id=1398, type=reshape, metatype=PTReshapeMetatype]; +"features.5.14.attn.proj.weight" [id=1399, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.14.attn.proj.bias" [id=1400, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/attn/linear/1" [id=1401, type=linear, metatype=PTLinearMetatype]; +"features/5/14/attn/dropout/1" [id=1402, type=dropout, metatype=PTDropoutMetatype]; +"features/5/14/attn/view/3" [id=1403, type=view, metatype=PTReshapeMetatype]; +"features/5/14/attn/permute/3" [id=1404, type=permute, metatype=PTTransposeMetatype]; +"features/5/14/attn/reshape/3" [id=1405, type=reshape, metatype=PTReshapeMetatype]; +"features/5/14/attn/__getitem__/5" [id=1406, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/14/attn/contiguous/1" [id=1407, type=contiguous, metatype=PTNoopMetatype]; +"features.5.14.norm1.weight" [id=1408, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.14.norm1.bias" [id=1409, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/norm1/layer_norm/0" [id=1410, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/14/add/0" [id=1411, type=add, metatype=PTAddMetatype]; +"features.5.14.mlp.0.weight" [id=1412, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.14.mlp.0.bias" [id=1413, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/mlp/0/linear/0" [id=1414, type=linear, metatype=PTLinearMetatype]; +"features/5/14/mlp/1/gelu/0" [id=1415, type=gelu, metatype=PTGELUMetatype]; +"features/5/14/mlp/2/dropout/0" [id=1416, type=dropout, metatype=PTDropoutMetatype]; +"features.5.14.mlp.3.weight" [id=1417, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.14.mlp.3.bias" [id=1418, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/mlp/3/linear/0" [id=1419, type=linear, metatype=PTLinearMetatype]; +"features/5/14/mlp/4/dropout/0" [id=1420, type=dropout, metatype=PTDropoutMetatype]; +"features.5.14.norm2.weight" [id=1421, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.14.norm2.bias" [id=1422, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/14/norm2/layer_norm/0" [id=1423, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/14/add/1" [id=1424, type=add, metatype=PTAddMetatype]; +"features.5.15.attn.relative_coords_table" [id=1425, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.15.attn.cpb_mlp.0.weight" [id=1426, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.15.attn.cpb_mlp.0.bias" [id=1427, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/attn/cpb_mlp/0/linear/0" [id=1428, type=linear, metatype=PTLinearMetatype]; +"features/5/15/attn/cpb_mlp/1/relu_/0" [id=1429, type="relu_", metatype=PTRELUMetatype]; +"features.5.15.attn.cpb_mlp.2.weight" [id=1430, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/attn/cpb_mlp/2/linear/0" [id=1431, type=linear, metatype=PTLinearMetatype]; +"features/5/15/attn/view/0" [id=1432, type=view, metatype=PTReshapeMetatype]; +"features.5.15.attn.relative_position_index" [id=1433, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/attn/__getitem__/0" [id=1434, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/15/attn/view/1" [id=1435, type=view, metatype=PTReshapeMetatype]; +"features/5/15/attn/permute/0" [id=1436, type=permute, metatype=PTTransposeMetatype]; +"features/5/15/attn/contiguous/0" [id=1437, type=contiguous, metatype=PTNoopMetatype]; +"features/5/15/attn/unsqueeze/0" [id=1438, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/15/attn/sigmoid/0" [id=1439, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/15/attn/mul/0" [id=1440, type=mul, metatype=PTMulMetatype]; +"features/5/15/attn/pad/0" [id=1441, type=pad, metatype=PTPadMetatype]; +"features/5/15/attn/view/2" [id=1442, type=view, metatype=PTReshapeMetatype]; +"features/5/15/attn/permute/1" [id=1443, type=permute, metatype=PTTransposeMetatype]; +"features/5/15/attn/reshape/0" [id=1444, type=reshape, metatype=PTReshapeMetatype]; +"features.5.15.attn.qkv.bias" [id=1445, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/attn/clone/0" [id=1446, type=clone, metatype=PTNoopMetatype]; +"features/5/15/attn/numel/0" [id=1447, type=numel, metatype=UnknownMetatype]; +"features/5/15/attn/__getitem__/1" [id=1448, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/15/attn/zero_/0" [id=1449, type="zero_", metatype=UnknownMetatype]; +"features.5.15.attn.qkv.weight" [id=1450, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/attn/linear/0" [id=1451, type=linear, metatype=PTLinearMetatype]; +"features/5/15/attn/reshape/1" [id=1452, type=reshape, metatype=PTReshapeMetatype]; +"features/5/15/attn/permute/2" [id=1453, type=permute, metatype=PTTransposeMetatype]; +"features/5/15/attn/__getitem__/2" [id=1454, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/15/attn/__getitem__/3" [id=1455, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/15/attn/__getitem__/4" [id=1456, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/15/attn/normalize/0" [id=1457, type=normalize, metatype=PTReduceL2]; +"features/5/15/attn/normalize/1" [id=1458, type=normalize, metatype=PTReduceL2]; +"features/5/15/attn/transpose/0" [id=1459, type=transpose, metatype=PTTransposeMetatype]; +"features/5/15/attn/matmul/0" [id=1460, type=matmul, metatype=PTMatMulMetatype]; +"features.5.15.attn.logit_scale" [id=1461, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/attn/clamp/0" [id=1462, type=clamp, metatype=UnknownMetatype]; +"features/5/15/attn/exp/0" [id=1463, type=exp, metatype=PTExpMetatype]; +"features/5/15/attn/mul/1" [id=1464, type=mul, metatype=PTMulMetatype]; +"features/5/15/attn/add/0" [id=1465, type=add, metatype=PTAddMetatype]; +"features/5/15/attn/softmax/0" [id=1466, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/15/attn/dropout/0" [id=1467, type=dropout, metatype=PTDropoutMetatype]; +"features/5/15/attn/matmul/1" [id=1468, type=matmul, metatype=PTMatMulMetatype]; +"features/5/15/attn/transpose/1" [id=1469, type=transpose, metatype=PTTransposeMetatype]; +"features/5/15/attn/reshape/2" [id=1470, type=reshape, metatype=PTReshapeMetatype]; +"features.5.15.attn.proj.weight" [id=1471, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.15.attn.proj.bias" [id=1472, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/attn/linear/1" [id=1473, type=linear, metatype=PTLinearMetatype]; +"features/5/15/attn/dropout/1" [id=1474, type=dropout, metatype=PTDropoutMetatype]; +"features/5/15/attn/view/3" [id=1475, type=view, metatype=PTReshapeMetatype]; +"features/5/15/attn/permute/3" [id=1476, type=permute, metatype=PTTransposeMetatype]; +"features/5/15/attn/reshape/3" [id=1477, type=reshape, metatype=PTReshapeMetatype]; +"features/5/15/attn/__getitem__/5" [id=1478, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/15/attn/contiguous/1" [id=1479, type=contiguous, metatype=PTNoopMetatype]; +"features.5.15.norm1.weight" [id=1480, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.15.norm1.bias" [id=1481, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/norm1/layer_norm/0" [id=1482, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/15/add/0" [id=1483, type=add, metatype=PTAddMetatype]; +"features.5.15.mlp.0.weight" [id=1484, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.15.mlp.0.bias" [id=1485, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/mlp/0/linear/0" [id=1486, type=linear, metatype=PTLinearMetatype]; +"features/5/15/mlp/1/gelu/0" [id=1487, type=gelu, metatype=PTGELUMetatype]; +"features/5/15/mlp/2/dropout/0" [id=1488, type=dropout, metatype=PTDropoutMetatype]; +"features.5.15.mlp.3.weight" [id=1489, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.15.mlp.3.bias" [id=1490, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/mlp/3/linear/0" [id=1491, type=linear, metatype=PTLinearMetatype]; +"features/5/15/mlp/4/dropout/0" [id=1492, type=dropout, metatype=PTDropoutMetatype]; +"features.5.15.norm2.weight" [id=1493, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.15.norm2.bias" [id=1494, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/15/norm2/layer_norm/0" [id=1495, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/15/add/1" [id=1496, type=add, metatype=PTAddMetatype]; +"features.5.16.attn.relative_coords_table" [id=1497, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.16.attn.cpb_mlp.0.weight" [id=1498, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.16.attn.cpb_mlp.0.bias" [id=1499, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/attn/cpb_mlp/0/linear/0" [id=1500, type=linear, metatype=PTLinearMetatype]; +"features/5/16/attn/cpb_mlp/1/relu_/0" [id=1501, type="relu_", metatype=PTRELUMetatype]; +"features.5.16.attn.cpb_mlp.2.weight" [id=1502, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/attn/cpb_mlp/2/linear/0" [id=1503, type=linear, metatype=PTLinearMetatype]; +"features/5/16/attn/view/0" [id=1504, type=view, metatype=PTReshapeMetatype]; +"features.5.16.attn.relative_position_index" [id=1505, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/attn/__getitem__/0" [id=1506, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/16/attn/view/1" [id=1507, type=view, metatype=PTReshapeMetatype]; +"features/5/16/attn/permute/0" [id=1508, type=permute, metatype=PTTransposeMetatype]; +"features/5/16/attn/contiguous/0" [id=1509, type=contiguous, metatype=PTNoopMetatype]; +"features/5/16/attn/unsqueeze/0" [id=1510, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/16/attn/sigmoid/0" [id=1511, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/16/attn/mul/0" [id=1512, type=mul, metatype=PTMulMetatype]; +"features/5/16/attn/pad/0" [id=1513, type=pad, metatype=PTPadMetatype]; +"features/5/16/attn/view/2" [id=1514, type=view, metatype=PTReshapeMetatype]; +"features/5/16/attn/permute/1" [id=1515, type=permute, metatype=PTTransposeMetatype]; +"features/5/16/attn/reshape/0" [id=1516, type=reshape, metatype=PTReshapeMetatype]; +"features.5.16.attn.qkv.bias" [id=1517, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/attn/clone/0" [id=1518, type=clone, metatype=PTNoopMetatype]; +"features/5/16/attn/numel/0" [id=1519, type=numel, metatype=UnknownMetatype]; +"features/5/16/attn/__getitem__/1" [id=1520, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/16/attn/zero_/0" [id=1521, type="zero_", metatype=UnknownMetatype]; +"features.5.16.attn.qkv.weight" [id=1522, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/attn/linear/0" [id=1523, type=linear, metatype=PTLinearMetatype]; +"features/5/16/attn/reshape/1" [id=1524, type=reshape, metatype=PTReshapeMetatype]; +"features/5/16/attn/permute/2" [id=1525, type=permute, metatype=PTTransposeMetatype]; +"features/5/16/attn/__getitem__/2" [id=1526, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/16/attn/__getitem__/3" [id=1527, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/16/attn/__getitem__/4" [id=1528, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/16/attn/normalize/0" [id=1529, type=normalize, metatype=PTReduceL2]; +"features/5/16/attn/normalize/1" [id=1530, type=normalize, metatype=PTReduceL2]; +"features/5/16/attn/transpose/0" [id=1531, type=transpose, metatype=PTTransposeMetatype]; +"features/5/16/attn/matmul/0" [id=1532, type=matmul, metatype=PTMatMulMetatype]; +"features.5.16.attn.logit_scale" [id=1533, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/attn/clamp/0" [id=1534, type=clamp, metatype=UnknownMetatype]; +"features/5/16/attn/exp/0" [id=1535, type=exp, metatype=PTExpMetatype]; +"features/5/16/attn/mul/1" [id=1536, type=mul, metatype=PTMulMetatype]; +"features/5/16/attn/add/0" [id=1537, type=add, metatype=PTAddMetatype]; +"features/5/16/attn/softmax/0" [id=1538, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/16/attn/dropout/0" [id=1539, type=dropout, metatype=PTDropoutMetatype]; +"features/5/16/attn/matmul/1" [id=1540, type=matmul, metatype=PTMatMulMetatype]; +"features/5/16/attn/transpose/1" [id=1541, type=transpose, metatype=PTTransposeMetatype]; +"features/5/16/attn/reshape/2" [id=1542, type=reshape, metatype=PTReshapeMetatype]; +"features.5.16.attn.proj.weight" [id=1543, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.16.attn.proj.bias" [id=1544, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/attn/linear/1" [id=1545, type=linear, metatype=PTLinearMetatype]; +"features/5/16/attn/dropout/1" [id=1546, type=dropout, metatype=PTDropoutMetatype]; +"features/5/16/attn/view/3" [id=1547, type=view, metatype=PTReshapeMetatype]; +"features/5/16/attn/permute/3" [id=1548, type=permute, metatype=PTTransposeMetatype]; +"features/5/16/attn/reshape/3" [id=1549, type=reshape, metatype=PTReshapeMetatype]; +"features/5/16/attn/__getitem__/5" [id=1550, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/16/attn/contiguous/1" [id=1551, type=contiguous, metatype=PTNoopMetatype]; +"features.5.16.norm1.weight" [id=1552, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.16.norm1.bias" [id=1553, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/norm1/layer_norm/0" [id=1554, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/16/add/0" [id=1555, type=add, metatype=PTAddMetatype]; +"features.5.16.mlp.0.weight" [id=1556, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.16.mlp.0.bias" [id=1557, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/mlp/0/linear/0" [id=1558, type=linear, metatype=PTLinearMetatype]; +"features/5/16/mlp/1/gelu/0" [id=1559, type=gelu, metatype=PTGELUMetatype]; +"features/5/16/mlp/2/dropout/0" [id=1560, type=dropout, metatype=PTDropoutMetatype]; +"features.5.16.mlp.3.weight" [id=1561, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.16.mlp.3.bias" [id=1562, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/mlp/3/linear/0" [id=1563, type=linear, metatype=PTLinearMetatype]; +"features/5/16/mlp/4/dropout/0" [id=1564, type=dropout, metatype=PTDropoutMetatype]; +"features.5.16.norm2.weight" [id=1565, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.16.norm2.bias" [id=1566, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/16/norm2/layer_norm/0" [id=1567, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/16/add/1" [id=1568, type=add, metatype=PTAddMetatype]; +"features.5.17.attn.relative_coords_table" [id=1569, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.17.attn.cpb_mlp.0.weight" [id=1570, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.17.attn.cpb_mlp.0.bias" [id=1571, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/attn/cpb_mlp/0/linear/0" [id=1572, type=linear, metatype=PTLinearMetatype]; +"features/5/17/attn/cpb_mlp/1/relu_/0" [id=1573, type="relu_", metatype=PTRELUMetatype]; +"features.5.17.attn.cpb_mlp.2.weight" [id=1574, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/attn/cpb_mlp/2/linear/0" [id=1575, type=linear, metatype=PTLinearMetatype]; +"features/5/17/attn/view/0" [id=1576, type=view, metatype=PTReshapeMetatype]; +"features.5.17.attn.relative_position_index" [id=1577, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/attn/__getitem__/0" [id=1578, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/17/attn/view/1" [id=1579, type=view, metatype=PTReshapeMetatype]; +"features/5/17/attn/permute/0" [id=1580, type=permute, metatype=PTTransposeMetatype]; +"features/5/17/attn/contiguous/0" [id=1581, type=contiguous, metatype=PTNoopMetatype]; +"features/5/17/attn/unsqueeze/0" [id=1582, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/5/17/attn/sigmoid/0" [id=1583, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/5/17/attn/mul/0" [id=1584, type=mul, metatype=PTMulMetatype]; +"features/5/17/attn/pad/0" [id=1585, type=pad, metatype=PTPadMetatype]; +"features/5/17/attn/view/2" [id=1586, type=view, metatype=PTReshapeMetatype]; +"features/5/17/attn/permute/1" [id=1587, type=permute, metatype=PTTransposeMetatype]; +"features/5/17/attn/reshape/0" [id=1588, type=reshape, metatype=PTReshapeMetatype]; +"features.5.17.attn.qkv.bias" [id=1589, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/attn/clone/0" [id=1590, type=clone, metatype=PTNoopMetatype]; +"features/5/17/attn/numel/0" [id=1591, type=numel, metatype=UnknownMetatype]; +"features/5/17/attn/__getitem__/1" [id=1592, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/17/attn/zero_/0" [id=1593, type="zero_", metatype=UnknownMetatype]; +"features.5.17.attn.qkv.weight" [id=1594, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/attn/linear/0" [id=1595, type=linear, metatype=PTLinearMetatype]; +"features/5/17/attn/reshape/1" [id=1596, type=reshape, metatype=PTReshapeMetatype]; +"features/5/17/attn/permute/2" [id=1597, type=permute, metatype=PTTransposeMetatype]; +"features/5/17/attn/__getitem__/2" [id=1598, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/17/attn/__getitem__/3" [id=1599, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/17/attn/__getitem__/4" [id=1600, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/17/attn/normalize/0" [id=1601, type=normalize, metatype=PTReduceL2]; +"features/5/17/attn/normalize/1" [id=1602, type=normalize, metatype=PTReduceL2]; +"features/5/17/attn/transpose/0" [id=1603, type=transpose, metatype=PTTransposeMetatype]; +"features/5/17/attn/matmul/0" [id=1604, type=matmul, metatype=PTMatMulMetatype]; +"features.5.17.attn.logit_scale" [id=1605, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/attn/clamp/0" [id=1606, type=clamp, metatype=UnknownMetatype]; +"features/5/17/attn/exp/0" [id=1607, type=exp, metatype=PTExpMetatype]; +"features/5/17/attn/mul/1" [id=1608, type=mul, metatype=PTMulMetatype]; +"features/5/17/attn/add/0" [id=1609, type=add, metatype=PTAddMetatype]; +"features/5/17/attn/softmax/0" [id=1610, type=softmax, metatype=PTSoftmaxMetatype]; +"features/5/17/attn/dropout/0" [id=1611, type=dropout, metatype=PTDropoutMetatype]; +"features/5/17/attn/matmul/1" [id=1612, type=matmul, metatype=PTMatMulMetatype]; +"features/5/17/attn/transpose/1" [id=1613, type=transpose, metatype=PTTransposeMetatype]; +"features/5/17/attn/reshape/2" [id=1614, type=reshape, metatype=PTReshapeMetatype]; +"features.5.17.attn.proj.weight" [id=1615, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.17.attn.proj.bias" [id=1616, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/attn/linear/1" [id=1617, type=linear, metatype=PTLinearMetatype]; +"features/5/17/attn/dropout/1" [id=1618, type=dropout, metatype=PTDropoutMetatype]; +"features/5/17/attn/view/3" [id=1619, type=view, metatype=PTReshapeMetatype]; +"features/5/17/attn/permute/3" [id=1620, type=permute, metatype=PTTransposeMetatype]; +"features/5/17/attn/reshape/3" [id=1621, type=reshape, metatype=PTReshapeMetatype]; +"features/5/17/attn/__getitem__/5" [id=1622, type="__getitem__", metatype=PTGatherMetatype]; +"features/5/17/attn/contiguous/1" [id=1623, type=contiguous, metatype=PTNoopMetatype]; +"features.5.17.norm1.weight" [id=1624, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.17.norm1.bias" [id=1625, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/norm1/layer_norm/0" [id=1626, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/17/add/0" [id=1627, type=add, metatype=PTAddMetatype]; +"features.5.17.mlp.0.weight" [id=1628, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.17.mlp.0.bias" [id=1629, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/mlp/0/linear/0" [id=1630, type=linear, metatype=PTLinearMetatype]; +"features/5/17/mlp/1/gelu/0" [id=1631, type=gelu, metatype=PTGELUMetatype]; +"features/5/17/mlp/2/dropout/0" [id=1632, type=dropout, metatype=PTDropoutMetatype]; +"features.5.17.mlp.3.weight" [id=1633, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.17.mlp.3.bias" [id=1634, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/mlp/3/linear/0" [id=1635, type=linear, metatype=PTLinearMetatype]; +"features/5/17/mlp/4/dropout/0" [id=1636, type=dropout, metatype=PTDropoutMetatype]; +"features.5.17.norm2.weight" [id=1637, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.17.norm2.bias" [id=1638, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/17/norm2/layer_norm/0" [id=1639, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/5/17/add/1" [id=1640, type=add, metatype=PTAddMetatype]; +"features/6/pad/0" [id=1641, type=pad, metatype=PTPadMetatype]; +"features/6/__getitem__/0" [id=1642, type="__getitem__", metatype=PTGatherMetatype]; +"features/6/__getitem__/1" [id=1643, type="__getitem__", metatype=PTGatherMetatype]; +"features/6/__getitem__/2" [id=1644, type="__getitem__", metatype=PTGatherMetatype]; +"features/6/__getitem__/3" [id=1645, type="__getitem__", metatype=PTGatherMetatype]; +"features/6/cat/0" [id=1646, type=cat, metatype=PTCatMetatype]; +"features.6.reduction.weight" [id=1647, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/reduction/linear/0" [id=1648, type=linear, metatype=PTLinearMetatype]; +"features.6.norm.weight" [id=1649, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.norm.bias" [id=1650, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/norm/layer_norm/0" [id=1651, type="layer_norm", metatype=PTLayerNormMetatype]; +"features.7.0.attn.relative_coords_table" [id=1652, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.attn.cpb_mlp.0.weight" [id=1653, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.attn.cpb_mlp.0.bias" [id=1654, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/attn/cpb_mlp/0/linear/0" [id=1655, type=linear, metatype=PTLinearMetatype]; +"features/7/0/attn/cpb_mlp/1/relu_/0" [id=1656, type="relu_", metatype=PTRELUMetatype]; +"features.7.0.attn.cpb_mlp.2.weight" [id=1657, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/attn/cpb_mlp/2/linear/0" [id=1658, type=linear, metatype=PTLinearMetatype]; +"features/7/0/attn/view/0" [id=1659, type=view, metatype=PTReshapeMetatype]; +"features.7.0.attn.relative_position_index" [id=1660, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/attn/__getitem__/0" [id=1661, type="__getitem__", metatype=PTGatherMetatype]; +"features/7/0/attn/view/1" [id=1662, type=view, metatype=PTReshapeMetatype]; +"features/7/0/attn/permute/0" [id=1663, type=permute, metatype=PTTransposeMetatype]; +"features/7/0/attn/contiguous/0" [id=1664, type=contiguous, metatype=PTNoopMetatype]; +"features/7/0/attn/unsqueeze/0" [id=1665, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/7/0/attn/sigmoid/0" [id=1666, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/7/0/attn/mul/0" [id=1667, type=mul, metatype=PTMulMetatype]; +"features/7/0/attn/pad/0" [id=1668, type=pad, metatype=PTPadMetatype]; +"features/7/0/attn/view/2" [id=1669, type=view, metatype=PTReshapeMetatype]; +"features/7/0/attn/permute/1" [id=1670, type=permute, metatype=PTTransposeMetatype]; +"features/7/0/attn/reshape/0" [id=1671, type=reshape, metatype=PTReshapeMetatype]; +"features.7.0.attn.qkv.bias" [id=1672, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/attn/clone/0" [id=1673, type=clone, metatype=PTNoopMetatype]; +"features/7/0/attn/numel/0" [id=1674, type=numel, metatype=UnknownMetatype]; +"features/7/0/attn/__getitem__/1" [id=1675, type="__getitem__", metatype=PTGatherMetatype]; +"features/7/0/attn/zero_/0" [id=1676, type="zero_", metatype=UnknownMetatype]; +"features.7.0.attn.qkv.weight" [id=1677, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/attn/linear/0" [id=1678, type=linear, metatype=PTLinearMetatype]; +"features/7/0/attn/reshape/1" [id=1679, type=reshape, metatype=PTReshapeMetatype]; +"features/7/0/attn/permute/2" [id=1680, type=permute, metatype=PTTransposeMetatype]; +"features/7/0/attn/__getitem__/2" [id=1681, type="__getitem__", metatype=PTGatherMetatype]; +"features/7/0/attn/__getitem__/3" [id=1682, type="__getitem__", metatype=PTGatherMetatype]; +"features/7/0/attn/__getitem__/4" [id=1683, type="__getitem__", metatype=PTGatherMetatype]; +"features/7/0/attn/normalize/0" [id=1684, type=normalize, metatype=PTReduceL2]; +"features/7/0/attn/normalize/1" [id=1685, type=normalize, metatype=PTReduceL2]; +"features/7/0/attn/transpose/0" [id=1686, type=transpose, metatype=PTTransposeMetatype]; +"features/7/0/attn/matmul/0" [id=1687, type=matmul, metatype=PTMatMulMetatype]; +"features.7.0.attn.logit_scale" [id=1688, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/attn/clamp/0" [id=1689, type=clamp, metatype=UnknownMetatype]; +"features/7/0/attn/exp/0" [id=1690, type=exp, metatype=PTExpMetatype]; +"features/7/0/attn/mul/1" [id=1691, type=mul, metatype=PTMulMetatype]; +"features/7/0/attn/add/0" [id=1692, type=add, metatype=PTAddMetatype]; +"features/7/0/attn/softmax/0" [id=1693, type=softmax, metatype=PTSoftmaxMetatype]; +"features/7/0/attn/dropout/0" [id=1694, type=dropout, metatype=PTDropoutMetatype]; +"features/7/0/attn/matmul/1" [id=1695, type=matmul, metatype=PTMatMulMetatype]; +"features/7/0/attn/transpose/1" [id=1696, type=transpose, metatype=PTTransposeMetatype]; +"features/7/0/attn/reshape/2" [id=1697, type=reshape, metatype=PTReshapeMetatype]; +"features.7.0.attn.proj.weight" [id=1698, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.attn.proj.bias" [id=1699, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/attn/linear/1" [id=1700, type=linear, metatype=PTLinearMetatype]; +"features/7/0/attn/dropout/1" [id=1701, type=dropout, metatype=PTDropoutMetatype]; +"features/7/0/attn/view/3" [id=1702, type=view, metatype=PTReshapeMetatype]; +"features/7/0/attn/permute/3" [id=1703, type=permute, metatype=PTTransposeMetatype]; +"features/7/0/attn/reshape/3" [id=1704, type=reshape, metatype=PTReshapeMetatype]; +"features/7/0/attn/__getitem__/5" [id=1705, type="__getitem__", metatype=PTGatherMetatype]; +"features/7/0/attn/contiguous/1" [id=1706, type=contiguous, metatype=PTNoopMetatype]; +"features.7.0.norm1.weight" [id=1707, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.norm1.bias" [id=1708, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/norm1/layer_norm/0" [id=1709, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/7/0/add/0" [id=1710, type=add, metatype=PTAddMetatype]; +"features.7.0.mlp.0.weight" [id=1711, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.mlp.0.bias" [id=1712, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/mlp/0/linear/0" [id=1713, type=linear, metatype=PTLinearMetatype]; +"features/7/0/mlp/1/gelu/0" [id=1714, type=gelu, metatype=PTGELUMetatype]; +"features/7/0/mlp/2/dropout/0" [id=1715, type=dropout, metatype=PTDropoutMetatype]; +"features.7.0.mlp.3.weight" [id=1716, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.mlp.3.bias" [id=1717, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/mlp/3/linear/0" [id=1718, type=linear, metatype=PTLinearMetatype]; +"features/7/0/mlp/4/dropout/0" [id=1719, type=dropout, metatype=PTDropoutMetatype]; +"features.7.0.norm2.weight" [id=1720, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.0.norm2.bias" [id=1721, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/0/norm2/layer_norm/0" [id=1722, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/7/0/add/1" [id=1723, type=add, metatype=PTAddMetatype]; +"features.7.1.attn.relative_coords_table" [id=1724, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.1.attn.cpb_mlp.0.weight" [id=1725, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.1.attn.cpb_mlp.0.bias" [id=1726, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/attn/cpb_mlp/0/linear/0" [id=1727, type=linear, metatype=PTLinearMetatype]; +"features/7/1/attn/cpb_mlp/1/relu_/0" [id=1728, type="relu_", metatype=PTRELUMetatype]; +"features.7.1.attn.cpb_mlp.2.weight" [id=1729, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/attn/cpb_mlp/2/linear/0" [id=1730, type=linear, metatype=PTLinearMetatype]; +"features/7/1/attn/view/0" [id=1731, type=view, metatype=PTReshapeMetatype]; +"features.7.1.attn.relative_position_index" [id=1732, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/attn/__getitem__/0" [id=1733, type="__getitem__", metatype=PTGatherMetatype]; +"features/7/1/attn/view/1" [id=1734, type=view, metatype=PTReshapeMetatype]; +"features/7/1/attn/permute/0" [id=1735, type=permute, metatype=PTTransposeMetatype]; +"features/7/1/attn/contiguous/0" [id=1736, type=contiguous, metatype=PTNoopMetatype]; +"features/7/1/attn/unsqueeze/0" [id=1737, type=unsqueeze, metatype=PTReshapeMetatype]; +"features/7/1/attn/sigmoid/0" [id=1738, type=sigmoid, metatype=PTSigmoidMetatype]; +"features/7/1/attn/mul/0" [id=1739, type=mul, metatype=PTMulMetatype]; +"features/7/1/attn/pad/0" [id=1740, type=pad, metatype=PTPadMetatype]; +"features/7/1/attn/view/2" [id=1741, type=view, metatype=PTReshapeMetatype]; +"features/7/1/attn/permute/1" [id=1742, type=permute, metatype=PTTransposeMetatype]; +"features/7/1/attn/reshape/0" [id=1743, type=reshape, metatype=PTReshapeMetatype]; +"features.7.1.attn.qkv.bias" [id=1744, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/attn/clone/0" [id=1745, type=clone, metatype=PTNoopMetatype]; +"features/7/1/attn/numel/0" [id=1746, type=numel, metatype=UnknownMetatype]; +"features/7/1/attn/__getitem__/1" [id=1747, type="__getitem__", metatype=PTGatherMetatype]; +"features/7/1/attn/zero_/0" [id=1748, type="zero_", metatype=UnknownMetatype]; +"features.7.1.attn.qkv.weight" [id=1749, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/attn/linear/0" [id=1750, type=linear, metatype=PTLinearMetatype]; +"features/7/1/attn/reshape/1" [id=1751, type=reshape, metatype=PTReshapeMetatype]; +"features/7/1/attn/permute/2" [id=1752, type=permute, metatype=PTTransposeMetatype]; +"features/7/1/attn/__getitem__/2" [id=1753, type="__getitem__", metatype=PTGatherMetatype]; +"features/7/1/attn/__getitem__/3" [id=1754, type="__getitem__", metatype=PTGatherMetatype]; +"features/7/1/attn/__getitem__/4" [id=1755, type="__getitem__", metatype=PTGatherMetatype]; +"features/7/1/attn/normalize/0" [id=1756, type=normalize, metatype=PTReduceL2]; +"features/7/1/attn/normalize/1" [id=1757, type=normalize, metatype=PTReduceL2]; +"features/7/1/attn/transpose/0" [id=1758, type=transpose, metatype=PTTransposeMetatype]; +"features/7/1/attn/matmul/0" [id=1759, type=matmul, metatype=PTMatMulMetatype]; +"features.7.1.attn.logit_scale" [id=1760, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/attn/clamp/0" [id=1761, type=clamp, metatype=UnknownMetatype]; +"features/7/1/attn/exp/0" [id=1762, type=exp, metatype=PTExpMetatype]; +"features/7/1/attn/mul/1" [id=1763, type=mul, metatype=PTMulMetatype]; +"features/7/1/attn/add/0" [id=1764, type=add, metatype=PTAddMetatype]; +"features/7/1/attn/softmax/0" [id=1765, type=softmax, metatype=PTSoftmaxMetatype]; +"features/7/1/attn/dropout/0" [id=1766, type=dropout, metatype=PTDropoutMetatype]; +"features/7/1/attn/matmul/1" [id=1767, type=matmul, metatype=PTMatMulMetatype]; +"features/7/1/attn/transpose/1" [id=1768, type=transpose, metatype=PTTransposeMetatype]; +"features/7/1/attn/reshape/2" [id=1769, type=reshape, metatype=PTReshapeMetatype]; +"features.7.1.attn.proj.weight" [id=1770, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.1.attn.proj.bias" [id=1771, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/attn/linear/1" [id=1772, type=linear, metatype=PTLinearMetatype]; +"features/7/1/attn/dropout/1" [id=1773, type=dropout, metatype=PTDropoutMetatype]; +"features/7/1/attn/view/3" [id=1774, type=view, metatype=PTReshapeMetatype]; +"features/7/1/attn/permute/3" [id=1775, type=permute, metatype=PTTransposeMetatype]; +"features/7/1/attn/reshape/3" [id=1776, type=reshape, metatype=PTReshapeMetatype]; +"features/7/1/attn/__getitem__/5" [id=1777, type="__getitem__", metatype=PTGatherMetatype]; +"features/7/1/attn/contiguous/1" [id=1778, type=contiguous, metatype=PTNoopMetatype]; +"features.7.1.norm1.weight" [id=1779, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.1.norm1.bias" [id=1780, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/norm1/layer_norm/0" [id=1781, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/7/1/add/0" [id=1782, type=add, metatype=PTAddMetatype]; +"features.7.1.mlp.0.weight" [id=1783, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.1.mlp.0.bias" [id=1784, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/mlp/0/linear/0" [id=1785, type=linear, metatype=PTLinearMetatype]; +"features/7/1/mlp/1/gelu/0" [id=1786, type=gelu, metatype=PTGELUMetatype]; +"features/7/1/mlp/2/dropout/0" [id=1787, type=dropout, metatype=PTDropoutMetatype]; +"features.7.1.mlp.3.weight" [id=1788, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.1.mlp.3.bias" [id=1789, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/mlp/3/linear/0" [id=1790, type=linear, metatype=PTLinearMetatype]; +"features/7/1/mlp/4/dropout/0" [id=1791, type=dropout, metatype=PTDropoutMetatype]; +"features.7.1.norm2.weight" [id=1792, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.1.norm2.bias" [id=1793, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/1/norm2/layer_norm/0" [id=1794, type="layer_norm", metatype=PTLayerNormMetatype]; +"features/7/1/add/1" [id=1795, type=add, metatype=PTAddMetatype]; +"norm.weight" [id=1796, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"norm.bias" [id=1797, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"norm/layer_norm/0" [id=1798, type="layer_norm", metatype=PTLayerNormMetatype]; +"permute/permute/0" [id=1799, type=permute, metatype=UnknownMetatype]; +"avgpool/adaptive_avg_pool2d/0" [id=1800, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"flatten/flatten/0" [id=1801, type=flatten, metatype=PTReshapeMetatype]; +"head.weight" [id=1802, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"head.bias" [id=1803, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"head/linear/0" [id=1804, type=linear, metatype=PTLinearMetatype]; +output [id=1805, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "features/0/0/conv2d/0" [dtype=float, shape="(1, 3, 64, 64)", out_port_id=0, in_port_id=0]; +"features.0.0.weight" -> "features/0/0/conv2d/0" [dtype=float, shape="(128, 3, 4, 4)", out_port_id=0, in_port_id=1]; +"features.0.0.bias" -> "features/0/0/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features/0/0/conv2d/0" -> "features/0/1/permute/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/0/1/permute/0" -> "features/0/2/layer_norm/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features.0.2.weight" -> "features/0/2/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.0.2.bias" -> "features/0/2/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features/0/2/layer_norm/0" -> "features/1/0/attn/pad/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/0/2/layer_norm/0" -> "features/1/0/add/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features.1.0.attn.relative_coords_table" -> "features/1/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.1.0.attn.cpb_mlp.0.weight" -> "features/1/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.1.0.attn.cpb_mlp.0.bias" -> "features/1/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/1/0/attn/cpb_mlp/0/linear/0" -> "features/1/0/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/cpb_mlp/1/relu_/0" -> "features/1/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.1.0.attn.cpb_mlp.2.weight" -> "features/1/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(4, 512)", out_port_id=0, in_port_id=1]; +"features/1/0/attn/cpb_mlp/2/linear/0" -> "features/1/0/attn/view/0" [dtype=float, shape="(1, 15, 15, 4)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/view/0" -> "features/1/0/attn/__getitem__/0" [dtype=float, shape="(225, 4)", out_port_id=0, in_port_id=0]; +"features.1.0.attn.relative_position_index" -> "features/1/0/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/1/0/attn/__getitem__/0" -> "features/1/0/attn/view/1" [dtype=float, shape="(4096, 4)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/view/1" -> "features/1/0/attn/permute/0" [dtype=float, shape="(64, 64, 4)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/permute/0" -> "features/1/0/attn/contiguous/0" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/contiguous/0" -> "features/1/0/attn/unsqueeze/0" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/unsqueeze/0" -> "features/1/0/attn/sigmoid/0" [dtype=float, shape="(1, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/sigmoid/0" -> "features/1/0/attn/mul/0" [dtype=float, shape="(1, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/mul/0" -> "features/1/0/attn/add/0" [dtype=float, shape="(1, 4, 64, 64)", out_port_id=0, in_port_id=1]; +"features/1/0/attn/pad/0" -> "features/1/0/attn/view/2" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/view/2" -> "features/1/0/attn/permute/1" [dtype=float, shape="(1, 2, 8, 2, 8, 128)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/permute/1" -> "features/1/0/attn/reshape/0" [dtype=float, shape="(1, 2, 2, 8, 8, 128)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/reshape/0" -> "features/1/0/attn/linear/0" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; +"features.1.0.attn.qkv.bias" -> "features/1/0/attn/clone/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/clone/0" -> "features/1/0/attn/numel/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/clone/0" -> "features/1/0/attn/__getitem__/1" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/clone/0" -> "features/1/0/attn/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/1/0/attn/__getitem__/1" -> "features/1/0/attn/zero_/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=0]; +"features.1.0.attn.qkv.weight" -> "features/1/0/attn/linear/0" [dtype=float, shape="(384, 128)", out_port_id=0, in_port_id=1]; +"features/1/0/attn/linear/0" -> "features/1/0/attn/reshape/1" [dtype=float, shape="(4, 64, 384)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/reshape/1" -> "features/1/0/attn/permute/2" [dtype=float, shape="(4, 64, 3, 4, 32)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/permute/2" -> "features/1/0/attn/__getitem__/2" [dtype=float, shape="(3, 4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/permute/2" -> "features/1/0/attn/__getitem__/3" [dtype=float, shape="(3, 4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/permute/2" -> "features/1/0/attn/__getitem__/4" [dtype=float, shape="(3, 4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/__getitem__/2" -> "features/1/0/attn/normalize/0" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/__getitem__/3" -> "features/1/0/attn/normalize/1" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/__getitem__/4" -> "features/1/0/attn/matmul/1" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=1]; +"features/1/0/attn/normalize/0" -> "features/1/0/attn/matmul/0" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/normalize/1" -> "features/1/0/attn/transpose/0" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/transpose/0" -> "features/1/0/attn/matmul/0" [dtype=float, shape="(4, 4, 32, 64)", out_port_id=0, in_port_id=1]; +"features/1/0/attn/matmul/0" -> "features/1/0/attn/mul/1" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features.1.0.attn.logit_scale" -> "features/1/0/attn/clamp/0" [dtype=float, shape="(4, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/clamp/0" -> "features/1/0/attn/exp/0" [dtype=float, shape="(4, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/exp/0" -> "features/1/0/attn/mul/1" [dtype=float, shape="(4, 1, 1)", out_port_id=0, in_port_id=1]; +"features/1/0/attn/mul/1" -> "features/1/0/attn/add/0" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/add/0" -> "features/1/0/attn/softmax/0" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/softmax/0" -> "features/1/0/attn/dropout/0" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/dropout/0" -> "features/1/0/attn/matmul/1" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/matmul/1" -> "features/1/0/attn/transpose/1" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/transpose/1" -> "features/1/0/attn/reshape/2" [dtype=float, shape="(4, 64, 4, 32)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/reshape/2" -> "features/1/0/attn/linear/1" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; +"features.1.0.attn.proj.weight" -> "features/1/0/attn/linear/1" [dtype=float, shape="(128, 128)", out_port_id=0, in_port_id=1]; +"features.1.0.attn.proj.bias" -> "features/1/0/attn/linear/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features/1/0/attn/linear/1" -> "features/1/0/attn/dropout/1" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/dropout/1" -> "features/1/0/attn/view/3" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/view/3" -> "features/1/0/attn/permute/3" [dtype=float, shape="(1, 2, 2, 8, 8, 128)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/permute/3" -> "features/1/0/attn/reshape/3" [dtype=float, shape="(1, 2, 8, 2, 8, 128)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/reshape/3" -> "features/1/0/attn/__getitem__/5" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/__getitem__/5" -> "features/1/0/attn/contiguous/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/1/0/attn/contiguous/1" -> "features/1/0/norm1/layer_norm/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features.1.0.norm1.weight" -> "features/1/0/norm1/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.1.0.norm1.bias" -> "features/1/0/norm1/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features/1/0/norm1/layer_norm/0" -> "features/1/0/add/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=1]; +"features/1/0/add/0" -> "features/1/0/mlp/0/linear/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/1/0/add/0" -> "features/1/0/add/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features.1.0.mlp.0.weight" -> "features/1/0/mlp/0/linear/0" [dtype=float, shape="(512, 128)", out_port_id=0, in_port_id=1]; +"features.1.0.mlp.0.bias" -> "features/1/0/mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/1/0/mlp/0/linear/0" -> "features/1/0/mlp/1/gelu/0" [dtype=float, shape="(1, 16, 16, 512)", out_port_id=0, in_port_id=0]; +"features/1/0/mlp/1/gelu/0" -> "features/1/0/mlp/2/dropout/0" [dtype=float, shape="(1, 16, 16, 512)", out_port_id=0, in_port_id=0]; +"features/1/0/mlp/2/dropout/0" -> "features/1/0/mlp/3/linear/0" [dtype=float, shape="(1, 16, 16, 512)", out_port_id=0, in_port_id=0]; +"features.1.0.mlp.3.weight" -> "features/1/0/mlp/3/linear/0" [dtype=float, shape="(128, 512)", out_port_id=0, in_port_id=1]; +"features.1.0.mlp.3.bias" -> "features/1/0/mlp/3/linear/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features/1/0/mlp/3/linear/0" -> "features/1/0/mlp/4/dropout/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/1/0/mlp/4/dropout/0" -> "features/1/0/norm2/layer_norm/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features.1.0.norm2.weight" -> "features/1/0/norm2/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.1.0.norm2.bias" -> "features/1/0/norm2/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features/1/0/norm2/layer_norm/0" -> "features/1/0/add/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=1]; +"features/1/0/add/1" -> "features/1/1/attn/pad/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/1/0/add/1" -> "features/1/1/add/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features.1.1.attn.relative_coords_table" -> "features/1/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.1.1.attn.cpb_mlp.0.weight" -> "features/1/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.1.1.attn.cpb_mlp.0.bias" -> "features/1/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/1/1/attn/cpb_mlp/0/linear/0" -> "features/1/1/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/cpb_mlp/1/relu_/0" -> "features/1/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.1.1.attn.cpb_mlp.2.weight" -> "features/1/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(4, 512)", out_port_id=0, in_port_id=1]; +"features/1/1/attn/cpb_mlp/2/linear/0" -> "features/1/1/attn/view/0" [dtype=float, shape="(1, 15, 15, 4)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/view/0" -> "features/1/1/attn/__getitem__/0" [dtype=float, shape="(225, 4)", out_port_id=0, in_port_id=0]; +"features.1.1.attn.relative_position_index" -> "features/1/1/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/1/1/attn/__getitem__/0" -> "features/1/1/attn/view/1" [dtype=float, shape="(4096, 4)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/view/1" -> "features/1/1/attn/permute/0" [dtype=float, shape="(64, 64, 4)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/permute/0" -> "features/1/1/attn/contiguous/0" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/contiguous/0" -> "features/1/1/attn/unsqueeze/0" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/unsqueeze/0" -> "features/1/1/attn/sigmoid/0" [dtype=float, shape="(1, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/sigmoid/0" -> "features/1/1/attn/mul/0" [dtype=float, shape="(1, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/mul/0" -> "features/1/1/attn/add/0" [dtype=float, shape="(1, 4, 64, 64)", out_port_id=0, in_port_id=1]; +"features/1/1/attn/pad/0" -> "features/1/1/attn/roll/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/roll/0" -> "features/1/1/attn/view/2" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/view/2" -> "features/1/1/attn/permute/1" [dtype=float, shape="(1, 2, 8, 2, 8, 128)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/permute/1" -> "features/1/1/attn/reshape/0" [dtype=float, shape="(1, 2, 2, 8, 8, 128)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/reshape/0" -> "features/1/1/attn/linear/0" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/reshape/0" -> "features/1/1/attn/new_zeros/0" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; +"features.1.1.attn.qkv.bias" -> "features/1/1/attn/clone/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/clone/0" -> "features/1/1/attn/numel/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/clone/0" -> "features/1/1/attn/__getitem__/1" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/clone/0" -> "features/1/1/attn/linear/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features/1/1/attn/__getitem__/1" -> "features/1/1/attn/zero_/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=0]; +"features.1.1.attn.qkv.weight" -> "features/1/1/attn/linear/0" [dtype=float, shape="(384, 128)", out_port_id=0, in_port_id=1]; +"features/1/1/attn/linear/0" -> "features/1/1/attn/reshape/1" [dtype=float, shape="(4, 64, 384)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/reshape/1" -> "features/1/1/attn/permute/2" [dtype=float, shape="(4, 64, 3, 4, 32)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/permute/2" -> "features/1/1/attn/__getitem__/2" [dtype=float, shape="(3, 4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/permute/2" -> "features/1/1/attn/__getitem__/3" [dtype=float, shape="(3, 4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/permute/2" -> "features/1/1/attn/__getitem__/4" [dtype=float, shape="(3, 4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/__getitem__/2" -> "features/1/1/attn/normalize/0" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/__getitem__/3" -> "features/1/1/attn/normalize/1" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/__getitem__/4" -> "features/1/1/attn/matmul/1" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=1]; +"features/1/1/attn/normalize/0" -> "features/1/1/attn/matmul/0" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/normalize/1" -> "features/1/1/attn/transpose/0" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/transpose/0" -> "features/1/1/attn/matmul/0" [dtype=float, shape="(4, 4, 32, 64)", out_port_id=0, in_port_id=1]; +"features/1/1/attn/matmul/0" -> "features/1/1/attn/mul/1" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features.1.1.attn.logit_scale" -> "features/1/1/attn/clamp/0" [dtype=float, shape="(4, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/clamp/0" -> "features/1/1/attn/exp/0" [dtype=float, shape="(4, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/exp/0" -> "features/1/1/attn/mul/1" [dtype=float, shape="(4, 1, 1)", out_port_id=0, in_port_id=1]; +"features/1/1/attn/mul/1" -> "features/1/1/attn/add/0" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/add/0" -> "features/1/1/attn/view/4" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/0" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/1" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/2" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/3" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/4" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/5" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/6" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/7" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/__setitem__/8" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/new_zeros/0" -> "features/1/1/attn/view/3" [dtype=float, shape="(16, 16)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/view/3" -> "features/1/1/attn/permute/3" [dtype=float, shape="(2, 8, 2, 8)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/permute/3" -> "features/1/1/attn/reshape/2" [dtype=float, shape="(2, 2, 8, 8)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/reshape/2" -> "features/1/1/attn/unsqueeze/1" [dtype=float, shape="(4, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/reshape/2" -> "features/1/1/attn/unsqueeze/2" [dtype=float, shape="(4, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/unsqueeze/1" -> "features/1/1/attn/sub/0" [dtype=float, shape="(4, 1, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/unsqueeze/2" -> "features/1/1/attn/sub/0" [dtype=float, shape="(4, 64, 1)", out_port_id=0, in_port_id=1]; +"features/1/1/attn/sub/0" -> "features/1/1/attn/ne/0" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/sub/0" -> "features/1/1/attn/masked_fill/0" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/sub/0" -> "features/1/1/attn/__eq__/0" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/ne/0" -> "features/1/1/attn/masked_fill/0" [dtype=int, shape="(4, 64, 64)", out_port_id=0, in_port_id=1]; +"features/1/1/attn/masked_fill/0" -> "features/1/1/attn/masked_fill/1" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/__eq__/0" -> "features/1/1/attn/masked_fill/1" [dtype=int, shape="(4, 64, 64)", out_port_id=0, in_port_id=1]; +"features/1/1/attn/masked_fill/1" -> "features/1/1/attn/unsqueeze/3" [dtype=float, shape="(4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/view/4" -> "features/1/1/attn/add/1" [dtype=float, shape="(1, 4, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/unsqueeze/3" -> "features/1/1/attn/unsqueeze/4" [dtype=float, shape="(4, 1, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/unsqueeze/4" -> "features/1/1/attn/add/1" [dtype=float, shape="(1, 4, 1, 64, 64)", out_port_id=0, in_port_id=1]; +"features/1/1/attn/add/1" -> "features/1/1/attn/view/5" [dtype=float, shape="(1, 4, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/view/5" -> "features/1/1/attn/softmax/0" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/softmax/0" -> "features/1/1/attn/dropout/0" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/dropout/0" -> "features/1/1/attn/matmul/1" [dtype=float, shape="(4, 4, 64, 64)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/matmul/1" -> "features/1/1/attn/transpose/1" [dtype=float, shape="(4, 4, 64, 32)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/transpose/1" -> "features/1/1/attn/reshape/3" [dtype=float, shape="(4, 64, 4, 32)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/reshape/3" -> "features/1/1/attn/linear/1" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; +"features.1.1.attn.proj.weight" -> "features/1/1/attn/linear/1" [dtype=float, shape="(128, 128)", out_port_id=0, in_port_id=1]; +"features.1.1.attn.proj.bias" -> "features/1/1/attn/linear/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features/1/1/attn/linear/1" -> "features/1/1/attn/dropout/1" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/dropout/1" -> "features/1/1/attn/view/6" [dtype=float, shape="(4, 64, 128)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/view/6" -> "features/1/1/attn/permute/4" [dtype=float, shape="(1, 2, 2, 8, 8, 128)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/permute/4" -> "features/1/1/attn/reshape/4" [dtype=float, shape="(1, 2, 8, 2, 8, 128)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/reshape/4" -> "features/1/1/attn/roll/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/roll/1" -> "features/1/1/attn/__getitem__/5" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/__getitem__/5" -> "features/1/1/attn/contiguous/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/1/1/attn/contiguous/1" -> "features/1/1/norm1/layer_norm/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features.1.1.norm1.weight" -> "features/1/1/norm1/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.1.1.norm1.bias" -> "features/1/1/norm1/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features/1/1/norm1/layer_norm/0" -> "features/1/1/add/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=1]; +"features/1/1/add/0" -> "features/1/1/mlp/0/linear/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/1/1/add/0" -> "features/1/1/add/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features.1.1.mlp.0.weight" -> "features/1/1/mlp/0/linear/0" [dtype=float, shape="(512, 128)", out_port_id=0, in_port_id=1]; +"features.1.1.mlp.0.bias" -> "features/1/1/mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/1/1/mlp/0/linear/0" -> "features/1/1/mlp/1/gelu/0" [dtype=float, shape="(1, 16, 16, 512)", out_port_id=0, in_port_id=0]; +"features/1/1/mlp/1/gelu/0" -> "features/1/1/mlp/2/dropout/0" [dtype=float, shape="(1, 16, 16, 512)", out_port_id=0, in_port_id=0]; +"features/1/1/mlp/2/dropout/0" -> "features/1/1/mlp/3/linear/0" [dtype=float, shape="(1, 16, 16, 512)", out_port_id=0, in_port_id=0]; +"features.1.1.mlp.3.weight" -> "features/1/1/mlp/3/linear/0" [dtype=float, shape="(128, 512)", out_port_id=0, in_port_id=1]; +"features.1.1.mlp.3.bias" -> "features/1/1/mlp/3/linear/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features/1/1/mlp/3/linear/0" -> "features/1/1/mlp/4/dropout/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/1/1/mlp/4/dropout/0" -> "features/1/1/norm2/layer_norm/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features.1.1.norm2.weight" -> "features/1/1/norm2/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.1.1.norm2.bias" -> "features/1/1/norm2/layer_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features/1/1/norm2/layer_norm/0" -> "features/1/1/add/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=1]; +"features/1/1/add/1" -> "features/2/pad/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/2/pad/0" -> "features/2/__getitem__/0" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/2/pad/0" -> "features/2/__getitem__/1" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/2/pad/0" -> "features/2/__getitem__/2" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/2/pad/0" -> "features/2/__getitem__/3" [dtype=float, shape="(1, 16, 16, 128)", out_port_id=0, in_port_id=0]; +"features/2/__getitem__/0" -> "features/2/cat/0" [dtype=float, shape="(1, 8, 8, 128)", out_port_id=0, in_port_id=0]; +"features/2/__getitem__/1" -> "features/2/cat/0" [dtype=float, shape="(1, 8, 8, 128)", out_port_id=0, in_port_id=1]; +"features/2/__getitem__/2" -> "features/2/cat/0" [dtype=float, shape="(1, 8, 8, 128)", out_port_id=0, in_port_id=2]; +"features/2/__getitem__/3" -> "features/2/cat/0" [dtype=float, shape="(1, 8, 8, 128)", out_port_id=0, in_port_id=3]; +"features/2/cat/0" -> "features/2/reduction/linear/0" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features.2.reduction.weight" -> "features/2/reduction/linear/0" [dtype=float, shape="(256, 512)", out_port_id=0, in_port_id=1]; +"features/2/reduction/linear/0" -> "features/2/norm/layer_norm/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features.2.norm.weight" -> "features/2/norm/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features.2.norm.bias" -> "features/2/norm/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"features/2/norm/layer_norm/0" -> "features/3/0/attn/pad/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/2/norm/layer_norm/0" -> "features/3/0/add/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features.3.0.attn.relative_coords_table" -> "features/3/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.3.0.attn.cpb_mlp.0.weight" -> "features/3/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.3.0.attn.cpb_mlp.0.bias" -> "features/3/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/3/0/attn/cpb_mlp/0/linear/0" -> "features/3/0/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/cpb_mlp/1/relu_/0" -> "features/3/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.3.0.attn.cpb_mlp.2.weight" -> "features/3/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(8, 512)", out_port_id=0, in_port_id=1]; +"features/3/0/attn/cpb_mlp/2/linear/0" -> "features/3/0/attn/view/0" [dtype=float, shape="(1, 15, 15, 8)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/view/0" -> "features/3/0/attn/__getitem__/0" [dtype=float, shape="(225, 8)", out_port_id=0, in_port_id=0]; +"features.3.0.attn.relative_position_index" -> "features/3/0/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/3/0/attn/__getitem__/0" -> "features/3/0/attn/view/1" [dtype=float, shape="(4096, 8)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/view/1" -> "features/3/0/attn/permute/0" [dtype=float, shape="(64, 64, 8)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/permute/0" -> "features/3/0/attn/contiguous/0" [dtype=float, shape="(8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/contiguous/0" -> "features/3/0/attn/unsqueeze/0" [dtype=float, shape="(8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/unsqueeze/0" -> "features/3/0/attn/sigmoid/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/sigmoid/0" -> "features/3/0/attn/mul/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/mul/0" -> "features/3/0/attn/add/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=1]; +"features/3/0/attn/pad/0" -> "features/3/0/attn/view/2" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/view/2" -> "features/3/0/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/permute/1" -> "features/3/0/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/reshape/0" -> "features/3/0/attn/linear/0" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; +"features.3.0.attn.qkv.bias" -> "features/3/0/attn/clone/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/clone/0" -> "features/3/0/attn/numel/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/clone/0" -> "features/3/0/attn/__getitem__/1" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/clone/0" -> "features/3/0/attn/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features/3/0/attn/__getitem__/1" -> "features/3/0/attn/zero_/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=0]; +"features.3.0.attn.qkv.weight" -> "features/3/0/attn/linear/0" [dtype=float, shape="(768, 256)", out_port_id=0, in_port_id=1]; +"features/3/0/attn/linear/0" -> "features/3/0/attn/reshape/1" [dtype=float, shape="(1, 64, 768)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/reshape/1" -> "features/3/0/attn/permute/2" [dtype=float, shape="(1, 64, 3, 8, 32)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/permute/2" -> "features/3/0/attn/__getitem__/2" [dtype=float, shape="(3, 1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/permute/2" -> "features/3/0/attn/__getitem__/3" [dtype=float, shape="(3, 1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/permute/2" -> "features/3/0/attn/__getitem__/4" [dtype=float, shape="(3, 1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/__getitem__/2" -> "features/3/0/attn/normalize/0" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/__getitem__/3" -> "features/3/0/attn/normalize/1" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/__getitem__/4" -> "features/3/0/attn/matmul/1" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=1]; +"features/3/0/attn/normalize/0" -> "features/3/0/attn/matmul/0" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/normalize/1" -> "features/3/0/attn/transpose/0" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/transpose/0" -> "features/3/0/attn/matmul/0" [dtype=float, shape="(1, 8, 32, 64)", out_port_id=0, in_port_id=1]; +"features/3/0/attn/matmul/0" -> "features/3/0/attn/mul/1" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; +"features.3.0.attn.logit_scale" -> "features/3/0/attn/clamp/0" [dtype=float, shape="(8, 1, 1)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/clamp/0" -> "features/3/0/attn/exp/0" [dtype=float, shape="(8, 1, 1)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/exp/0" -> "features/3/0/attn/mul/1" [dtype=float, shape="(8, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/0/attn/mul/1" -> "features/3/0/attn/add/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/add/0" -> "features/3/0/attn/softmax/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/softmax/0" -> "features/3/0/attn/dropout/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/dropout/0" -> "features/3/0/attn/matmul/1" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/matmul/1" -> "features/3/0/attn/transpose/1" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/transpose/1" -> "features/3/0/attn/reshape/2" [dtype=float, shape="(1, 64, 8, 32)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/reshape/2" -> "features/3/0/attn/linear/1" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; +"features.3.0.attn.proj.weight" -> "features/3/0/attn/linear/1" [dtype=float, shape="(256, 256)", out_port_id=0, in_port_id=1]; +"features.3.0.attn.proj.bias" -> "features/3/0/attn/linear/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features/3/0/attn/linear/1" -> "features/3/0/attn/dropout/1" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/dropout/1" -> "features/3/0/attn/view/3" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/view/3" -> "features/3/0/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/permute/3" -> "features/3/0/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/reshape/3" -> "features/3/0/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/__getitem__/5" -> "features/3/0/attn/contiguous/1" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/0/attn/contiguous/1" -> "features/3/0/norm1/layer_norm/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features.3.0.norm1.weight" -> "features/3/0/norm1/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features.3.0.norm1.bias" -> "features/3/0/norm1/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"features/3/0/norm1/layer_norm/0" -> "features/3/0/add/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=1]; +"features/3/0/add/0" -> "features/3/0/mlp/0/linear/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/0/add/0" -> "features/3/0/add/1" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features.3.0.mlp.0.weight" -> "features/3/0/mlp/0/linear/0" [dtype=float, shape="(1024, 256)", out_port_id=0, in_port_id=1]; +"features.3.0.mlp.0.bias" -> "features/3/0/mlp/0/linear/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"features/3/0/mlp/0/linear/0" -> "features/3/0/mlp/1/gelu/0" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/3/0/mlp/1/gelu/0" -> "features/3/0/mlp/2/dropout/0" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/3/0/mlp/2/dropout/0" -> "features/3/0/mlp/3/linear/0" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; +"features.3.0.mlp.3.weight" -> "features/3/0/mlp/3/linear/0" [dtype=float, shape="(256, 1024)", out_port_id=0, in_port_id=1]; +"features.3.0.mlp.3.bias" -> "features/3/0/mlp/3/linear/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features/3/0/mlp/3/linear/0" -> "features/3/0/mlp/4/dropout/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/0/mlp/4/dropout/0" -> "features/3/0/norm2/layer_norm/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features.3.0.norm2.weight" -> "features/3/0/norm2/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features.3.0.norm2.bias" -> "features/3/0/norm2/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"features/3/0/norm2/layer_norm/0" -> "features/3/0/add/1" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=1]; +"features/3/0/add/1" -> "features/3/1/attn/pad/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/0/add/1" -> "features/3/1/add/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features.3.1.attn.relative_coords_table" -> "features/3/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.3.1.attn.cpb_mlp.0.weight" -> "features/3/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.3.1.attn.cpb_mlp.0.bias" -> "features/3/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/3/1/attn/cpb_mlp/0/linear/0" -> "features/3/1/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/cpb_mlp/1/relu_/0" -> "features/3/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.3.1.attn.cpb_mlp.2.weight" -> "features/3/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(8, 512)", out_port_id=0, in_port_id=1]; +"features/3/1/attn/cpb_mlp/2/linear/0" -> "features/3/1/attn/view/0" [dtype=float, shape="(1, 15, 15, 8)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/view/0" -> "features/3/1/attn/__getitem__/0" [dtype=float, shape="(225, 8)", out_port_id=0, in_port_id=0]; +"features.3.1.attn.relative_position_index" -> "features/3/1/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/3/1/attn/__getitem__/0" -> "features/3/1/attn/view/1" [dtype=float, shape="(4096, 8)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/view/1" -> "features/3/1/attn/permute/0" [dtype=float, shape="(64, 64, 8)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/permute/0" -> "features/3/1/attn/contiguous/0" [dtype=float, shape="(8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/contiguous/0" -> "features/3/1/attn/unsqueeze/0" [dtype=float, shape="(8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/unsqueeze/0" -> "features/3/1/attn/sigmoid/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/sigmoid/0" -> "features/3/1/attn/mul/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/mul/0" -> "features/3/1/attn/add/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=1]; +"features/3/1/attn/pad/0" -> "features/3/1/attn/view/2" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/view/2" -> "features/3/1/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/permute/1" -> "features/3/1/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/reshape/0" -> "features/3/1/attn/linear/0" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; +"features.3.1.attn.qkv.bias" -> "features/3/1/attn/clone/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/clone/0" -> "features/3/1/attn/numel/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/clone/0" -> "features/3/1/attn/__getitem__/1" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/clone/0" -> "features/3/1/attn/linear/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"features/3/1/attn/__getitem__/1" -> "features/3/1/attn/zero_/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=0]; +"features.3.1.attn.qkv.weight" -> "features/3/1/attn/linear/0" [dtype=float, shape="(768, 256)", out_port_id=0, in_port_id=1]; +"features/3/1/attn/linear/0" -> "features/3/1/attn/reshape/1" [dtype=float, shape="(1, 64, 768)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/reshape/1" -> "features/3/1/attn/permute/2" [dtype=float, shape="(1, 64, 3, 8, 32)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/permute/2" -> "features/3/1/attn/__getitem__/2" [dtype=float, shape="(3, 1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/permute/2" -> "features/3/1/attn/__getitem__/3" [dtype=float, shape="(3, 1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/permute/2" -> "features/3/1/attn/__getitem__/4" [dtype=float, shape="(3, 1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/__getitem__/2" -> "features/3/1/attn/normalize/0" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/__getitem__/3" -> "features/3/1/attn/normalize/1" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/__getitem__/4" -> "features/3/1/attn/matmul/1" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=1]; +"features/3/1/attn/normalize/0" -> "features/3/1/attn/matmul/0" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/normalize/1" -> "features/3/1/attn/transpose/0" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/transpose/0" -> "features/3/1/attn/matmul/0" [dtype=float, shape="(1, 8, 32, 64)", out_port_id=0, in_port_id=1]; +"features/3/1/attn/matmul/0" -> "features/3/1/attn/mul/1" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; +"features.3.1.attn.logit_scale" -> "features/3/1/attn/clamp/0" [dtype=float, shape="(8, 1, 1)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/clamp/0" -> "features/3/1/attn/exp/0" [dtype=float, shape="(8, 1, 1)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/exp/0" -> "features/3/1/attn/mul/1" [dtype=float, shape="(8, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/1/attn/mul/1" -> "features/3/1/attn/add/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/add/0" -> "features/3/1/attn/softmax/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/softmax/0" -> "features/3/1/attn/dropout/0" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/dropout/0" -> "features/3/1/attn/matmul/1" [dtype=float, shape="(1, 8, 64, 64)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/matmul/1" -> "features/3/1/attn/transpose/1" [dtype=float, shape="(1, 8, 64, 32)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/transpose/1" -> "features/3/1/attn/reshape/2" [dtype=float, shape="(1, 64, 8, 32)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/reshape/2" -> "features/3/1/attn/linear/1" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; +"features.3.1.attn.proj.weight" -> "features/3/1/attn/linear/1" [dtype=float, shape="(256, 256)", out_port_id=0, in_port_id=1]; +"features.3.1.attn.proj.bias" -> "features/3/1/attn/linear/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features/3/1/attn/linear/1" -> "features/3/1/attn/dropout/1" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/dropout/1" -> "features/3/1/attn/view/3" [dtype=float, shape="(1, 64, 256)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/view/3" -> "features/3/1/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/permute/3" -> "features/3/1/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/reshape/3" -> "features/3/1/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/__getitem__/5" -> "features/3/1/attn/contiguous/1" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/1/attn/contiguous/1" -> "features/3/1/norm1/layer_norm/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features.3.1.norm1.weight" -> "features/3/1/norm1/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features.3.1.norm1.bias" -> "features/3/1/norm1/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"features/3/1/norm1/layer_norm/0" -> "features/3/1/add/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=1]; +"features/3/1/add/0" -> "features/3/1/mlp/0/linear/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/1/add/0" -> "features/3/1/add/1" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features.3.1.mlp.0.weight" -> "features/3/1/mlp/0/linear/0" [dtype=float, shape="(1024, 256)", out_port_id=0, in_port_id=1]; +"features.3.1.mlp.0.bias" -> "features/3/1/mlp/0/linear/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"features/3/1/mlp/0/linear/0" -> "features/3/1/mlp/1/gelu/0" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/3/1/mlp/1/gelu/0" -> "features/3/1/mlp/2/dropout/0" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/3/1/mlp/2/dropout/0" -> "features/3/1/mlp/3/linear/0" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; +"features.3.1.mlp.3.weight" -> "features/3/1/mlp/3/linear/0" [dtype=float, shape="(256, 1024)", out_port_id=0, in_port_id=1]; +"features.3.1.mlp.3.bias" -> "features/3/1/mlp/3/linear/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features/3/1/mlp/3/linear/0" -> "features/3/1/mlp/4/dropout/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/3/1/mlp/4/dropout/0" -> "features/3/1/norm2/layer_norm/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features.3.1.norm2.weight" -> "features/3/1/norm2/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features.3.1.norm2.bias" -> "features/3/1/norm2/layer_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"features/3/1/norm2/layer_norm/0" -> "features/3/1/add/1" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=1]; +"features/3/1/add/1" -> "features/4/pad/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/4/pad/0" -> "features/4/__getitem__/0" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/4/pad/0" -> "features/4/__getitem__/1" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/4/pad/0" -> "features/4/__getitem__/2" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/4/pad/0" -> "features/4/__getitem__/3" [dtype=float, shape="(1, 8, 8, 256)", out_port_id=0, in_port_id=0]; +"features/4/__getitem__/0" -> "features/4/cat/0" [dtype=float, shape="(1, 4, 4, 256)", out_port_id=0, in_port_id=0]; +"features/4/__getitem__/1" -> "features/4/cat/0" [dtype=float, shape="(1, 4, 4, 256)", out_port_id=0, in_port_id=1]; +"features/4/__getitem__/2" -> "features/4/cat/0" [dtype=float, shape="(1, 4, 4, 256)", out_port_id=0, in_port_id=2]; +"features/4/__getitem__/3" -> "features/4/cat/0" [dtype=float, shape="(1, 4, 4, 256)", out_port_id=0, in_port_id=3]; +"features/4/cat/0" -> "features/4/reduction/linear/0" [dtype=float, shape="(1, 4, 4, 1024)", out_port_id=0, in_port_id=0]; +"features.4.reduction.weight" -> "features/4/reduction/linear/0" [dtype=float, shape="(512, 1024)", out_port_id=0, in_port_id=1]; +"features/4/reduction/linear/0" -> "features/4/norm/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.4.norm.weight" -> "features/4/norm/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.4.norm.bias" -> "features/4/norm/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/4/norm/layer_norm/0" -> "features/5/0/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/4/norm/layer_norm/0" -> "features/5/0/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.0.attn.relative_coords_table" -> "features/5/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.0.attn.cpb_mlp.0.weight" -> "features/5/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.0.attn.cpb_mlp.0.bias" -> "features/5/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/0/attn/cpb_mlp/0/linear/0" -> "features/5/0/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/cpb_mlp/1/relu_/0" -> "features/5/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.0.attn.cpb_mlp.2.weight" -> "features/5/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/0/attn/cpb_mlp/2/linear/0" -> "features/5/0/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/view/0" -> "features/5/0/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.0.attn.relative_position_index" -> "features/5/0/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/0/attn/__getitem__/0" -> "features/5/0/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/view/1" -> "features/5/0/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/permute/0" -> "features/5/0/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/contiguous/0" -> "features/5/0/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/unsqueeze/0" -> "features/5/0/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/sigmoid/0" -> "features/5/0/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/mul/0" -> "features/5/0/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/0/attn/pad/0" -> "features/5/0/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/view/2" -> "features/5/0/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/permute/1" -> "features/5/0/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/reshape/0" -> "features/5/0/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.0.attn.qkv.bias" -> "features/5/0/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/clone/0" -> "features/5/0/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/clone/0" -> "features/5/0/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/clone/0" -> "features/5/0/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/0/attn/__getitem__/1" -> "features/5/0/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.0.attn.qkv.weight" -> "features/5/0/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/0/attn/linear/0" -> "features/5/0/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/reshape/1" -> "features/5/0/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/permute/2" -> "features/5/0/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/permute/2" -> "features/5/0/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/permute/2" -> "features/5/0/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/__getitem__/2" -> "features/5/0/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/__getitem__/3" -> "features/5/0/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/__getitem__/4" -> "features/5/0/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/0/attn/normalize/0" -> "features/5/0/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/normalize/1" -> "features/5/0/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/transpose/0" -> "features/5/0/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/0/attn/matmul/0" -> "features/5/0/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.0.attn.logit_scale" -> "features/5/0/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/clamp/0" -> "features/5/0/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/exp/0" -> "features/5/0/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/0/attn/mul/1" -> "features/5/0/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/add/0" -> "features/5/0/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/softmax/0" -> "features/5/0/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/dropout/0" -> "features/5/0/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/matmul/1" -> "features/5/0/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/transpose/1" -> "features/5/0/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/reshape/2" -> "features/5/0/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.0.attn.proj.weight" -> "features/5/0/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.0.attn.proj.bias" -> "features/5/0/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/0/attn/linear/1" -> "features/5/0/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/dropout/1" -> "features/5/0/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/view/3" -> "features/5/0/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/permute/3" -> "features/5/0/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/reshape/3" -> "features/5/0/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/__getitem__/5" -> "features/5/0/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/0/attn/contiguous/1" -> "features/5/0/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.0.norm1.weight" -> "features/5/0/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.0.norm1.bias" -> "features/5/0/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/0/norm1/layer_norm/0" -> "features/5/0/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/0/add/0" -> "features/5/0/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/0/add/0" -> "features/5/0/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.0.mlp.0.weight" -> "features/5/0/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.0.mlp.0.bias" -> "features/5/0/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/0/mlp/0/linear/0" -> "features/5/0/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/0/mlp/1/gelu/0" -> "features/5/0/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/0/mlp/2/dropout/0" -> "features/5/0/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.0.mlp.3.weight" -> "features/5/0/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.0.mlp.3.bias" -> "features/5/0/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/0/mlp/3/linear/0" -> "features/5/0/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/0/mlp/4/dropout/0" -> "features/5/0/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.0.norm2.weight" -> "features/5/0/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.0.norm2.bias" -> "features/5/0/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/0/norm2/layer_norm/0" -> "features/5/0/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/0/add/1" -> "features/5/1/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/0/add/1" -> "features/5/1/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.1.attn.relative_coords_table" -> "features/5/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.1.attn.cpb_mlp.0.weight" -> "features/5/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.1.attn.cpb_mlp.0.bias" -> "features/5/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/1/attn/cpb_mlp/0/linear/0" -> "features/5/1/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/cpb_mlp/1/relu_/0" -> "features/5/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.1.attn.cpb_mlp.2.weight" -> "features/5/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/1/attn/cpb_mlp/2/linear/0" -> "features/5/1/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/view/0" -> "features/5/1/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.1.attn.relative_position_index" -> "features/5/1/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/1/attn/__getitem__/0" -> "features/5/1/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/view/1" -> "features/5/1/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/permute/0" -> "features/5/1/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/contiguous/0" -> "features/5/1/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/unsqueeze/0" -> "features/5/1/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/sigmoid/0" -> "features/5/1/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/mul/0" -> "features/5/1/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/1/attn/pad/0" -> "features/5/1/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/view/2" -> "features/5/1/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/permute/1" -> "features/5/1/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/reshape/0" -> "features/5/1/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.1.attn.qkv.bias" -> "features/5/1/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/clone/0" -> "features/5/1/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/clone/0" -> "features/5/1/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/clone/0" -> "features/5/1/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/1/attn/__getitem__/1" -> "features/5/1/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.1.attn.qkv.weight" -> "features/5/1/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/1/attn/linear/0" -> "features/5/1/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/reshape/1" -> "features/5/1/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/permute/2" -> "features/5/1/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/permute/2" -> "features/5/1/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/permute/2" -> "features/5/1/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/__getitem__/2" -> "features/5/1/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/__getitem__/3" -> "features/5/1/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/__getitem__/4" -> "features/5/1/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/1/attn/normalize/0" -> "features/5/1/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/normalize/1" -> "features/5/1/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/transpose/0" -> "features/5/1/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/1/attn/matmul/0" -> "features/5/1/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.1.attn.logit_scale" -> "features/5/1/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/clamp/0" -> "features/5/1/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/exp/0" -> "features/5/1/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/1/attn/mul/1" -> "features/5/1/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/add/0" -> "features/5/1/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/softmax/0" -> "features/5/1/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/dropout/0" -> "features/5/1/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/matmul/1" -> "features/5/1/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/transpose/1" -> "features/5/1/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/reshape/2" -> "features/5/1/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.1.attn.proj.weight" -> "features/5/1/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.1.attn.proj.bias" -> "features/5/1/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/1/attn/linear/1" -> "features/5/1/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/dropout/1" -> "features/5/1/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/view/3" -> "features/5/1/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/permute/3" -> "features/5/1/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/reshape/3" -> "features/5/1/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/__getitem__/5" -> "features/5/1/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/1/attn/contiguous/1" -> "features/5/1/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.1.norm1.weight" -> "features/5/1/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.1.norm1.bias" -> "features/5/1/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/1/norm1/layer_norm/0" -> "features/5/1/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/1/add/0" -> "features/5/1/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/1/add/0" -> "features/5/1/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.1.mlp.0.weight" -> "features/5/1/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.1.mlp.0.bias" -> "features/5/1/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/1/mlp/0/linear/0" -> "features/5/1/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/1/mlp/1/gelu/0" -> "features/5/1/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/1/mlp/2/dropout/0" -> "features/5/1/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.1.mlp.3.weight" -> "features/5/1/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.1.mlp.3.bias" -> "features/5/1/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/1/mlp/3/linear/0" -> "features/5/1/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/1/mlp/4/dropout/0" -> "features/5/1/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.1.norm2.weight" -> "features/5/1/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.1.norm2.bias" -> "features/5/1/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/1/norm2/layer_norm/0" -> "features/5/1/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/1/add/1" -> "features/5/2/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/1/add/1" -> "features/5/2/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.2.attn.relative_coords_table" -> "features/5/2/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.2.attn.cpb_mlp.0.weight" -> "features/5/2/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.2.attn.cpb_mlp.0.bias" -> "features/5/2/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/2/attn/cpb_mlp/0/linear/0" -> "features/5/2/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/cpb_mlp/1/relu_/0" -> "features/5/2/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.2.attn.cpb_mlp.2.weight" -> "features/5/2/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/2/attn/cpb_mlp/2/linear/0" -> "features/5/2/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/view/0" -> "features/5/2/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.2.attn.relative_position_index" -> "features/5/2/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/2/attn/__getitem__/0" -> "features/5/2/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/view/1" -> "features/5/2/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/permute/0" -> "features/5/2/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/contiguous/0" -> "features/5/2/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/unsqueeze/0" -> "features/5/2/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/sigmoid/0" -> "features/5/2/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/mul/0" -> "features/5/2/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/2/attn/pad/0" -> "features/5/2/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/view/2" -> "features/5/2/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/permute/1" -> "features/5/2/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/reshape/0" -> "features/5/2/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.2.attn.qkv.bias" -> "features/5/2/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/clone/0" -> "features/5/2/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/clone/0" -> "features/5/2/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/clone/0" -> "features/5/2/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/2/attn/__getitem__/1" -> "features/5/2/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.2.attn.qkv.weight" -> "features/5/2/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/2/attn/linear/0" -> "features/5/2/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/reshape/1" -> "features/5/2/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/permute/2" -> "features/5/2/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/permute/2" -> "features/5/2/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/permute/2" -> "features/5/2/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/__getitem__/2" -> "features/5/2/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/__getitem__/3" -> "features/5/2/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/__getitem__/4" -> "features/5/2/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/2/attn/normalize/0" -> "features/5/2/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/normalize/1" -> "features/5/2/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/transpose/0" -> "features/5/2/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/2/attn/matmul/0" -> "features/5/2/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.2.attn.logit_scale" -> "features/5/2/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/clamp/0" -> "features/5/2/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/exp/0" -> "features/5/2/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/2/attn/mul/1" -> "features/5/2/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/add/0" -> "features/5/2/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/softmax/0" -> "features/5/2/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/dropout/0" -> "features/5/2/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/matmul/1" -> "features/5/2/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/transpose/1" -> "features/5/2/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/reshape/2" -> "features/5/2/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.2.attn.proj.weight" -> "features/5/2/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.2.attn.proj.bias" -> "features/5/2/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/2/attn/linear/1" -> "features/5/2/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/dropout/1" -> "features/5/2/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/view/3" -> "features/5/2/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/permute/3" -> "features/5/2/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/reshape/3" -> "features/5/2/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/__getitem__/5" -> "features/5/2/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/2/attn/contiguous/1" -> "features/5/2/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.2.norm1.weight" -> "features/5/2/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.2.norm1.bias" -> "features/5/2/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/2/norm1/layer_norm/0" -> "features/5/2/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/2/add/0" -> "features/5/2/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/2/add/0" -> "features/5/2/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.2.mlp.0.weight" -> "features/5/2/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.2.mlp.0.bias" -> "features/5/2/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/2/mlp/0/linear/0" -> "features/5/2/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/2/mlp/1/gelu/0" -> "features/5/2/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/2/mlp/2/dropout/0" -> "features/5/2/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.2.mlp.3.weight" -> "features/5/2/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.2.mlp.3.bias" -> "features/5/2/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/2/mlp/3/linear/0" -> "features/5/2/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/2/mlp/4/dropout/0" -> "features/5/2/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.2.norm2.weight" -> "features/5/2/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.2.norm2.bias" -> "features/5/2/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/2/norm2/layer_norm/0" -> "features/5/2/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/2/add/1" -> "features/5/3/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/2/add/1" -> "features/5/3/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.3.attn.relative_coords_table" -> "features/5/3/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.3.attn.cpb_mlp.0.weight" -> "features/5/3/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.3.attn.cpb_mlp.0.bias" -> "features/5/3/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/3/attn/cpb_mlp/0/linear/0" -> "features/5/3/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/cpb_mlp/1/relu_/0" -> "features/5/3/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.3.attn.cpb_mlp.2.weight" -> "features/5/3/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/3/attn/cpb_mlp/2/linear/0" -> "features/5/3/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/view/0" -> "features/5/3/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.3.attn.relative_position_index" -> "features/5/3/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/3/attn/__getitem__/0" -> "features/5/3/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/view/1" -> "features/5/3/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/permute/0" -> "features/5/3/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/contiguous/0" -> "features/5/3/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/unsqueeze/0" -> "features/5/3/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/sigmoid/0" -> "features/5/3/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/mul/0" -> "features/5/3/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/3/attn/pad/0" -> "features/5/3/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/view/2" -> "features/5/3/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/permute/1" -> "features/5/3/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/reshape/0" -> "features/5/3/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.3.attn.qkv.bias" -> "features/5/3/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/clone/0" -> "features/5/3/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/clone/0" -> "features/5/3/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/clone/0" -> "features/5/3/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/3/attn/__getitem__/1" -> "features/5/3/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.3.attn.qkv.weight" -> "features/5/3/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/3/attn/linear/0" -> "features/5/3/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/reshape/1" -> "features/5/3/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/permute/2" -> "features/5/3/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/permute/2" -> "features/5/3/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/permute/2" -> "features/5/3/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/__getitem__/2" -> "features/5/3/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/__getitem__/3" -> "features/5/3/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/__getitem__/4" -> "features/5/3/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/3/attn/normalize/0" -> "features/5/3/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/normalize/1" -> "features/5/3/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/transpose/0" -> "features/5/3/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/3/attn/matmul/0" -> "features/5/3/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.3.attn.logit_scale" -> "features/5/3/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/clamp/0" -> "features/5/3/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/exp/0" -> "features/5/3/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/3/attn/mul/1" -> "features/5/3/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/add/0" -> "features/5/3/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/softmax/0" -> "features/5/3/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/dropout/0" -> "features/5/3/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/matmul/1" -> "features/5/3/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/transpose/1" -> "features/5/3/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/reshape/2" -> "features/5/3/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.3.attn.proj.weight" -> "features/5/3/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.3.attn.proj.bias" -> "features/5/3/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/3/attn/linear/1" -> "features/5/3/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/dropout/1" -> "features/5/3/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/view/3" -> "features/5/3/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/permute/3" -> "features/5/3/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/reshape/3" -> "features/5/3/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/__getitem__/5" -> "features/5/3/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/3/attn/contiguous/1" -> "features/5/3/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.3.norm1.weight" -> "features/5/3/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.3.norm1.bias" -> "features/5/3/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/3/norm1/layer_norm/0" -> "features/5/3/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/3/add/0" -> "features/5/3/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/3/add/0" -> "features/5/3/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.3.mlp.0.weight" -> "features/5/3/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.3.mlp.0.bias" -> "features/5/3/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/3/mlp/0/linear/0" -> "features/5/3/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/3/mlp/1/gelu/0" -> "features/5/3/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/3/mlp/2/dropout/0" -> "features/5/3/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.3.mlp.3.weight" -> "features/5/3/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.3.mlp.3.bias" -> "features/5/3/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/3/mlp/3/linear/0" -> "features/5/3/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/3/mlp/4/dropout/0" -> "features/5/3/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.3.norm2.weight" -> "features/5/3/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.3.norm2.bias" -> "features/5/3/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/3/norm2/layer_norm/0" -> "features/5/3/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/3/add/1" -> "features/5/4/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/3/add/1" -> "features/5/4/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.4.attn.relative_coords_table" -> "features/5/4/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.4.attn.cpb_mlp.0.weight" -> "features/5/4/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.4.attn.cpb_mlp.0.bias" -> "features/5/4/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/4/attn/cpb_mlp/0/linear/0" -> "features/5/4/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/cpb_mlp/1/relu_/0" -> "features/5/4/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.4.attn.cpb_mlp.2.weight" -> "features/5/4/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/4/attn/cpb_mlp/2/linear/0" -> "features/5/4/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/view/0" -> "features/5/4/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.4.attn.relative_position_index" -> "features/5/4/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/4/attn/__getitem__/0" -> "features/5/4/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/view/1" -> "features/5/4/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/permute/0" -> "features/5/4/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/contiguous/0" -> "features/5/4/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/unsqueeze/0" -> "features/5/4/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/sigmoid/0" -> "features/5/4/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/mul/0" -> "features/5/4/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/4/attn/pad/0" -> "features/5/4/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/view/2" -> "features/5/4/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/permute/1" -> "features/5/4/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/reshape/0" -> "features/5/4/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.4.attn.qkv.bias" -> "features/5/4/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/clone/0" -> "features/5/4/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/clone/0" -> "features/5/4/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/clone/0" -> "features/5/4/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/4/attn/__getitem__/1" -> "features/5/4/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.4.attn.qkv.weight" -> "features/5/4/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/4/attn/linear/0" -> "features/5/4/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/reshape/1" -> "features/5/4/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/permute/2" -> "features/5/4/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/permute/2" -> "features/5/4/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/permute/2" -> "features/5/4/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/__getitem__/2" -> "features/5/4/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/__getitem__/3" -> "features/5/4/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/__getitem__/4" -> "features/5/4/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/4/attn/normalize/0" -> "features/5/4/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/normalize/1" -> "features/5/4/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/transpose/0" -> "features/5/4/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/4/attn/matmul/0" -> "features/5/4/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.4.attn.logit_scale" -> "features/5/4/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/clamp/0" -> "features/5/4/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/exp/0" -> "features/5/4/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/4/attn/mul/1" -> "features/5/4/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/add/0" -> "features/5/4/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/softmax/0" -> "features/5/4/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/dropout/0" -> "features/5/4/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/matmul/1" -> "features/5/4/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/transpose/1" -> "features/5/4/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/reshape/2" -> "features/5/4/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.4.attn.proj.weight" -> "features/5/4/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.4.attn.proj.bias" -> "features/5/4/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/4/attn/linear/1" -> "features/5/4/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/dropout/1" -> "features/5/4/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/view/3" -> "features/5/4/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/permute/3" -> "features/5/4/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/reshape/3" -> "features/5/4/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/__getitem__/5" -> "features/5/4/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/4/attn/contiguous/1" -> "features/5/4/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.4.norm1.weight" -> "features/5/4/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.4.norm1.bias" -> "features/5/4/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/4/norm1/layer_norm/0" -> "features/5/4/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/4/add/0" -> "features/5/4/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/4/add/0" -> "features/5/4/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.4.mlp.0.weight" -> "features/5/4/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.4.mlp.0.bias" -> "features/5/4/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/4/mlp/0/linear/0" -> "features/5/4/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/4/mlp/1/gelu/0" -> "features/5/4/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/4/mlp/2/dropout/0" -> "features/5/4/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.4.mlp.3.weight" -> "features/5/4/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.4.mlp.3.bias" -> "features/5/4/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/4/mlp/3/linear/0" -> "features/5/4/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/4/mlp/4/dropout/0" -> "features/5/4/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.4.norm2.weight" -> "features/5/4/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.4.norm2.bias" -> "features/5/4/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/4/norm2/layer_norm/0" -> "features/5/4/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/4/add/1" -> "features/5/5/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/4/add/1" -> "features/5/5/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.5.attn.relative_coords_table" -> "features/5/5/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.5.attn.cpb_mlp.0.weight" -> "features/5/5/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.5.attn.cpb_mlp.0.bias" -> "features/5/5/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/5/attn/cpb_mlp/0/linear/0" -> "features/5/5/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/cpb_mlp/1/relu_/0" -> "features/5/5/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.5.attn.cpb_mlp.2.weight" -> "features/5/5/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/5/attn/cpb_mlp/2/linear/0" -> "features/5/5/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/view/0" -> "features/5/5/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.5.attn.relative_position_index" -> "features/5/5/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/5/attn/__getitem__/0" -> "features/5/5/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/view/1" -> "features/5/5/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/permute/0" -> "features/5/5/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/contiguous/0" -> "features/5/5/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/unsqueeze/0" -> "features/5/5/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/sigmoid/0" -> "features/5/5/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/mul/0" -> "features/5/5/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/5/attn/pad/0" -> "features/5/5/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/view/2" -> "features/5/5/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/permute/1" -> "features/5/5/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/reshape/0" -> "features/5/5/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.5.attn.qkv.bias" -> "features/5/5/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/clone/0" -> "features/5/5/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/clone/0" -> "features/5/5/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/clone/0" -> "features/5/5/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/5/attn/__getitem__/1" -> "features/5/5/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.5.attn.qkv.weight" -> "features/5/5/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/5/attn/linear/0" -> "features/5/5/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/reshape/1" -> "features/5/5/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/permute/2" -> "features/5/5/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/permute/2" -> "features/5/5/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/permute/2" -> "features/5/5/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/__getitem__/2" -> "features/5/5/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/__getitem__/3" -> "features/5/5/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/__getitem__/4" -> "features/5/5/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/5/attn/normalize/0" -> "features/5/5/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/normalize/1" -> "features/5/5/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/transpose/0" -> "features/5/5/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/5/attn/matmul/0" -> "features/5/5/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.5.attn.logit_scale" -> "features/5/5/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/clamp/0" -> "features/5/5/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/exp/0" -> "features/5/5/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/5/attn/mul/1" -> "features/5/5/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/add/0" -> "features/5/5/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/softmax/0" -> "features/5/5/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/dropout/0" -> "features/5/5/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/matmul/1" -> "features/5/5/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/transpose/1" -> "features/5/5/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/reshape/2" -> "features/5/5/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.5.attn.proj.weight" -> "features/5/5/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.5.attn.proj.bias" -> "features/5/5/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/5/attn/linear/1" -> "features/5/5/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/dropout/1" -> "features/5/5/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/view/3" -> "features/5/5/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/permute/3" -> "features/5/5/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/reshape/3" -> "features/5/5/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/__getitem__/5" -> "features/5/5/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/5/attn/contiguous/1" -> "features/5/5/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.5.norm1.weight" -> "features/5/5/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.5.norm1.bias" -> "features/5/5/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/5/norm1/layer_norm/0" -> "features/5/5/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/5/add/0" -> "features/5/5/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/5/add/0" -> "features/5/5/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.5.mlp.0.weight" -> "features/5/5/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.5.mlp.0.bias" -> "features/5/5/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/5/mlp/0/linear/0" -> "features/5/5/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/5/mlp/1/gelu/0" -> "features/5/5/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/5/mlp/2/dropout/0" -> "features/5/5/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.5.mlp.3.weight" -> "features/5/5/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.5.mlp.3.bias" -> "features/5/5/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/5/mlp/3/linear/0" -> "features/5/5/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/5/mlp/4/dropout/0" -> "features/5/5/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.5.norm2.weight" -> "features/5/5/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.5.norm2.bias" -> "features/5/5/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/5/norm2/layer_norm/0" -> "features/5/5/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/5/add/1" -> "features/5/6/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/5/add/1" -> "features/5/6/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.6.attn.relative_coords_table" -> "features/5/6/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.6.attn.cpb_mlp.0.weight" -> "features/5/6/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.6.attn.cpb_mlp.0.bias" -> "features/5/6/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/6/attn/cpb_mlp/0/linear/0" -> "features/5/6/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/cpb_mlp/1/relu_/0" -> "features/5/6/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.6.attn.cpb_mlp.2.weight" -> "features/5/6/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/6/attn/cpb_mlp/2/linear/0" -> "features/5/6/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/view/0" -> "features/5/6/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.6.attn.relative_position_index" -> "features/5/6/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/6/attn/__getitem__/0" -> "features/5/6/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/view/1" -> "features/5/6/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/permute/0" -> "features/5/6/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/contiguous/0" -> "features/5/6/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/unsqueeze/0" -> "features/5/6/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/sigmoid/0" -> "features/5/6/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/mul/0" -> "features/5/6/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/6/attn/pad/0" -> "features/5/6/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/view/2" -> "features/5/6/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/permute/1" -> "features/5/6/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/reshape/0" -> "features/5/6/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.6.attn.qkv.bias" -> "features/5/6/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/clone/0" -> "features/5/6/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/clone/0" -> "features/5/6/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/clone/0" -> "features/5/6/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/6/attn/__getitem__/1" -> "features/5/6/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.6.attn.qkv.weight" -> "features/5/6/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/6/attn/linear/0" -> "features/5/6/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/reshape/1" -> "features/5/6/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/permute/2" -> "features/5/6/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/permute/2" -> "features/5/6/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/permute/2" -> "features/5/6/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/__getitem__/2" -> "features/5/6/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/__getitem__/3" -> "features/5/6/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/__getitem__/4" -> "features/5/6/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/6/attn/normalize/0" -> "features/5/6/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/normalize/1" -> "features/5/6/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/transpose/0" -> "features/5/6/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/6/attn/matmul/0" -> "features/5/6/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.6.attn.logit_scale" -> "features/5/6/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/clamp/0" -> "features/5/6/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/exp/0" -> "features/5/6/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/6/attn/mul/1" -> "features/5/6/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/add/0" -> "features/5/6/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/softmax/0" -> "features/5/6/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/dropout/0" -> "features/5/6/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/matmul/1" -> "features/5/6/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/transpose/1" -> "features/5/6/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/reshape/2" -> "features/5/6/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.6.attn.proj.weight" -> "features/5/6/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.6.attn.proj.bias" -> "features/5/6/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/6/attn/linear/1" -> "features/5/6/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/dropout/1" -> "features/5/6/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/view/3" -> "features/5/6/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/permute/3" -> "features/5/6/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/reshape/3" -> "features/5/6/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/__getitem__/5" -> "features/5/6/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/6/attn/contiguous/1" -> "features/5/6/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.6.norm1.weight" -> "features/5/6/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.6.norm1.bias" -> "features/5/6/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/6/norm1/layer_norm/0" -> "features/5/6/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/6/add/0" -> "features/5/6/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/6/add/0" -> "features/5/6/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.6.mlp.0.weight" -> "features/5/6/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.6.mlp.0.bias" -> "features/5/6/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/6/mlp/0/linear/0" -> "features/5/6/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/6/mlp/1/gelu/0" -> "features/5/6/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/6/mlp/2/dropout/0" -> "features/5/6/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.6.mlp.3.weight" -> "features/5/6/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.6.mlp.3.bias" -> "features/5/6/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/6/mlp/3/linear/0" -> "features/5/6/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/6/mlp/4/dropout/0" -> "features/5/6/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.6.norm2.weight" -> "features/5/6/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.6.norm2.bias" -> "features/5/6/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/6/norm2/layer_norm/0" -> "features/5/6/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/6/add/1" -> "features/5/7/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/6/add/1" -> "features/5/7/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.7.attn.relative_coords_table" -> "features/5/7/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.7.attn.cpb_mlp.0.weight" -> "features/5/7/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.7.attn.cpb_mlp.0.bias" -> "features/5/7/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/7/attn/cpb_mlp/0/linear/0" -> "features/5/7/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/cpb_mlp/1/relu_/0" -> "features/5/7/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.7.attn.cpb_mlp.2.weight" -> "features/5/7/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/7/attn/cpb_mlp/2/linear/0" -> "features/5/7/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/view/0" -> "features/5/7/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.7.attn.relative_position_index" -> "features/5/7/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/7/attn/__getitem__/0" -> "features/5/7/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/view/1" -> "features/5/7/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/permute/0" -> "features/5/7/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/contiguous/0" -> "features/5/7/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/unsqueeze/0" -> "features/5/7/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/sigmoid/0" -> "features/5/7/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/mul/0" -> "features/5/7/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/7/attn/pad/0" -> "features/5/7/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/view/2" -> "features/5/7/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/permute/1" -> "features/5/7/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/reshape/0" -> "features/5/7/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.7.attn.qkv.bias" -> "features/5/7/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/clone/0" -> "features/5/7/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/clone/0" -> "features/5/7/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/clone/0" -> "features/5/7/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/7/attn/__getitem__/1" -> "features/5/7/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.7.attn.qkv.weight" -> "features/5/7/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/7/attn/linear/0" -> "features/5/7/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/reshape/1" -> "features/5/7/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/permute/2" -> "features/5/7/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/permute/2" -> "features/5/7/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/permute/2" -> "features/5/7/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/__getitem__/2" -> "features/5/7/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/__getitem__/3" -> "features/5/7/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/__getitem__/4" -> "features/5/7/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/7/attn/normalize/0" -> "features/5/7/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/normalize/1" -> "features/5/7/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/transpose/0" -> "features/5/7/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/7/attn/matmul/0" -> "features/5/7/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.7.attn.logit_scale" -> "features/5/7/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/clamp/0" -> "features/5/7/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/exp/0" -> "features/5/7/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/7/attn/mul/1" -> "features/5/7/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/add/0" -> "features/5/7/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/softmax/0" -> "features/5/7/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/dropout/0" -> "features/5/7/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/matmul/1" -> "features/5/7/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/transpose/1" -> "features/5/7/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/reshape/2" -> "features/5/7/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.7.attn.proj.weight" -> "features/5/7/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.7.attn.proj.bias" -> "features/5/7/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/7/attn/linear/1" -> "features/5/7/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/dropout/1" -> "features/5/7/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/view/3" -> "features/5/7/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/permute/3" -> "features/5/7/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/reshape/3" -> "features/5/7/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/__getitem__/5" -> "features/5/7/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/7/attn/contiguous/1" -> "features/5/7/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.7.norm1.weight" -> "features/5/7/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.7.norm1.bias" -> "features/5/7/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/7/norm1/layer_norm/0" -> "features/5/7/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/7/add/0" -> "features/5/7/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/7/add/0" -> "features/5/7/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.7.mlp.0.weight" -> "features/5/7/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.7.mlp.0.bias" -> "features/5/7/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/7/mlp/0/linear/0" -> "features/5/7/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/7/mlp/1/gelu/0" -> "features/5/7/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/7/mlp/2/dropout/0" -> "features/5/7/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.7.mlp.3.weight" -> "features/5/7/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.7.mlp.3.bias" -> "features/5/7/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/7/mlp/3/linear/0" -> "features/5/7/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/7/mlp/4/dropout/0" -> "features/5/7/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.7.norm2.weight" -> "features/5/7/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.7.norm2.bias" -> "features/5/7/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/7/norm2/layer_norm/0" -> "features/5/7/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/7/add/1" -> "features/5/8/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/7/add/1" -> "features/5/8/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.8.attn.relative_coords_table" -> "features/5/8/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.8.attn.cpb_mlp.0.weight" -> "features/5/8/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.8.attn.cpb_mlp.0.bias" -> "features/5/8/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/8/attn/cpb_mlp/0/linear/0" -> "features/5/8/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/cpb_mlp/1/relu_/0" -> "features/5/8/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.8.attn.cpb_mlp.2.weight" -> "features/5/8/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/8/attn/cpb_mlp/2/linear/0" -> "features/5/8/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/view/0" -> "features/5/8/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.8.attn.relative_position_index" -> "features/5/8/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/8/attn/__getitem__/0" -> "features/5/8/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/view/1" -> "features/5/8/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/permute/0" -> "features/5/8/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/contiguous/0" -> "features/5/8/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/unsqueeze/0" -> "features/5/8/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/sigmoid/0" -> "features/5/8/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/mul/0" -> "features/5/8/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/8/attn/pad/0" -> "features/5/8/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/view/2" -> "features/5/8/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/permute/1" -> "features/5/8/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/reshape/0" -> "features/5/8/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.8.attn.qkv.bias" -> "features/5/8/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/clone/0" -> "features/5/8/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/clone/0" -> "features/5/8/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/clone/0" -> "features/5/8/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/8/attn/__getitem__/1" -> "features/5/8/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.8.attn.qkv.weight" -> "features/5/8/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/8/attn/linear/0" -> "features/5/8/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/reshape/1" -> "features/5/8/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/permute/2" -> "features/5/8/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/permute/2" -> "features/5/8/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/permute/2" -> "features/5/8/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/__getitem__/2" -> "features/5/8/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/__getitem__/3" -> "features/5/8/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/__getitem__/4" -> "features/5/8/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/8/attn/normalize/0" -> "features/5/8/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/normalize/1" -> "features/5/8/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/transpose/0" -> "features/5/8/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/8/attn/matmul/0" -> "features/5/8/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.8.attn.logit_scale" -> "features/5/8/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/clamp/0" -> "features/5/8/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/exp/0" -> "features/5/8/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/8/attn/mul/1" -> "features/5/8/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/add/0" -> "features/5/8/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/softmax/0" -> "features/5/8/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/dropout/0" -> "features/5/8/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/matmul/1" -> "features/5/8/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/transpose/1" -> "features/5/8/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/reshape/2" -> "features/5/8/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.8.attn.proj.weight" -> "features/5/8/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.8.attn.proj.bias" -> "features/5/8/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/8/attn/linear/1" -> "features/5/8/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/dropout/1" -> "features/5/8/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/view/3" -> "features/5/8/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/permute/3" -> "features/5/8/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/reshape/3" -> "features/5/8/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/__getitem__/5" -> "features/5/8/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/8/attn/contiguous/1" -> "features/5/8/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.8.norm1.weight" -> "features/5/8/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.8.norm1.bias" -> "features/5/8/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/8/norm1/layer_norm/0" -> "features/5/8/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/8/add/0" -> "features/5/8/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/8/add/0" -> "features/5/8/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.8.mlp.0.weight" -> "features/5/8/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.8.mlp.0.bias" -> "features/5/8/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/8/mlp/0/linear/0" -> "features/5/8/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/8/mlp/1/gelu/0" -> "features/5/8/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/8/mlp/2/dropout/0" -> "features/5/8/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.8.mlp.3.weight" -> "features/5/8/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.8.mlp.3.bias" -> "features/5/8/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/8/mlp/3/linear/0" -> "features/5/8/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/8/mlp/4/dropout/0" -> "features/5/8/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.8.norm2.weight" -> "features/5/8/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.8.norm2.bias" -> "features/5/8/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/8/norm2/layer_norm/0" -> "features/5/8/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/8/add/1" -> "features/5/9/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/8/add/1" -> "features/5/9/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.9.attn.relative_coords_table" -> "features/5/9/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.9.attn.cpb_mlp.0.weight" -> "features/5/9/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.9.attn.cpb_mlp.0.bias" -> "features/5/9/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/9/attn/cpb_mlp/0/linear/0" -> "features/5/9/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/cpb_mlp/1/relu_/0" -> "features/5/9/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.9.attn.cpb_mlp.2.weight" -> "features/5/9/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/9/attn/cpb_mlp/2/linear/0" -> "features/5/9/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/view/0" -> "features/5/9/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.9.attn.relative_position_index" -> "features/5/9/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/9/attn/__getitem__/0" -> "features/5/9/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/view/1" -> "features/5/9/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/permute/0" -> "features/5/9/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/contiguous/0" -> "features/5/9/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/unsqueeze/0" -> "features/5/9/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/sigmoid/0" -> "features/5/9/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/mul/0" -> "features/5/9/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/9/attn/pad/0" -> "features/5/9/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/view/2" -> "features/5/9/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/permute/1" -> "features/5/9/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/reshape/0" -> "features/5/9/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.9.attn.qkv.bias" -> "features/5/9/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/clone/0" -> "features/5/9/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/clone/0" -> "features/5/9/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/clone/0" -> "features/5/9/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/9/attn/__getitem__/1" -> "features/5/9/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.9.attn.qkv.weight" -> "features/5/9/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/9/attn/linear/0" -> "features/5/9/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/reshape/1" -> "features/5/9/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/permute/2" -> "features/5/9/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/permute/2" -> "features/5/9/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/permute/2" -> "features/5/9/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/__getitem__/2" -> "features/5/9/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/__getitem__/3" -> "features/5/9/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/__getitem__/4" -> "features/5/9/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/9/attn/normalize/0" -> "features/5/9/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/normalize/1" -> "features/5/9/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/transpose/0" -> "features/5/9/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/9/attn/matmul/0" -> "features/5/9/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.9.attn.logit_scale" -> "features/5/9/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/clamp/0" -> "features/5/9/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/exp/0" -> "features/5/9/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/9/attn/mul/1" -> "features/5/9/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/add/0" -> "features/5/9/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/softmax/0" -> "features/5/9/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/dropout/0" -> "features/5/9/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/matmul/1" -> "features/5/9/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/transpose/1" -> "features/5/9/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/reshape/2" -> "features/5/9/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.9.attn.proj.weight" -> "features/5/9/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.9.attn.proj.bias" -> "features/5/9/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/9/attn/linear/1" -> "features/5/9/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/dropout/1" -> "features/5/9/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/view/3" -> "features/5/9/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/permute/3" -> "features/5/9/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/reshape/3" -> "features/5/9/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/__getitem__/5" -> "features/5/9/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/9/attn/contiguous/1" -> "features/5/9/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.9.norm1.weight" -> "features/5/9/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.9.norm1.bias" -> "features/5/9/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/9/norm1/layer_norm/0" -> "features/5/9/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/9/add/0" -> "features/5/9/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/9/add/0" -> "features/5/9/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.9.mlp.0.weight" -> "features/5/9/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.9.mlp.0.bias" -> "features/5/9/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/9/mlp/0/linear/0" -> "features/5/9/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/9/mlp/1/gelu/0" -> "features/5/9/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/9/mlp/2/dropout/0" -> "features/5/9/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.9.mlp.3.weight" -> "features/5/9/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.9.mlp.3.bias" -> "features/5/9/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/9/mlp/3/linear/0" -> "features/5/9/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/9/mlp/4/dropout/0" -> "features/5/9/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.9.norm2.weight" -> "features/5/9/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.9.norm2.bias" -> "features/5/9/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/9/norm2/layer_norm/0" -> "features/5/9/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/9/add/1" -> "features/5/10/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/9/add/1" -> "features/5/10/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.10.attn.relative_coords_table" -> "features/5/10/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.10.attn.cpb_mlp.0.weight" -> "features/5/10/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.10.attn.cpb_mlp.0.bias" -> "features/5/10/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/10/attn/cpb_mlp/0/linear/0" -> "features/5/10/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/cpb_mlp/1/relu_/0" -> "features/5/10/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.10.attn.cpb_mlp.2.weight" -> "features/5/10/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/10/attn/cpb_mlp/2/linear/0" -> "features/5/10/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/view/0" -> "features/5/10/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.10.attn.relative_position_index" -> "features/5/10/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/10/attn/__getitem__/0" -> "features/5/10/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/view/1" -> "features/5/10/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/permute/0" -> "features/5/10/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/contiguous/0" -> "features/5/10/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/unsqueeze/0" -> "features/5/10/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/sigmoid/0" -> "features/5/10/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/mul/0" -> "features/5/10/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/10/attn/pad/0" -> "features/5/10/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/view/2" -> "features/5/10/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/permute/1" -> "features/5/10/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/reshape/0" -> "features/5/10/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.10.attn.qkv.bias" -> "features/5/10/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/clone/0" -> "features/5/10/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/clone/0" -> "features/5/10/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/clone/0" -> "features/5/10/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/10/attn/__getitem__/1" -> "features/5/10/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.10.attn.qkv.weight" -> "features/5/10/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/10/attn/linear/0" -> "features/5/10/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/reshape/1" -> "features/5/10/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/permute/2" -> "features/5/10/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/permute/2" -> "features/5/10/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/permute/2" -> "features/5/10/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/__getitem__/2" -> "features/5/10/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/__getitem__/3" -> "features/5/10/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/__getitem__/4" -> "features/5/10/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/10/attn/normalize/0" -> "features/5/10/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/normalize/1" -> "features/5/10/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/transpose/0" -> "features/5/10/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/10/attn/matmul/0" -> "features/5/10/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.10.attn.logit_scale" -> "features/5/10/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/clamp/0" -> "features/5/10/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/exp/0" -> "features/5/10/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/10/attn/mul/1" -> "features/5/10/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/add/0" -> "features/5/10/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/softmax/0" -> "features/5/10/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/dropout/0" -> "features/5/10/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/matmul/1" -> "features/5/10/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/transpose/1" -> "features/5/10/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/reshape/2" -> "features/5/10/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.10.attn.proj.weight" -> "features/5/10/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.10.attn.proj.bias" -> "features/5/10/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/10/attn/linear/1" -> "features/5/10/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/dropout/1" -> "features/5/10/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/view/3" -> "features/5/10/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/permute/3" -> "features/5/10/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/reshape/3" -> "features/5/10/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/__getitem__/5" -> "features/5/10/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/10/attn/contiguous/1" -> "features/5/10/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.10.norm1.weight" -> "features/5/10/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.10.norm1.bias" -> "features/5/10/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/10/norm1/layer_norm/0" -> "features/5/10/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/10/add/0" -> "features/5/10/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/10/add/0" -> "features/5/10/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.10.mlp.0.weight" -> "features/5/10/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.10.mlp.0.bias" -> "features/5/10/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/10/mlp/0/linear/0" -> "features/5/10/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/10/mlp/1/gelu/0" -> "features/5/10/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/10/mlp/2/dropout/0" -> "features/5/10/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.10.mlp.3.weight" -> "features/5/10/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.10.mlp.3.bias" -> "features/5/10/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/10/mlp/3/linear/0" -> "features/5/10/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/10/mlp/4/dropout/0" -> "features/5/10/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.10.norm2.weight" -> "features/5/10/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.10.norm2.bias" -> "features/5/10/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/10/norm2/layer_norm/0" -> "features/5/10/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/10/add/1" -> "features/5/11/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/10/add/1" -> "features/5/11/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.11.attn.relative_coords_table" -> "features/5/11/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.11.attn.cpb_mlp.0.weight" -> "features/5/11/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.11.attn.cpb_mlp.0.bias" -> "features/5/11/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/11/attn/cpb_mlp/0/linear/0" -> "features/5/11/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/cpb_mlp/1/relu_/0" -> "features/5/11/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.11.attn.cpb_mlp.2.weight" -> "features/5/11/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/11/attn/cpb_mlp/2/linear/0" -> "features/5/11/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/view/0" -> "features/5/11/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.11.attn.relative_position_index" -> "features/5/11/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/11/attn/__getitem__/0" -> "features/5/11/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/view/1" -> "features/5/11/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/permute/0" -> "features/5/11/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/contiguous/0" -> "features/5/11/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/unsqueeze/0" -> "features/5/11/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/sigmoid/0" -> "features/5/11/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/mul/0" -> "features/5/11/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/11/attn/pad/0" -> "features/5/11/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/view/2" -> "features/5/11/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/permute/1" -> "features/5/11/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/reshape/0" -> "features/5/11/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.11.attn.qkv.bias" -> "features/5/11/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/clone/0" -> "features/5/11/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/clone/0" -> "features/5/11/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/clone/0" -> "features/5/11/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/11/attn/__getitem__/1" -> "features/5/11/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.11.attn.qkv.weight" -> "features/5/11/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/11/attn/linear/0" -> "features/5/11/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/reshape/1" -> "features/5/11/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/permute/2" -> "features/5/11/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/permute/2" -> "features/5/11/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/permute/2" -> "features/5/11/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/__getitem__/2" -> "features/5/11/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/__getitem__/3" -> "features/5/11/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/__getitem__/4" -> "features/5/11/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/11/attn/normalize/0" -> "features/5/11/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/normalize/1" -> "features/5/11/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/transpose/0" -> "features/5/11/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/11/attn/matmul/0" -> "features/5/11/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.11.attn.logit_scale" -> "features/5/11/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/clamp/0" -> "features/5/11/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/exp/0" -> "features/5/11/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/11/attn/mul/1" -> "features/5/11/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/add/0" -> "features/5/11/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/softmax/0" -> "features/5/11/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/dropout/0" -> "features/5/11/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/matmul/1" -> "features/5/11/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/transpose/1" -> "features/5/11/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/reshape/2" -> "features/5/11/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.11.attn.proj.weight" -> "features/5/11/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.11.attn.proj.bias" -> "features/5/11/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/11/attn/linear/1" -> "features/5/11/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/dropout/1" -> "features/5/11/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/view/3" -> "features/5/11/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/permute/3" -> "features/5/11/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/reshape/3" -> "features/5/11/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/__getitem__/5" -> "features/5/11/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/11/attn/contiguous/1" -> "features/5/11/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.11.norm1.weight" -> "features/5/11/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.11.norm1.bias" -> "features/5/11/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/11/norm1/layer_norm/0" -> "features/5/11/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/11/add/0" -> "features/5/11/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/11/add/0" -> "features/5/11/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.11.mlp.0.weight" -> "features/5/11/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.11.mlp.0.bias" -> "features/5/11/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/11/mlp/0/linear/0" -> "features/5/11/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/11/mlp/1/gelu/0" -> "features/5/11/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/11/mlp/2/dropout/0" -> "features/5/11/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.11.mlp.3.weight" -> "features/5/11/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.11.mlp.3.bias" -> "features/5/11/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/11/mlp/3/linear/0" -> "features/5/11/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/11/mlp/4/dropout/0" -> "features/5/11/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.11.norm2.weight" -> "features/5/11/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.11.norm2.bias" -> "features/5/11/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/11/norm2/layer_norm/0" -> "features/5/11/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/11/add/1" -> "features/5/12/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/11/add/1" -> "features/5/12/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.12.attn.relative_coords_table" -> "features/5/12/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.12.attn.cpb_mlp.0.weight" -> "features/5/12/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.12.attn.cpb_mlp.0.bias" -> "features/5/12/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/12/attn/cpb_mlp/0/linear/0" -> "features/5/12/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/cpb_mlp/1/relu_/0" -> "features/5/12/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.12.attn.cpb_mlp.2.weight" -> "features/5/12/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/12/attn/cpb_mlp/2/linear/0" -> "features/5/12/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/view/0" -> "features/5/12/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.12.attn.relative_position_index" -> "features/5/12/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/12/attn/__getitem__/0" -> "features/5/12/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/view/1" -> "features/5/12/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/permute/0" -> "features/5/12/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/contiguous/0" -> "features/5/12/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/unsqueeze/0" -> "features/5/12/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/sigmoid/0" -> "features/5/12/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/mul/0" -> "features/5/12/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/12/attn/pad/0" -> "features/5/12/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/view/2" -> "features/5/12/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/permute/1" -> "features/5/12/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/reshape/0" -> "features/5/12/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.12.attn.qkv.bias" -> "features/5/12/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/clone/0" -> "features/5/12/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/clone/0" -> "features/5/12/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/clone/0" -> "features/5/12/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/12/attn/__getitem__/1" -> "features/5/12/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.12.attn.qkv.weight" -> "features/5/12/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/12/attn/linear/0" -> "features/5/12/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/reshape/1" -> "features/5/12/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/permute/2" -> "features/5/12/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/permute/2" -> "features/5/12/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/permute/2" -> "features/5/12/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/__getitem__/2" -> "features/5/12/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/__getitem__/3" -> "features/5/12/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/__getitem__/4" -> "features/5/12/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/12/attn/normalize/0" -> "features/5/12/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/normalize/1" -> "features/5/12/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/transpose/0" -> "features/5/12/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/12/attn/matmul/0" -> "features/5/12/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.12.attn.logit_scale" -> "features/5/12/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/clamp/0" -> "features/5/12/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/exp/0" -> "features/5/12/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/12/attn/mul/1" -> "features/5/12/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/add/0" -> "features/5/12/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/softmax/0" -> "features/5/12/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/dropout/0" -> "features/5/12/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/matmul/1" -> "features/5/12/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/transpose/1" -> "features/5/12/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/reshape/2" -> "features/5/12/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.12.attn.proj.weight" -> "features/5/12/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.12.attn.proj.bias" -> "features/5/12/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/12/attn/linear/1" -> "features/5/12/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/dropout/1" -> "features/5/12/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/view/3" -> "features/5/12/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/permute/3" -> "features/5/12/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/reshape/3" -> "features/5/12/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/__getitem__/5" -> "features/5/12/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/12/attn/contiguous/1" -> "features/5/12/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.12.norm1.weight" -> "features/5/12/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.12.norm1.bias" -> "features/5/12/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/12/norm1/layer_norm/0" -> "features/5/12/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/12/add/0" -> "features/5/12/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/12/add/0" -> "features/5/12/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.12.mlp.0.weight" -> "features/5/12/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.12.mlp.0.bias" -> "features/5/12/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/12/mlp/0/linear/0" -> "features/5/12/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/12/mlp/1/gelu/0" -> "features/5/12/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/12/mlp/2/dropout/0" -> "features/5/12/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.12.mlp.3.weight" -> "features/5/12/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.12.mlp.3.bias" -> "features/5/12/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/12/mlp/3/linear/0" -> "features/5/12/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/12/mlp/4/dropout/0" -> "features/5/12/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.12.norm2.weight" -> "features/5/12/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.12.norm2.bias" -> "features/5/12/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/12/norm2/layer_norm/0" -> "features/5/12/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/12/add/1" -> "features/5/13/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/12/add/1" -> "features/5/13/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.13.attn.relative_coords_table" -> "features/5/13/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.13.attn.cpb_mlp.0.weight" -> "features/5/13/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.13.attn.cpb_mlp.0.bias" -> "features/5/13/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/13/attn/cpb_mlp/0/linear/0" -> "features/5/13/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/cpb_mlp/1/relu_/0" -> "features/5/13/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.13.attn.cpb_mlp.2.weight" -> "features/5/13/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/13/attn/cpb_mlp/2/linear/0" -> "features/5/13/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/view/0" -> "features/5/13/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.13.attn.relative_position_index" -> "features/5/13/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/13/attn/__getitem__/0" -> "features/5/13/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/view/1" -> "features/5/13/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/permute/0" -> "features/5/13/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/contiguous/0" -> "features/5/13/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/unsqueeze/0" -> "features/5/13/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/sigmoid/0" -> "features/5/13/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/mul/0" -> "features/5/13/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/13/attn/pad/0" -> "features/5/13/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/view/2" -> "features/5/13/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/permute/1" -> "features/5/13/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/reshape/0" -> "features/5/13/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.13.attn.qkv.bias" -> "features/5/13/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/clone/0" -> "features/5/13/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/clone/0" -> "features/5/13/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/clone/0" -> "features/5/13/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/13/attn/__getitem__/1" -> "features/5/13/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.13.attn.qkv.weight" -> "features/5/13/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/13/attn/linear/0" -> "features/5/13/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/reshape/1" -> "features/5/13/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/permute/2" -> "features/5/13/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/permute/2" -> "features/5/13/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/permute/2" -> "features/5/13/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/__getitem__/2" -> "features/5/13/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/__getitem__/3" -> "features/5/13/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/__getitem__/4" -> "features/5/13/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/13/attn/normalize/0" -> "features/5/13/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/normalize/1" -> "features/5/13/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/transpose/0" -> "features/5/13/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/13/attn/matmul/0" -> "features/5/13/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.13.attn.logit_scale" -> "features/5/13/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/clamp/0" -> "features/5/13/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/exp/0" -> "features/5/13/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/13/attn/mul/1" -> "features/5/13/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/add/0" -> "features/5/13/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/softmax/0" -> "features/5/13/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/dropout/0" -> "features/5/13/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/matmul/1" -> "features/5/13/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/transpose/1" -> "features/5/13/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/reshape/2" -> "features/5/13/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.13.attn.proj.weight" -> "features/5/13/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.13.attn.proj.bias" -> "features/5/13/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/13/attn/linear/1" -> "features/5/13/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/dropout/1" -> "features/5/13/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/view/3" -> "features/5/13/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/permute/3" -> "features/5/13/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/reshape/3" -> "features/5/13/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/__getitem__/5" -> "features/5/13/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/13/attn/contiguous/1" -> "features/5/13/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.13.norm1.weight" -> "features/5/13/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.13.norm1.bias" -> "features/5/13/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/13/norm1/layer_norm/0" -> "features/5/13/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/13/add/0" -> "features/5/13/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/13/add/0" -> "features/5/13/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.13.mlp.0.weight" -> "features/5/13/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.13.mlp.0.bias" -> "features/5/13/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/13/mlp/0/linear/0" -> "features/5/13/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/13/mlp/1/gelu/0" -> "features/5/13/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/13/mlp/2/dropout/0" -> "features/5/13/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.13.mlp.3.weight" -> "features/5/13/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.13.mlp.3.bias" -> "features/5/13/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/13/mlp/3/linear/0" -> "features/5/13/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/13/mlp/4/dropout/0" -> "features/5/13/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.13.norm2.weight" -> "features/5/13/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.13.norm2.bias" -> "features/5/13/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/13/norm2/layer_norm/0" -> "features/5/13/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/13/add/1" -> "features/5/14/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/13/add/1" -> "features/5/14/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.14.attn.relative_coords_table" -> "features/5/14/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.14.attn.cpb_mlp.0.weight" -> "features/5/14/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.14.attn.cpb_mlp.0.bias" -> "features/5/14/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/14/attn/cpb_mlp/0/linear/0" -> "features/5/14/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/cpb_mlp/1/relu_/0" -> "features/5/14/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.14.attn.cpb_mlp.2.weight" -> "features/5/14/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/14/attn/cpb_mlp/2/linear/0" -> "features/5/14/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/view/0" -> "features/5/14/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.14.attn.relative_position_index" -> "features/5/14/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/14/attn/__getitem__/0" -> "features/5/14/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/view/1" -> "features/5/14/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/permute/0" -> "features/5/14/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/contiguous/0" -> "features/5/14/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/unsqueeze/0" -> "features/5/14/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/sigmoid/0" -> "features/5/14/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/mul/0" -> "features/5/14/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/14/attn/pad/0" -> "features/5/14/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/view/2" -> "features/5/14/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/permute/1" -> "features/5/14/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/reshape/0" -> "features/5/14/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.14.attn.qkv.bias" -> "features/5/14/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/clone/0" -> "features/5/14/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/clone/0" -> "features/5/14/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/clone/0" -> "features/5/14/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/14/attn/__getitem__/1" -> "features/5/14/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.14.attn.qkv.weight" -> "features/5/14/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/14/attn/linear/0" -> "features/5/14/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/reshape/1" -> "features/5/14/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/permute/2" -> "features/5/14/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/permute/2" -> "features/5/14/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/permute/2" -> "features/5/14/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/__getitem__/2" -> "features/5/14/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/__getitem__/3" -> "features/5/14/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/__getitem__/4" -> "features/5/14/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/14/attn/normalize/0" -> "features/5/14/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/normalize/1" -> "features/5/14/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/transpose/0" -> "features/5/14/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/14/attn/matmul/0" -> "features/5/14/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.14.attn.logit_scale" -> "features/5/14/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/clamp/0" -> "features/5/14/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/exp/0" -> "features/5/14/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/14/attn/mul/1" -> "features/5/14/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/add/0" -> "features/5/14/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/softmax/0" -> "features/5/14/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/dropout/0" -> "features/5/14/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/matmul/1" -> "features/5/14/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/transpose/1" -> "features/5/14/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/reshape/2" -> "features/5/14/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.14.attn.proj.weight" -> "features/5/14/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.14.attn.proj.bias" -> "features/5/14/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/14/attn/linear/1" -> "features/5/14/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/dropout/1" -> "features/5/14/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/view/3" -> "features/5/14/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/permute/3" -> "features/5/14/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/reshape/3" -> "features/5/14/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/__getitem__/5" -> "features/5/14/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/14/attn/contiguous/1" -> "features/5/14/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.14.norm1.weight" -> "features/5/14/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.14.norm1.bias" -> "features/5/14/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/14/norm1/layer_norm/0" -> "features/5/14/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/14/add/0" -> "features/5/14/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/14/add/0" -> "features/5/14/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.14.mlp.0.weight" -> "features/5/14/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.14.mlp.0.bias" -> "features/5/14/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/14/mlp/0/linear/0" -> "features/5/14/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/14/mlp/1/gelu/0" -> "features/5/14/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/14/mlp/2/dropout/0" -> "features/5/14/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.14.mlp.3.weight" -> "features/5/14/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.14.mlp.3.bias" -> "features/5/14/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/14/mlp/3/linear/0" -> "features/5/14/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/14/mlp/4/dropout/0" -> "features/5/14/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.14.norm2.weight" -> "features/5/14/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.14.norm2.bias" -> "features/5/14/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/14/norm2/layer_norm/0" -> "features/5/14/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/14/add/1" -> "features/5/15/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/14/add/1" -> "features/5/15/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.15.attn.relative_coords_table" -> "features/5/15/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.15.attn.cpb_mlp.0.weight" -> "features/5/15/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.15.attn.cpb_mlp.0.bias" -> "features/5/15/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/15/attn/cpb_mlp/0/linear/0" -> "features/5/15/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/cpb_mlp/1/relu_/0" -> "features/5/15/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.15.attn.cpb_mlp.2.weight" -> "features/5/15/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/15/attn/cpb_mlp/2/linear/0" -> "features/5/15/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/view/0" -> "features/5/15/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.15.attn.relative_position_index" -> "features/5/15/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/15/attn/__getitem__/0" -> "features/5/15/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/view/1" -> "features/5/15/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/permute/0" -> "features/5/15/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/contiguous/0" -> "features/5/15/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/unsqueeze/0" -> "features/5/15/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/sigmoid/0" -> "features/5/15/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/mul/0" -> "features/5/15/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/15/attn/pad/0" -> "features/5/15/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/view/2" -> "features/5/15/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/permute/1" -> "features/5/15/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/reshape/0" -> "features/5/15/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.15.attn.qkv.bias" -> "features/5/15/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/clone/0" -> "features/5/15/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/clone/0" -> "features/5/15/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/clone/0" -> "features/5/15/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/15/attn/__getitem__/1" -> "features/5/15/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.15.attn.qkv.weight" -> "features/5/15/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/15/attn/linear/0" -> "features/5/15/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/reshape/1" -> "features/5/15/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/permute/2" -> "features/5/15/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/permute/2" -> "features/5/15/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/permute/2" -> "features/5/15/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/__getitem__/2" -> "features/5/15/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/__getitem__/3" -> "features/5/15/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/__getitem__/4" -> "features/5/15/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/15/attn/normalize/0" -> "features/5/15/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/normalize/1" -> "features/5/15/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/transpose/0" -> "features/5/15/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/15/attn/matmul/0" -> "features/5/15/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.15.attn.logit_scale" -> "features/5/15/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/clamp/0" -> "features/5/15/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/exp/0" -> "features/5/15/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/15/attn/mul/1" -> "features/5/15/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/add/0" -> "features/5/15/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/softmax/0" -> "features/5/15/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/dropout/0" -> "features/5/15/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/matmul/1" -> "features/5/15/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/transpose/1" -> "features/5/15/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/reshape/2" -> "features/5/15/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.15.attn.proj.weight" -> "features/5/15/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.15.attn.proj.bias" -> "features/5/15/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/15/attn/linear/1" -> "features/5/15/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/dropout/1" -> "features/5/15/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/view/3" -> "features/5/15/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/permute/3" -> "features/5/15/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/reshape/3" -> "features/5/15/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/__getitem__/5" -> "features/5/15/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/15/attn/contiguous/1" -> "features/5/15/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.15.norm1.weight" -> "features/5/15/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.15.norm1.bias" -> "features/5/15/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/15/norm1/layer_norm/0" -> "features/5/15/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/15/add/0" -> "features/5/15/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/15/add/0" -> "features/5/15/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.15.mlp.0.weight" -> "features/5/15/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.15.mlp.0.bias" -> "features/5/15/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/15/mlp/0/linear/0" -> "features/5/15/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/15/mlp/1/gelu/0" -> "features/5/15/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/15/mlp/2/dropout/0" -> "features/5/15/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.15.mlp.3.weight" -> "features/5/15/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.15.mlp.3.bias" -> "features/5/15/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/15/mlp/3/linear/0" -> "features/5/15/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/15/mlp/4/dropout/0" -> "features/5/15/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.15.norm2.weight" -> "features/5/15/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.15.norm2.bias" -> "features/5/15/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/15/norm2/layer_norm/0" -> "features/5/15/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/15/add/1" -> "features/5/16/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/15/add/1" -> "features/5/16/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.16.attn.relative_coords_table" -> "features/5/16/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.16.attn.cpb_mlp.0.weight" -> "features/5/16/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.16.attn.cpb_mlp.0.bias" -> "features/5/16/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/16/attn/cpb_mlp/0/linear/0" -> "features/5/16/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/cpb_mlp/1/relu_/0" -> "features/5/16/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.16.attn.cpb_mlp.2.weight" -> "features/5/16/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/16/attn/cpb_mlp/2/linear/0" -> "features/5/16/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/view/0" -> "features/5/16/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.16.attn.relative_position_index" -> "features/5/16/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/16/attn/__getitem__/0" -> "features/5/16/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/view/1" -> "features/5/16/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/permute/0" -> "features/5/16/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/contiguous/0" -> "features/5/16/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/unsqueeze/0" -> "features/5/16/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/sigmoid/0" -> "features/5/16/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/mul/0" -> "features/5/16/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/16/attn/pad/0" -> "features/5/16/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/view/2" -> "features/5/16/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/permute/1" -> "features/5/16/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/reshape/0" -> "features/5/16/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.16.attn.qkv.bias" -> "features/5/16/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/clone/0" -> "features/5/16/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/clone/0" -> "features/5/16/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/clone/0" -> "features/5/16/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/16/attn/__getitem__/1" -> "features/5/16/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.16.attn.qkv.weight" -> "features/5/16/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/16/attn/linear/0" -> "features/5/16/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/reshape/1" -> "features/5/16/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/permute/2" -> "features/5/16/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/permute/2" -> "features/5/16/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/permute/2" -> "features/5/16/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/__getitem__/2" -> "features/5/16/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/__getitem__/3" -> "features/5/16/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/__getitem__/4" -> "features/5/16/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/16/attn/normalize/0" -> "features/5/16/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/normalize/1" -> "features/5/16/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/transpose/0" -> "features/5/16/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/16/attn/matmul/0" -> "features/5/16/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.16.attn.logit_scale" -> "features/5/16/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/clamp/0" -> "features/5/16/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/exp/0" -> "features/5/16/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/16/attn/mul/1" -> "features/5/16/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/add/0" -> "features/5/16/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/softmax/0" -> "features/5/16/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/dropout/0" -> "features/5/16/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/matmul/1" -> "features/5/16/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/transpose/1" -> "features/5/16/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/reshape/2" -> "features/5/16/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.16.attn.proj.weight" -> "features/5/16/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.16.attn.proj.bias" -> "features/5/16/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/16/attn/linear/1" -> "features/5/16/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/dropout/1" -> "features/5/16/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/view/3" -> "features/5/16/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/permute/3" -> "features/5/16/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/reshape/3" -> "features/5/16/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/__getitem__/5" -> "features/5/16/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/16/attn/contiguous/1" -> "features/5/16/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.16.norm1.weight" -> "features/5/16/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.16.norm1.bias" -> "features/5/16/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/16/norm1/layer_norm/0" -> "features/5/16/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/16/add/0" -> "features/5/16/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/16/add/0" -> "features/5/16/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.16.mlp.0.weight" -> "features/5/16/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.16.mlp.0.bias" -> "features/5/16/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/16/mlp/0/linear/0" -> "features/5/16/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/16/mlp/1/gelu/0" -> "features/5/16/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/16/mlp/2/dropout/0" -> "features/5/16/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.16.mlp.3.weight" -> "features/5/16/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.16.mlp.3.bias" -> "features/5/16/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/16/mlp/3/linear/0" -> "features/5/16/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/16/mlp/4/dropout/0" -> "features/5/16/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.16.norm2.weight" -> "features/5/16/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.16.norm2.bias" -> "features/5/16/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/16/norm2/layer_norm/0" -> "features/5/16/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/16/add/1" -> "features/5/17/attn/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/16/add/1" -> "features/5/17/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.17.attn.relative_coords_table" -> "features/5/17/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.5.17.attn.cpb_mlp.0.weight" -> "features/5/17/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.5.17.attn.cpb_mlp.0.bias" -> "features/5/17/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/17/attn/cpb_mlp/0/linear/0" -> "features/5/17/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/cpb_mlp/1/relu_/0" -> "features/5/17/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.5.17.attn.cpb_mlp.2.weight" -> "features/5/17/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(16, 512)", out_port_id=0, in_port_id=1]; +"features/5/17/attn/cpb_mlp/2/linear/0" -> "features/5/17/attn/view/0" [dtype=float, shape="(1, 15, 15, 16)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/view/0" -> "features/5/17/attn/__getitem__/0" [dtype=float, shape="(225, 16)", out_port_id=0, in_port_id=0]; +"features.5.17.attn.relative_position_index" -> "features/5/17/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/5/17/attn/__getitem__/0" -> "features/5/17/attn/view/1" [dtype=float, shape="(4096, 16)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/view/1" -> "features/5/17/attn/permute/0" [dtype=float, shape="(64, 64, 16)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/permute/0" -> "features/5/17/attn/contiguous/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/contiguous/0" -> "features/5/17/attn/unsqueeze/0" [dtype=float, shape="(16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/unsqueeze/0" -> "features/5/17/attn/sigmoid/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/sigmoid/0" -> "features/5/17/attn/mul/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/mul/0" -> "features/5/17/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=1]; +"features/5/17/attn/pad/0" -> "features/5/17/attn/view/2" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/view/2" -> "features/5/17/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/permute/1" -> "features/5/17/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/reshape/0" -> "features/5/17/attn/linear/0" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.17.attn.qkv.bias" -> "features/5/17/attn/clone/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/clone/0" -> "features/5/17/attn/numel/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/clone/0" -> "features/5/17/attn/__getitem__/1" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/clone/0" -> "features/5/17/attn/linear/0" [dtype=float, shape="(1536,)", out_port_id=0, in_port_id=2]; +"features/5/17/attn/__getitem__/1" -> "features/5/17/attn/zero_/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=0]; +"features.5.17.attn.qkv.weight" -> "features/5/17/attn/linear/0" [dtype=float, shape="(1536, 512)", out_port_id=0, in_port_id=1]; +"features/5/17/attn/linear/0" -> "features/5/17/attn/reshape/1" [dtype=float, shape="(1, 64, 1536)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/reshape/1" -> "features/5/17/attn/permute/2" [dtype=float, shape="(1, 64, 3, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/permute/2" -> "features/5/17/attn/__getitem__/2" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/permute/2" -> "features/5/17/attn/__getitem__/3" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/permute/2" -> "features/5/17/attn/__getitem__/4" [dtype=float, shape="(3, 1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/__getitem__/2" -> "features/5/17/attn/normalize/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/__getitem__/3" -> "features/5/17/attn/normalize/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/__getitem__/4" -> "features/5/17/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=1]; +"features/5/17/attn/normalize/0" -> "features/5/17/attn/matmul/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/normalize/1" -> "features/5/17/attn/transpose/0" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/transpose/0" -> "features/5/17/attn/matmul/0" [dtype=float, shape="(1, 16, 32, 64)", out_port_id=0, in_port_id=1]; +"features/5/17/attn/matmul/0" -> "features/5/17/attn/mul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features.5.17.attn.logit_scale" -> "features/5/17/attn/clamp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/clamp/0" -> "features/5/17/attn/exp/0" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/exp/0" -> "features/5/17/attn/mul/1" [dtype=float, shape="(16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/17/attn/mul/1" -> "features/5/17/attn/add/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/add/0" -> "features/5/17/attn/softmax/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/softmax/0" -> "features/5/17/attn/dropout/0" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/dropout/0" -> "features/5/17/attn/matmul/1" [dtype=float, shape="(1, 16, 64, 64)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/matmul/1" -> "features/5/17/attn/transpose/1" [dtype=float, shape="(1, 16, 64, 32)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/transpose/1" -> "features/5/17/attn/reshape/2" [dtype=float, shape="(1, 64, 16, 32)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/reshape/2" -> "features/5/17/attn/linear/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features.5.17.attn.proj.weight" -> "features/5/17/attn/linear/1" [dtype=float, shape="(512, 512)", out_port_id=0, in_port_id=1]; +"features.5.17.attn.proj.bias" -> "features/5/17/attn/linear/1" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/17/attn/linear/1" -> "features/5/17/attn/dropout/1" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/dropout/1" -> "features/5/17/attn/view/3" [dtype=float, shape="(1, 64, 512)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/view/3" -> "features/5/17/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/permute/3" -> "features/5/17/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/reshape/3" -> "features/5/17/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 512)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/__getitem__/5" -> "features/5/17/attn/contiguous/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/17/attn/contiguous/1" -> "features/5/17/norm1/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.17.norm1.weight" -> "features/5/17/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.17.norm1.bias" -> "features/5/17/norm1/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/17/norm1/layer_norm/0" -> "features/5/17/add/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/17/add/0" -> "features/5/17/mlp/0/linear/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/17/add/0" -> "features/5/17/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.17.mlp.0.weight" -> "features/5/17/mlp/0/linear/0" [dtype=float, shape="(2048, 512)", out_port_id=0, in_port_id=1]; +"features.5.17.mlp.0.bias" -> "features/5/17/mlp/0/linear/0" [dtype=float, shape="(2048,)", out_port_id=0, in_port_id=2]; +"features/5/17/mlp/0/linear/0" -> "features/5/17/mlp/1/gelu/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/17/mlp/1/gelu/0" -> "features/5/17/mlp/2/dropout/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features/5/17/mlp/2/dropout/0" -> "features/5/17/mlp/3/linear/0" [dtype=float, shape="(1, 4, 4, 2048)", out_port_id=0, in_port_id=0]; +"features.5.17.mlp.3.weight" -> "features/5/17/mlp/3/linear/0" [dtype=float, shape="(512, 2048)", out_port_id=0, in_port_id=1]; +"features.5.17.mlp.3.bias" -> "features/5/17/mlp/3/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/5/17/mlp/3/linear/0" -> "features/5/17/mlp/4/dropout/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/5/17/mlp/4/dropout/0" -> "features/5/17/norm2/layer_norm/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features.5.17.norm2.weight" -> "features/5/17/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.5.17.norm2.bias" -> "features/5/17/norm2/layer_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features/5/17/norm2/layer_norm/0" -> "features/5/17/add/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=1]; +"features/5/17/add/1" -> "features/6/pad/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/6/pad/0" -> "features/6/__getitem__/0" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/6/pad/0" -> "features/6/__getitem__/1" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/6/pad/0" -> "features/6/__getitem__/2" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/6/pad/0" -> "features/6/__getitem__/3" [dtype=float, shape="(1, 4, 4, 512)", out_port_id=0, in_port_id=0]; +"features/6/__getitem__/0" -> "features/6/cat/0" [dtype=float, shape="(1, 2, 2, 512)", out_port_id=0, in_port_id=0]; +"features/6/__getitem__/1" -> "features/6/cat/0" [dtype=float, shape="(1, 2, 2, 512)", out_port_id=0, in_port_id=1]; +"features/6/__getitem__/2" -> "features/6/cat/0" [dtype=float, shape="(1, 2, 2, 512)", out_port_id=0, in_port_id=2]; +"features/6/__getitem__/3" -> "features/6/cat/0" [dtype=float, shape="(1, 2, 2, 512)", out_port_id=0, in_port_id=3]; +"features/6/cat/0" -> "features/6/reduction/linear/0" [dtype=float, shape="(1, 2, 2, 2048)", out_port_id=0, in_port_id=0]; +"features.6.reduction.weight" -> "features/6/reduction/linear/0" [dtype=float, shape="(1024, 2048)", out_port_id=0, in_port_id=1]; +"features/6/reduction/linear/0" -> "features/6/norm/layer_norm/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features.6.norm.weight" -> "features/6/norm/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"features.6.norm.bias" -> "features/6/norm/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"features/6/norm/layer_norm/0" -> "features/7/0/attn/pad/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features/6/norm/layer_norm/0" -> "features/7/0/add/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features.7.0.attn.relative_coords_table" -> "features/7/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.7.0.attn.cpb_mlp.0.weight" -> "features/7/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.7.0.attn.cpb_mlp.0.bias" -> "features/7/0/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/7/0/attn/cpb_mlp/0/linear/0" -> "features/7/0/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/cpb_mlp/1/relu_/0" -> "features/7/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.7.0.attn.cpb_mlp.2.weight" -> "features/7/0/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(32, 512)", out_port_id=0, in_port_id=1]; +"features/7/0/attn/cpb_mlp/2/linear/0" -> "features/7/0/attn/view/0" [dtype=float, shape="(1, 15, 15, 32)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/view/0" -> "features/7/0/attn/__getitem__/0" [dtype=float, shape="(225, 32)", out_port_id=0, in_port_id=0]; +"features.7.0.attn.relative_position_index" -> "features/7/0/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/7/0/attn/__getitem__/0" -> "features/7/0/attn/view/1" [dtype=float, shape="(4096, 32)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/view/1" -> "features/7/0/attn/permute/0" [dtype=float, shape="(64, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/permute/0" -> "features/7/0/attn/contiguous/0" [dtype=float, shape="(32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/contiguous/0" -> "features/7/0/attn/unsqueeze/0" [dtype=float, shape="(32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/unsqueeze/0" -> "features/7/0/attn/sigmoid/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/sigmoid/0" -> "features/7/0/attn/mul/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/mul/0" -> "features/7/0/attn/add/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=1]; +"features/7/0/attn/pad/0" -> "features/7/0/attn/view/2" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/view/2" -> "features/7/0/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/permute/1" -> "features/7/0/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/reshape/0" -> "features/7/0/attn/linear/0" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; +"features.7.0.attn.qkv.bias" -> "features/7/0/attn/clone/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/clone/0" -> "features/7/0/attn/numel/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/clone/0" -> "features/7/0/attn/__getitem__/1" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/clone/0" -> "features/7/0/attn/linear/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=2]; +"features/7/0/attn/__getitem__/1" -> "features/7/0/attn/zero_/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=0]; +"features.7.0.attn.qkv.weight" -> "features/7/0/attn/linear/0" [dtype=float, shape="(3072, 1024)", out_port_id=0, in_port_id=1]; +"features/7/0/attn/linear/0" -> "features/7/0/attn/reshape/1" [dtype=float, shape="(1, 64, 3072)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/reshape/1" -> "features/7/0/attn/permute/2" [dtype=float, shape="(1, 64, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/permute/2" -> "features/7/0/attn/__getitem__/2" [dtype=float, shape="(3, 1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/permute/2" -> "features/7/0/attn/__getitem__/3" [dtype=float, shape="(3, 1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/permute/2" -> "features/7/0/attn/__getitem__/4" [dtype=float, shape="(3, 1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/__getitem__/2" -> "features/7/0/attn/normalize/0" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/__getitem__/3" -> "features/7/0/attn/normalize/1" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/__getitem__/4" -> "features/7/0/attn/matmul/1" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=1]; +"features/7/0/attn/normalize/0" -> "features/7/0/attn/matmul/0" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/normalize/1" -> "features/7/0/attn/transpose/0" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/transpose/0" -> "features/7/0/attn/matmul/0" [dtype=float, shape="(1, 32, 32, 64)", out_port_id=0, in_port_id=1]; +"features/7/0/attn/matmul/0" -> "features/7/0/attn/mul/1" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; +"features.7.0.attn.logit_scale" -> "features/7/0/attn/clamp/0" [dtype=float, shape="(32, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/clamp/0" -> "features/7/0/attn/exp/0" [dtype=float, shape="(32, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/exp/0" -> "features/7/0/attn/mul/1" [dtype=float, shape="(32, 1, 1)", out_port_id=0, in_port_id=1]; +"features/7/0/attn/mul/1" -> "features/7/0/attn/add/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/add/0" -> "features/7/0/attn/softmax/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/softmax/0" -> "features/7/0/attn/dropout/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/dropout/0" -> "features/7/0/attn/matmul/1" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/matmul/1" -> "features/7/0/attn/transpose/1" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/transpose/1" -> "features/7/0/attn/reshape/2" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/reshape/2" -> "features/7/0/attn/linear/1" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; +"features.7.0.attn.proj.weight" -> "features/7/0/attn/linear/1" [dtype=float, shape="(1024, 1024)", out_port_id=0, in_port_id=1]; +"features.7.0.attn.proj.bias" -> "features/7/0/attn/linear/1" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"features/7/0/attn/linear/1" -> "features/7/0/attn/dropout/1" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/dropout/1" -> "features/7/0/attn/view/3" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/view/3" -> "features/7/0/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/permute/3" -> "features/7/0/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/reshape/3" -> "features/7/0/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/__getitem__/5" -> "features/7/0/attn/contiguous/1" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features/7/0/attn/contiguous/1" -> "features/7/0/norm1/layer_norm/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features.7.0.norm1.weight" -> "features/7/0/norm1/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"features.7.0.norm1.bias" -> "features/7/0/norm1/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"features/7/0/norm1/layer_norm/0" -> "features/7/0/add/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=1]; +"features/7/0/add/0" -> "features/7/0/mlp/0/linear/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features/7/0/add/0" -> "features/7/0/add/1" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features.7.0.mlp.0.weight" -> "features/7/0/mlp/0/linear/0" [dtype=float, shape="(4096, 1024)", out_port_id=0, in_port_id=1]; +"features.7.0.mlp.0.bias" -> "features/7/0/mlp/0/linear/0" [dtype=float, shape="(4096,)", out_port_id=0, in_port_id=2]; +"features/7/0/mlp/0/linear/0" -> "features/7/0/mlp/1/gelu/0" [dtype=float, shape="(1, 2, 2, 4096)", out_port_id=0, in_port_id=0]; +"features/7/0/mlp/1/gelu/0" -> "features/7/0/mlp/2/dropout/0" [dtype=float, shape="(1, 2, 2, 4096)", out_port_id=0, in_port_id=0]; +"features/7/0/mlp/2/dropout/0" -> "features/7/0/mlp/3/linear/0" [dtype=float, shape="(1, 2, 2, 4096)", out_port_id=0, in_port_id=0]; +"features.7.0.mlp.3.weight" -> "features/7/0/mlp/3/linear/0" [dtype=float, shape="(1024, 4096)", out_port_id=0, in_port_id=1]; +"features.7.0.mlp.3.bias" -> "features/7/0/mlp/3/linear/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"features/7/0/mlp/3/linear/0" -> "features/7/0/mlp/4/dropout/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features/7/0/mlp/4/dropout/0" -> "features/7/0/norm2/layer_norm/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features.7.0.norm2.weight" -> "features/7/0/norm2/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"features.7.0.norm2.bias" -> "features/7/0/norm2/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"features/7/0/norm2/layer_norm/0" -> "features/7/0/add/1" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=1]; +"features/7/0/add/1" -> "features/7/1/attn/pad/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features/7/0/add/1" -> "features/7/1/add/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features.7.1.attn.relative_coords_table" -> "features/7/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(1, 15, 15, 2)", out_port_id=0, in_port_id=0]; +"features.7.1.attn.cpb_mlp.0.weight" -> "features/7/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512, 2)", out_port_id=0, in_port_id=1]; +"features.7.1.attn.cpb_mlp.0.bias" -> "features/7/1/attn/cpb_mlp/0/linear/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/7/1/attn/cpb_mlp/0/linear/0" -> "features/7/1/attn/cpb_mlp/1/relu_/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/cpb_mlp/1/relu_/0" -> "features/7/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(1, 15, 15, 512)", out_port_id=0, in_port_id=0]; +"features.7.1.attn.cpb_mlp.2.weight" -> "features/7/1/attn/cpb_mlp/2/linear/0" [dtype=float, shape="(32, 512)", out_port_id=0, in_port_id=1]; +"features/7/1/attn/cpb_mlp/2/linear/0" -> "features/7/1/attn/view/0" [dtype=float, shape="(1, 15, 15, 32)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/view/0" -> "features/7/1/attn/__getitem__/0" [dtype=float, shape="(225, 32)", out_port_id=0, in_port_id=0]; +"features.7.1.attn.relative_position_index" -> "features/7/1/attn/__getitem__/0" [dtype=int, shape="(4096,)", out_port_id=0, in_port_id=1]; +"features/7/1/attn/__getitem__/0" -> "features/7/1/attn/view/1" [dtype=float, shape="(4096, 32)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/view/1" -> "features/7/1/attn/permute/0" [dtype=float, shape="(64, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/permute/0" -> "features/7/1/attn/contiguous/0" [dtype=float, shape="(32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/contiguous/0" -> "features/7/1/attn/unsqueeze/0" [dtype=float, shape="(32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/unsqueeze/0" -> "features/7/1/attn/sigmoid/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/sigmoid/0" -> "features/7/1/attn/mul/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/mul/0" -> "features/7/1/attn/add/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=1]; +"features/7/1/attn/pad/0" -> "features/7/1/attn/view/2" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/view/2" -> "features/7/1/attn/permute/1" [dtype=float, shape="(1, 1, 8, 1, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/permute/1" -> "features/7/1/attn/reshape/0" [dtype=float, shape="(1, 1, 1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/reshape/0" -> "features/7/1/attn/linear/0" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; +"features.7.1.attn.qkv.bias" -> "features/7/1/attn/clone/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/clone/0" -> "features/7/1/attn/numel/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/clone/0" -> "features/7/1/attn/__getitem__/1" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/clone/0" -> "features/7/1/attn/linear/0" [dtype=float, shape="(3072,)", out_port_id=0, in_port_id=2]; +"features/7/1/attn/__getitem__/1" -> "features/7/1/attn/zero_/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=0]; +"features.7.1.attn.qkv.weight" -> "features/7/1/attn/linear/0" [dtype=float, shape="(3072, 1024)", out_port_id=0, in_port_id=1]; +"features/7/1/attn/linear/0" -> "features/7/1/attn/reshape/1" [dtype=float, shape="(1, 64, 3072)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/reshape/1" -> "features/7/1/attn/permute/2" [dtype=float, shape="(1, 64, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/permute/2" -> "features/7/1/attn/__getitem__/2" [dtype=float, shape="(3, 1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/permute/2" -> "features/7/1/attn/__getitem__/3" [dtype=float, shape="(3, 1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/permute/2" -> "features/7/1/attn/__getitem__/4" [dtype=float, shape="(3, 1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/__getitem__/2" -> "features/7/1/attn/normalize/0" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/__getitem__/3" -> "features/7/1/attn/normalize/1" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/__getitem__/4" -> "features/7/1/attn/matmul/1" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=1]; +"features/7/1/attn/normalize/0" -> "features/7/1/attn/matmul/0" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/normalize/1" -> "features/7/1/attn/transpose/0" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/transpose/0" -> "features/7/1/attn/matmul/0" [dtype=float, shape="(1, 32, 32, 64)", out_port_id=0, in_port_id=1]; +"features/7/1/attn/matmul/0" -> "features/7/1/attn/mul/1" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; +"features.7.1.attn.logit_scale" -> "features/7/1/attn/clamp/0" [dtype=float, shape="(32, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/clamp/0" -> "features/7/1/attn/exp/0" [dtype=float, shape="(32, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/exp/0" -> "features/7/1/attn/mul/1" [dtype=float, shape="(32, 1, 1)", out_port_id=0, in_port_id=1]; +"features/7/1/attn/mul/1" -> "features/7/1/attn/add/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/add/0" -> "features/7/1/attn/softmax/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/softmax/0" -> "features/7/1/attn/dropout/0" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/dropout/0" -> "features/7/1/attn/matmul/1" [dtype=float, shape="(1, 32, 64, 64)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/matmul/1" -> "features/7/1/attn/transpose/1" [dtype=float, shape="(1, 32, 64, 32)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/transpose/1" -> "features/7/1/attn/reshape/2" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/reshape/2" -> "features/7/1/attn/linear/1" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; +"features.7.1.attn.proj.weight" -> "features/7/1/attn/linear/1" [dtype=float, shape="(1024, 1024)", out_port_id=0, in_port_id=1]; +"features.7.1.attn.proj.bias" -> "features/7/1/attn/linear/1" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"features/7/1/attn/linear/1" -> "features/7/1/attn/dropout/1" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/dropout/1" -> "features/7/1/attn/view/3" [dtype=float, shape="(1, 64, 1024)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/view/3" -> "features/7/1/attn/permute/3" [dtype=float, shape="(1, 1, 1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/permute/3" -> "features/7/1/attn/reshape/3" [dtype=float, shape="(1, 1, 8, 1, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/reshape/3" -> "features/7/1/attn/__getitem__/5" [dtype=float, shape="(1, 8, 8, 1024)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/__getitem__/5" -> "features/7/1/attn/contiguous/1" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features/7/1/attn/contiguous/1" -> "features/7/1/norm1/layer_norm/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features.7.1.norm1.weight" -> "features/7/1/norm1/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"features.7.1.norm1.bias" -> "features/7/1/norm1/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"features/7/1/norm1/layer_norm/0" -> "features/7/1/add/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=1]; +"features/7/1/add/0" -> "features/7/1/mlp/0/linear/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features/7/1/add/0" -> "features/7/1/add/1" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features.7.1.mlp.0.weight" -> "features/7/1/mlp/0/linear/0" [dtype=float, shape="(4096, 1024)", out_port_id=0, in_port_id=1]; +"features.7.1.mlp.0.bias" -> "features/7/1/mlp/0/linear/0" [dtype=float, shape="(4096,)", out_port_id=0, in_port_id=2]; +"features/7/1/mlp/0/linear/0" -> "features/7/1/mlp/1/gelu/0" [dtype=float, shape="(1, 2, 2, 4096)", out_port_id=0, in_port_id=0]; +"features/7/1/mlp/1/gelu/0" -> "features/7/1/mlp/2/dropout/0" [dtype=float, shape="(1, 2, 2, 4096)", out_port_id=0, in_port_id=0]; +"features/7/1/mlp/2/dropout/0" -> "features/7/1/mlp/3/linear/0" [dtype=float, shape="(1, 2, 2, 4096)", out_port_id=0, in_port_id=0]; +"features.7.1.mlp.3.weight" -> "features/7/1/mlp/3/linear/0" [dtype=float, shape="(1024, 4096)", out_port_id=0, in_port_id=1]; +"features.7.1.mlp.3.bias" -> "features/7/1/mlp/3/linear/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"features/7/1/mlp/3/linear/0" -> "features/7/1/mlp/4/dropout/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features/7/1/mlp/4/dropout/0" -> "features/7/1/norm2/layer_norm/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"features.7.1.norm2.weight" -> "features/7/1/norm2/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"features.7.1.norm2.bias" -> "features/7/1/norm2/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"features/7/1/norm2/layer_norm/0" -> "features/7/1/add/1" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=1]; +"features/7/1/add/1" -> "norm/layer_norm/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"norm.weight" -> "norm/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"norm.bias" -> "norm/layer_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"norm/layer_norm/0" -> "permute/permute/0" [dtype=float, shape="(1, 2, 2, 1024)", out_port_id=0, in_port_id=0]; +"permute/permute/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1024, 2, 2)", out_port_id=0, in_port_id=0]; +"avgpool/adaptive_avg_pool2d/0" -> "flatten/flatten/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; +"flatten/flatten/0" -> "head/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"head.weight" -> "head/linear/0" [dtype=float, shape="(1000, 1024)", out_port_id=0, in_port_id=1]; +"head.bias" -> "head/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"head/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_vgg16.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_vgg16.dot index 004ba373010..a1b30374795 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_vgg16.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_vgg16.dot @@ -1,149 +1,149 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"features.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.bias" [id=2, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/conv2d/0" [id=3, metatype=PTConv2dMetatype, type=conv2d]; -"features/1/relu_/0" [id=4, metatype=PTRELUMetatype, type=relu_]; -"features.2.weight" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.bias" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; -"features/3/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; -"features/4/max_pool2d/0" [id=9, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.5.weight" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.bias" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv2d/0" [id=12, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/relu_/0" [id=13, metatype=PTRELUMetatype, type=relu_]; -"features.7.weight" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.bias" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv2d/0" [id=16, metatype=PTConv2dMetatype, type=conv2d]; -"features/8/relu_/0" [id=17, metatype=PTRELUMetatype, type=relu_]; -"features/9/max_pool2d/0" [id=18, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.10.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv2d/0" [id=21, metatype=PTConv2dMetatype, type=conv2d]; -"features/11/relu_/0" [id=22, metatype=PTRELUMetatype, type=relu_]; -"features.12.weight" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.bias" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv2d/0" [id=25, metatype=PTConv2dMetatype, type=conv2d]; -"features/13/relu_/0" [id=26, metatype=PTRELUMetatype, type=relu_]; -"features.14.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.bias" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv2d/0" [id=29, metatype=PTConv2dMetatype, type=conv2d]; -"features/15/relu_/0" [id=30, metatype=PTRELUMetatype, type=relu_]; -"features/16/max_pool2d/0" [id=31, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.17.weight" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.bias" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv2d/0" [id=34, metatype=PTConv2dMetatype, type=conv2d]; -"features/18/relu_/0" [id=35, metatype=PTRELUMetatype, type=relu_]; -"features.19.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.19.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/19/conv2d/0" [id=38, metatype=PTConv2dMetatype, type=conv2d]; -"features/20/relu_/0" [id=39, metatype=PTRELUMetatype, type=relu_]; -"features.21.weight" [id=40, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.21.bias" [id=41, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/21/conv2d/0" [id=42, metatype=PTConv2dMetatype, type=conv2d]; -"features/22/relu_/0" [id=43, metatype=PTRELUMetatype, type=relu_]; -"features/23/max_pool2d/0" [id=44, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.24.weight" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.24.bias" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/24/conv2d/0" [id=47, metatype=PTConv2dMetatype, type=conv2d]; -"features/25/relu_/0" [id=48, metatype=PTRELUMetatype, type=relu_]; -"features.26.weight" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.26.bias" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/26/conv2d/0" [id=51, metatype=PTConv2dMetatype, type=conv2d]; -"features/27/relu_/0" [id=52, metatype=PTRELUMetatype, type=relu_]; -"features.28.weight" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.28.bias" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/28/conv2d/0" [id=55, metatype=PTConv2dMetatype, type=conv2d]; -"features/29/relu_/0" [id=56, metatype=PTRELUMetatype, type=relu_]; -"features/30/max_pool2d/0" [id=57, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"avgpool/adaptive_avg_pool2d/0" [id=58, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"/flatten/0" [id=59, metatype=PTReshapeMetatype, type=flatten]; -"classifier.0.weight" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.0.bias" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/0/linear/0" [id=62, metatype=PTLinearMetatype, type=linear]; -"classifier/1/relu_/0" [id=63, metatype=PTRELUMetatype, type=relu_]; -"classifier/2/dropout/0" [id=64, metatype=PTDropoutMetatype, type=dropout]; -"classifier.3.weight" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.3.bias" [id=66, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/3/linear/0" [id=67, metatype=PTLinearMetatype, type=linear]; -"classifier/4/relu_/0" [id=68, metatype=PTRELUMetatype, type=relu_]; -"classifier/5/dropout/0" [id=69, metatype=PTDropoutMetatype, type=dropout]; -"classifier.6.weight" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.6.bias" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/6/linear/0" [id=72, metatype=PTLinearMetatype, type=linear]; -output [id=73, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "features/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"features.0.weight" -> "features/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 3, 3)"]; -"features.0.bias" -> "features/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features/1/relu_/0" -> "features/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features.2.weight" -> "features/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"features.2.bias" -> "features/2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features/2/conv2d/0" -> "features/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features/3/relu_/0" -> "features/4/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features/4/max_pool2d/0" -> "features/5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"features.5.weight" -> "features/5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 3, 3)"]; -"features.5.bias" -> "features/5/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features/5/conv2d/0" -> "features/6/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/6/relu_/0" -> "features/7/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.7.weight" -> "features/7/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; -"features.7.bias" -> "features/7/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features/7/conv2d/0" -> "features/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/8/relu_/0" -> "features/9/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/9/max_pool2d/0" -> "features/10/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.10.weight" -> "features/10/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 3, 3)"]; -"features.10.bias" -> "features/10/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features/10/conv2d/0" -> "features/11/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features/11/relu_/0" -> "features/12/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features.12.weight" -> "features/12/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; -"features.12.bias" -> "features/12/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features/12/conv2d/0" -> "features/13/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features/13/relu_/0" -> "features/14/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features.14.weight" -> "features/14/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; -"features.14.bias" -> "features/14/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features/14/conv2d/0" -> "features/15/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features/15/relu_/0" -> "features/16/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features/16/max_pool2d/0" -> "features/17/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features.17.weight" -> "features/17/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 3, 3)"]; -"features.17.bias" -> "features/17/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/17/conv2d/0" -> "features/18/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features/18/relu_/0" -> "features/19/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features.19.weight" -> "features/19/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features.19.bias" -> "features/19/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/19/conv2d/0" -> "features/20/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features/20/relu_/0" -> "features/21/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features.21.weight" -> "features/21/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features.21.bias" -> "features/21/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/21/conv2d/0" -> "features/22/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features/22/relu_/0" -> "features/23/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features/23/max_pool2d/0" -> "features/24/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features.24.weight" -> "features/24/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features.24.bias" -> "features/24/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/24/conv2d/0" -> "features/25/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/25/relu_/0" -> "features/26/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features.26.weight" -> "features/26/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features.26.bias" -> "features/26/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/26/conv2d/0" -> "features/27/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/27/relu_/0" -> "features/28/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features.28.weight" -> "features/28/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features.28.bias" -> "features/28/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features/28/conv2d/0" -> "features/29/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/29/relu_/0" -> "features/30/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/30/max_pool2d/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; -"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 7, 7)"]; -"/flatten/0" -> "classifier/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 25088)"]; -"classifier.0.weight" -> "classifier/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4096, 25088)"]; -"classifier.0.bias" -> "classifier/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(4096,)"]; -"classifier/0/linear/0" -> "classifier/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; -"classifier/1/relu_/0" -> "classifier/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; -"classifier/2/dropout/0" -> "classifier/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; -"classifier.3.weight" -> "classifier/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4096, 4096)"]; -"classifier.3.bias" -> "classifier/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(4096,)"]; -"classifier/3/linear/0" -> "classifier/4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; -"classifier/4/relu_/0" -> "classifier/5/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; -"classifier/5/dropout/0" -> "classifier/6/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; -"classifier.6.weight" -> "classifier/6/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 4096)"]; -"classifier.6.bias" -> "classifier/6/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"classifier/6/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"features.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.bias" [id=2, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/conv2d/0" [id=3, type=conv2d, metatype=PTConv2dMetatype]; +"features/1/relu_/0" [id=4, type="relu_", metatype=PTRELUMetatype]; +"features.2.weight" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.bias" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; +"features/3/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; +"features/4/max_pool2d/0" [id=9, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.5.weight" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.bias" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv2d/0" [id=12, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/relu_/0" [id=13, type="relu_", metatype=PTRELUMetatype]; +"features.7.weight" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.bias" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv2d/0" [id=16, type=conv2d, metatype=PTConv2dMetatype]; +"features/8/relu_/0" [id=17, type="relu_", metatype=PTRELUMetatype]; +"features/9/max_pool2d/0" [id=18, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.10.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv2d/0" [id=21, type=conv2d, metatype=PTConv2dMetatype]; +"features/11/relu_/0" [id=22, type="relu_", metatype=PTRELUMetatype]; +"features.12.weight" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.bias" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv2d/0" [id=25, type=conv2d, metatype=PTConv2dMetatype]; +"features/13/relu_/0" [id=26, type="relu_", metatype=PTRELUMetatype]; +"features.14.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.bias" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv2d/0" [id=29, type=conv2d, metatype=PTConv2dMetatype]; +"features/15/relu_/0" [id=30, type="relu_", metatype=PTRELUMetatype]; +"features/16/max_pool2d/0" [id=31, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.17.weight" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.bias" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv2d/0" [id=34, type=conv2d, metatype=PTConv2dMetatype]; +"features/18/relu_/0" [id=35, type="relu_", metatype=PTRELUMetatype]; +"features.19.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.19.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/19/conv2d/0" [id=38, type=conv2d, metatype=PTConv2dMetatype]; +"features/20/relu_/0" [id=39, type="relu_", metatype=PTRELUMetatype]; +"features.21.weight" [id=40, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.21.bias" [id=41, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/21/conv2d/0" [id=42, type=conv2d, metatype=PTConv2dMetatype]; +"features/22/relu_/0" [id=43, type="relu_", metatype=PTRELUMetatype]; +"features/23/max_pool2d/0" [id=44, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.24.weight" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.24.bias" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/24/conv2d/0" [id=47, type=conv2d, metatype=PTConv2dMetatype]; +"features/25/relu_/0" [id=48, type="relu_", metatype=PTRELUMetatype]; +"features.26.weight" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.26.bias" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/26/conv2d/0" [id=51, type=conv2d, metatype=PTConv2dMetatype]; +"features/27/relu_/0" [id=52, type="relu_", metatype=PTRELUMetatype]; +"features.28.weight" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.28.bias" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/28/conv2d/0" [id=55, type=conv2d, metatype=PTConv2dMetatype]; +"features/29/relu_/0" [id=56, type="relu_", metatype=PTRELUMetatype]; +"features/30/max_pool2d/0" [id=57, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"avgpool/adaptive_avg_pool2d/0" [id=58, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"/flatten/0" [id=59, type=flatten, metatype=PTReshapeMetatype]; +"classifier.0.weight" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.0.bias" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/0/linear/0" [id=62, type=linear, metatype=PTLinearMetatype]; +"classifier/1/relu_/0" [id=63, type="relu_", metatype=PTRELUMetatype]; +"classifier/2/dropout/0" [id=64, type=dropout, metatype=PTDropoutMetatype]; +"classifier.3.weight" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.3.bias" [id=66, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/3/linear/0" [id=67, type=linear, metatype=PTLinearMetatype]; +"classifier/4/relu_/0" [id=68, type="relu_", metatype=PTRELUMetatype]; +"classifier/5/dropout/0" [id=69, type=dropout, metatype=PTDropoutMetatype]; +"classifier.6.weight" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.6.bias" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/6/linear/0" [id=72, type=linear, metatype=PTLinearMetatype]; +output [id=73, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "features/0/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"features.0.weight" -> "features/0/conv2d/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"features.0.bias" -> "features/0/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features/1/relu_/0" -> "features/2/conv2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features.2.weight" -> "features/2/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"features.2.bias" -> "features/2/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features/2/conv2d/0" -> "features/3/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features/3/relu_/0" -> "features/4/max_pool2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features/4/max_pool2d/0" -> "features/5/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"features.5.weight" -> "features/5/conv2d/0" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"features.5.bias" -> "features/5/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features/5/conv2d/0" -> "features/6/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/6/relu_/0" -> "features/7/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.7.weight" -> "features/7/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features.7.bias" -> "features/7/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features/7/conv2d/0" -> "features/8/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/8/relu_/0" -> "features/9/max_pool2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/9/max_pool2d/0" -> "features/10/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.10.weight" -> "features/10/conv2d/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features.10.bias" -> "features/10/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features/10/conv2d/0" -> "features/11/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features/11/relu_/0" -> "features/12/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features.12.weight" -> "features/12/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"features.12.bias" -> "features/12/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features/12/conv2d/0" -> "features/13/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features/13/relu_/0" -> "features/14/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features.14.weight" -> "features/14/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"features.14.bias" -> "features/14/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features/14/conv2d/0" -> "features/15/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features/15/relu_/0" -> "features/16/max_pool2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features/16/max_pool2d/0" -> "features/17/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features.17.weight" -> "features/17/conv2d/0" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"features.17.bias" -> "features/17/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/17/conv2d/0" -> "features/18/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features/18/relu_/0" -> "features/19/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features.19.weight" -> "features/19/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"features.19.bias" -> "features/19/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/19/conv2d/0" -> "features/20/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features/20/relu_/0" -> "features/21/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features.21.weight" -> "features/21/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"features.21.bias" -> "features/21/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/21/conv2d/0" -> "features/22/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features/22/relu_/0" -> "features/23/max_pool2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features/23/max_pool2d/0" -> "features/24/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features.24.weight" -> "features/24/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"features.24.bias" -> "features/24/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/24/conv2d/0" -> "features/25/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/25/relu_/0" -> "features/26/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features.26.weight" -> "features/26/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"features.26.bias" -> "features/26/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/26/conv2d/0" -> "features/27/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/27/relu_/0" -> "features/28/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features.28.weight" -> "features/28/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"features.28.bias" -> "features/28/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features/28/conv2d/0" -> "features/29/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/29/relu_/0" -> "features/30/max_pool2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/30/max_pool2d/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"avgpool/adaptive_avg_pool2d/0" -> "/flatten/0" [dtype=float, shape="(1, 512, 7, 7)", out_port_id=0, in_port_id=0]; +"/flatten/0" -> "classifier/0/linear/0" [dtype=float, shape="(1, 25088)", out_port_id=0, in_port_id=0]; +"classifier.0.weight" -> "classifier/0/linear/0" [dtype=float, shape="(4096, 25088)", out_port_id=0, in_port_id=1]; +"classifier.0.bias" -> "classifier/0/linear/0" [dtype=float, shape="(4096,)", out_port_id=0, in_port_id=2]; +"classifier/0/linear/0" -> "classifier/1/relu_/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; +"classifier/1/relu_/0" -> "classifier/2/dropout/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; +"classifier/2/dropout/0" -> "classifier/3/linear/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; +"classifier.3.weight" -> "classifier/3/linear/0" [dtype=float, shape="(4096, 4096)", out_port_id=0, in_port_id=1]; +"classifier.3.bias" -> "classifier/3/linear/0" [dtype=float, shape="(4096,)", out_port_id=0, in_port_id=2]; +"classifier/3/linear/0" -> "classifier/4/relu_/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; +"classifier/4/relu_/0" -> "classifier/5/dropout/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; +"classifier/5/dropout/0" -> "classifier/6/linear/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; +"classifier.6.weight" -> "classifier/6/linear/0" [dtype=float, shape="(1000, 4096)", out_port_id=0, in_port_id=1]; +"classifier.6.bias" -> "classifier/6/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"classifier/6/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/function_hook/nncf_graph/model_graph_with_shared_parameters.dot b/tests/torch2/data/function_hook/nncf_graph/model_graph_with_shared_parameters.dot index 58bae24383b..345c11a56f0 100644 --- a/tests/torch2/data/function_hook/nncf_graph/model_graph_with_shared_parameters.dot +++ b/tests/torch2/data/function_hook/nncf_graph/model_graph_with_shared_parameters.dot @@ -1,17 +1,17 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"module1.0.weight" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"module1/0/post_hook__module1:0:weight__0[0]/add/0" [id=2, metatype=PTAddMetatype, type=add]; -"module1/0/linear/0" [id=3, metatype=PTLinearMetatype, type=linear]; -"module2/0/linear/0" [id=4, metatype=PTLinearMetatype, type=linear]; -"/add/0" [id=5, metatype=PTAddMetatype, type=add]; -output [id=6, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "module1/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3)"]; -x -> "module2/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3)"]; -"module1.0.weight" -> "module1/0/post_hook__module1:0:weight__0[0]/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3)"]; -"module1/0/post_hook__module1:0:weight__0[0]/add/0" -> "module1/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 3)"]; -"module1/0/post_hook__module1:0:weight__0[0]/add/0" -> "module2/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 3)"]; -"module1/0/linear/0" -> "/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1)"]; -"module2/0/linear/0" -> "/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1)"]; -"/add/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"module1.0.weight" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"module1/0/post_hook__module1:0:weight__0[0]/add/0" [id=2, type=add, metatype=PTAddMetatype]; +"module1/0/linear/0" [id=3, type=linear, metatype=PTLinearMetatype]; +"module2/0/linear/0" [id=4, type=linear, metatype=PTLinearMetatype]; +"/add/0" [id=5, type=add, metatype=PTAddMetatype]; +output [id=6, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "module1/0/linear/0" [dtype=float, shape="(1, 3)", out_port_id=0, in_port_id=0]; +x -> "module2/0/linear/0" [dtype=float, shape="(1, 3)", out_port_id=0, in_port_id=0]; +"module1.0.weight" -> "module1/0/post_hook__module1:0:weight__0[0]/add/0" [dtype=float, shape="(1, 3)", out_port_id=0, in_port_id=0]; +"module1/0/post_hook__module1:0:weight__0[0]/add/0" -> "module1/0/linear/0" [dtype=float, shape="(1, 3)", out_port_id=0, in_port_id=1]; +"module1/0/post_hook__module1:0:weight__0[0]/add/0" -> "module2/0/linear/0" [dtype=float, shape="(1, 3)", out_port_id=0, in_port_id=1]; +"module1/0/linear/0" -> "/add/0" [dtype=float, shape="(1, 1)", out_port_id=0, in_port_id=0]; +"module2/0/linear/0" -> "/add/0" [dtype=float, shape="(1, 1)", out_port_id=0, in_port_id=1]; +"/add/0" -> output [dtype=float, shape="(1, 1)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/alexnet.dot b/tests/torch2/data/quantization/test_quantized_graphs/alexnet.dot index 3a0e61a925d..7a86c2a7ecc 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/alexnet.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/alexnet.dot @@ -1,143 +1,143 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/0/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; -"features/1/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [id=10, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/2/max_pool2d/0" [id=11, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.3.weight" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.bias" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [id=15, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/3/conv2d/0" [id=16, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/relu_/0" [id=17, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/4/relu_/0__0.0._scale_param_storage" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" [id=19, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/5/max_pool2d/0" [id=20, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.6.weight" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.bias" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/6/conv2d/0__1.0._scale_param_storage" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" [id=24, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/conv2d/0" [id=25, metatype=PTConv2dMetatype, type=conv2d]; -"features/7/relu_/0" [id=26, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/7/relu_/0__0.0._scale_param_storage" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" [id=28, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.8.weight" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.bias" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/8/conv2d/0__1.0._scale_param_storage" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" [id=32, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/8/conv2d/0" [id=33, metatype=PTConv2dMetatype, type=conv2d]; -"features/9/relu_/0" [id=34, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [id=36, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.10.weight" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.bias" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [id=40, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/conv2d/0" [id=41, metatype=PTConv2dMetatype, type=conv2d]; -"features/11/relu_/0" [id=42, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/11/relu_/0__0.0._scale_param_storage" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" [id=44, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/12/max_pool2d/0" [id=45, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"/view/0" [id=46, metatype=PTReshapeMetatype, type=view]; -"classifier/0/dropout/0" [id=47, metatype=PTDropoutMetatype, type=dropout]; -"classifier.1.weight" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.1.bias" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [id=51, metatype=UnknownMetatype, type=symmetric_quantize]; -"classifier/1/linear/0" [id=52, metatype=PTLinearMetatype, type=linear]; -"classifier/2/relu_/0" [id=53, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [id=55, metatype=UnknownMetatype, type=symmetric_quantize]; -"classifier/3/dropout/0" [id=56, metatype=PTDropoutMetatype, type=dropout]; -"classifier.4.weight" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.4.bias" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.classifier/4/linear/0__1.0._scale_param_storage" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" [id=60, metatype=UnknownMetatype, type=symmetric_quantize]; -"classifier/4/linear/0" [id=61, metatype=PTLinearMetatype, type=linear]; -"classifier/5/relu_/0" [id=62, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.classifier/5/relu_/0__0.0._scale_param_storage" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" [id=64, metatype=UnknownMetatype, type=symmetric_quantize]; -"classifier.6.weight" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.6.bias" [id=66, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.classifier/6/linear/0__1.0._scale_param_storage" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" [id=68, metatype=UnknownMetatype, type=symmetric_quantize]; -"classifier/6/linear/0" [id=69, metatype=PTLinearMetatype, type=linear]; -output [id=70, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"features.0.weight" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 3, 3, 3)"]; -"features.0.bias" -> "features/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 3, 3)"]; -"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"features/1/relu_/0" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"features/2/max_pool2d/0" -> "features/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 8, 8)"]; -"features.3.weight" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 64, 3, 3)"]; -"features.3.bias" -> "features/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 64, 3, 3)"]; -"features/3/conv2d/0" -> "features/4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/4/relu_/0" -> "features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"__nncf_hooks.post_hooks.features/4/relu_/0__0.0._scale_param_storage" -> "features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" -> "features/5/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"features/5/max_pool2d/0" -> "features/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features.6.weight" -> "features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 192, 3, 3)"]; -"features.6.bias" -> "features/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"__nncf_hooks.pre_hooks.features/6/conv2d/0__1.0._scale_param_storage" -> "features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 192, 3, 3)"]; -"features/6/conv2d/0" -> "features/7/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features/7/relu_/0" -> "features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"__nncf_hooks.post_hooks.features/7/relu_/0__0.0._scale_param_storage" -> "features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" -> "features/8/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 4, 4)"]; -"features.8.weight" -> "features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 384, 3, 3)"]; -"features.8.bias" -> "features/8/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.features/8/conv2d/0__1.0._scale_param_storage" -> "features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 384, 3, 3)"]; -"features/8/conv2d/0" -> "features/9/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/9/relu_/0" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features.10.weight" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; -"features.10.bias" -> "features/10/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; -"features/10/conv2d/0" -> "features/11/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/11/relu_/0" -> "features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"__nncf_hooks.post_hooks.features/11/relu_/0__0.0._scale_param_storage" -> "features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features/12/max_pool2d/0" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 2, 2)"]; -"/view/0" -> "classifier/0/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"classifier.1.weight" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 1024)"]; -"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(4096,)"]; -"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(4096, 1)"]; -"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" -> "classifier/1/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4096, 1024)"]; -"classifier/1/linear/0" -> "classifier/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; -"classifier/2/relu_/0" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; -"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" -> "classifier/3/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; -"classifier/3/dropout/0" -> "classifier/4/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; -"classifier.4.weight" -> "classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(4096, 4096)"]; -"classifier.4.bias" -> "classifier/4/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(4096,)"]; -"__nncf_hooks.pre_hooks.classifier/4/linear/0__1.0._scale_param_storage" -> "classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(4096, 1)"]; -"classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" -> "classifier/4/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(4096, 4096)"]; -"classifier/4/linear/0" -> "classifier/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; -"classifier/5/relu_/0" -> "classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; -"__nncf_hooks.post_hooks.classifier/5/relu_/0__0.0._scale_param_storage" -> "classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" -> "classifier/6/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 4096)"]; -"classifier.6.weight" -> "classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 4096)"]; -"classifier.6.bias" -> "classifier/6/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; -"__nncf_hooks.pre_hooks.classifier/6/linear/0__1.0._scale_param_storage" -> "classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(10, 1)"]; -"classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" -> "classifier/6/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 4096)"]; -"classifier/6/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/0/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; +"features/1/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [id=10, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/2/max_pool2d/0" [id=11, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.3.weight" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.bias" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [id=15, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/3/conv2d/0" [id=16, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/relu_/0" [id=17, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/4/relu_/0__0.0._scale_param_storage" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" [id=19, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/5/max_pool2d/0" [id=20, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.6.weight" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.bias" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/6/conv2d/0__1.0._scale_param_storage" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" [id=24, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/conv2d/0" [id=25, type=conv2d, metatype=PTConv2dMetatype]; +"features/7/relu_/0" [id=26, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/7/relu_/0__0.0._scale_param_storage" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" [id=28, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.8.weight" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.bias" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/8/conv2d/0__1.0._scale_param_storage" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" [id=32, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/8/conv2d/0" [id=33, type=conv2d, metatype=PTConv2dMetatype]; +"features/9/relu_/0" [id=34, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [id=36, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.10.weight" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.bias" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [id=40, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/conv2d/0" [id=41, type=conv2d, metatype=PTConv2dMetatype]; +"features/11/relu_/0" [id=42, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/11/relu_/0__0.0._scale_param_storage" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" [id=44, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/12/max_pool2d/0" [id=45, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"/view/0" [id=46, type=view, metatype=PTReshapeMetatype]; +"classifier/0/dropout/0" [id=47, type=dropout, metatype=PTDropoutMetatype]; +"classifier.1.weight" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.1.bias" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [id=51, type="symmetric_quantize", metatype=UnknownMetatype]; +"classifier/1/linear/0" [id=52, type=linear, metatype=PTLinearMetatype]; +"classifier/2/relu_/0" [id=53, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [id=55, type="symmetric_quantize", metatype=UnknownMetatype]; +"classifier/3/dropout/0" [id=56, type=dropout, metatype=PTDropoutMetatype]; +"classifier.4.weight" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.4.bias" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.classifier/4/linear/0__1.0._scale_param_storage" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" [id=60, type="symmetric_quantize", metatype=UnknownMetatype]; +"classifier/4/linear/0" [id=61, type=linear, metatype=PTLinearMetatype]; +"classifier/5/relu_/0" [id=62, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.classifier/5/relu_/0__0.0._scale_param_storage" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" [id=64, type="symmetric_quantize", metatype=UnknownMetatype]; +"classifier.6.weight" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.6.bias" [id=66, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.classifier/6/linear/0__1.0._scale_param_storage" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" [id=68, type="symmetric_quantize", metatype=UnknownMetatype]; +"classifier/6/linear/0" [id=69, type=linear, metatype=PTLinearMetatype]; +output [id=70, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"features.0.weight" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=0]; +"features.0.bias" -> "features/0/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"features/1/relu_/0" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/max_pool2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"features/2/max_pool2d/0" -> "features/3/conv2d/0" [dtype=float, shape="(1, 64, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.weight" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"features.3.bias" -> "features/3/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv2d/0" [dtype=float, shape="(192, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"features/3/conv2d/0" -> "features/4/relu_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/4/relu_/0" -> "features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/4/relu_/0__0.0._scale_param_storage" -> "features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/4/post_hook__features-4-relu_-0__0[0]/symmetric_quantize/0" -> "features/5/max_pool2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"features/5/max_pool2d/0" -> "features/6/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.weight" -> "features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 192, 3, 3)", out_port_id=0, in_port_id=0]; +"features.6.bias" -> "features/6/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/6/conv2d/0__1.0._scale_param_storage" -> "features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/6/pre_hook__features-6-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv2d/0" [dtype=float, shape="(384, 192, 3, 3)", out_port_id=0, in_port_id=1]; +"features/6/conv2d/0" -> "features/7/relu_/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features/7/relu_/0" -> "features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/7/relu_/0__0.0._scale_param_storage" -> "features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/7/post_hook__features-7-relu_-0__0[0]/symmetric_quantize/0" -> "features/8/conv2d/0" [dtype=float, shape="(1, 384, 4, 4)", out_port_id=0, in_port_id=0]; +"features.8.weight" -> "features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 384, 3, 3)", out_port_id=0, in_port_id=0]; +"features.8.bias" -> "features/8/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/8/conv2d/0__1.0._scale_param_storage" -> "features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/8/pre_hook__features-8-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv2d/0" [dtype=float, shape="(256, 384, 3, 3)", out_port_id=0, in_port_id=1]; +"features/8/conv2d/0" -> "features/9/relu_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/9/relu_/0" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features.10.weight" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"features.10.bias" -> "features/10/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"features/10/conv2d/0" -> "features/11/relu_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/11/relu_/0" -> "features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/11/relu_/0__0.0._scale_param_storage" -> "features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/11/post_hook__features-11-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/max_pool2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features/12/max_pool2d/0" -> "/view/0" [dtype=float, shape="(1, 256, 2, 2)", out_port_id=0, in_port_id=0]; +"/view/0" -> "classifier/0/dropout/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"classifier.1.weight" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(4096, 1024)", out_port_id=0, in_port_id=0]; +"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, shape="(4096,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(4096, 1)", out_port_id=0, in_port_id=4]; +"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" -> "classifier/1/linear/0" [dtype=float, shape="(4096, 1024)", out_port_id=0, in_port_id=1]; +"classifier/1/linear/0" -> "classifier/2/relu_/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; +"classifier/2/relu_/0" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" -> "classifier/3/dropout/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; +"classifier/3/dropout/0" -> "classifier/4/linear/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; +"classifier.4.weight" -> "classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(4096, 4096)", out_port_id=0, in_port_id=0]; +"classifier.4.bias" -> "classifier/4/linear/0" [dtype=float, shape="(4096,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.classifier/4/linear/0__1.0._scale_param_storage" -> "classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(4096, 1)", out_port_id=0, in_port_id=4]; +"classifier/4/pre_hook__classifier-4-linear-0__1[0]/symmetric_quantize/0" -> "classifier/4/linear/0" [dtype=float, shape="(4096, 4096)", out_port_id=0, in_port_id=1]; +"classifier/4/linear/0" -> "classifier/5/relu_/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; +"classifier/5/relu_/0" -> "classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.classifier/5/relu_/0__0.0._scale_param_storage" -> "classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"classifier/5/post_hook__classifier-5-relu_-0__0[0]/symmetric_quantize/0" -> "classifier/6/linear/0" [dtype=float, shape="(1, 4096)", out_port_id=0, in_port_id=0]; +"classifier.6.weight" -> "classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 4096)", out_port_id=0, in_port_id=0]; +"classifier.6.bias" -> "classifier/6/linear/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.classifier/6/linear/0__1.0._scale_param_storage" -> "classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1)", out_port_id=0, in_port_id=4]; +"classifier/6/pre_hook__classifier-6-linear-0__1[0]/symmetric_quantize/0" -> "classifier/6/linear/0" [dtype=float, shape="(10, 4096)", out_port_id=0, in_port_id=1]; +"classifier/6/linear/0" -> output [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/densenet121.dot b/tests/torch2/data/quantization/test_quantized_graphs/densenet121.dot index 6fd312f665b..c0e5891567c 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/densenet121.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/densenet121.dot @@ -1,3347 +1,3347 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=5, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv1/conv2d/0" [id=6, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.conv1/conv2d/0__0.0._scale_param_storage" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" [id=8, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1.0.bn1.weight" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.0.bn1.bias" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.0.bn1.running_mean" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.0.bn1.running_var" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/0/bn1/batch_norm/0" [id=13, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense1/0/relu/0" [id=14, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense1/0/relu/0__0.0._scale_param_storage" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" [id=16, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1.0.conv1.weight" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense1/0/conv1/conv2d/0__1.0._scale_param_storage" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=19, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/0/conv1/conv2d/0" [id=20, metatype=PTConv2dMetatype, type=conv2d]; -"dense1.0.bn2.weight" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.0.bn2.bias" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.0.bn2.running_mean" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.0.bn2.running_var" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/0/bn2/batch_norm/0" [id=25, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense1/0/relu/1" [id=26, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense1/0/relu/1__0.0._scale_param_storage" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" [id=28, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1.0.conv2.weight" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense1/0/conv2/conv2d/0__1.0._scale_param_storage" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=31, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/0/conv2/conv2d/0" [id=32, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense1/0/conv2/conv2d/0__0.0._scale_param_storage" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=34, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/0/cat/0" [id=35, metatype=PTCatMetatype, type=cat]; -"dense1.1.bn1.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.1.bn1.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.1.bn1.running_mean" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.1.bn1.running_var" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/1/bn1/batch_norm/0" [id=40, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense1/1/relu/0" [id=41, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense1/1/relu/0__0.0._scale_param_storage" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" [id=43, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1.1.conv1.weight" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense1/1/conv1/conv2d/0__1.0._scale_param_storage" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=46, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/1/conv1/conv2d/0" [id=47, metatype=PTConv2dMetatype, type=conv2d]; -"dense1.1.bn2.weight" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.1.bn2.bias" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.1.bn2.running_mean" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.1.bn2.running_var" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/1/bn2/batch_norm/0" [id=52, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense1/1/relu/1" [id=53, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense1/1/relu/1__0.0._scale_param_storage" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" [id=55, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1.1.conv2.weight" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense1/1/conv2/conv2d/0__1.0._scale_param_storage" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=58, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/1/conv2/conv2d/0" [id=59, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense1/1/conv2/conv2d/0__0.0._scale_param_storage" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=61, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/1/cat/0" [id=62, metatype=PTCatMetatype, type=cat]; -"dense1.2.bn1.weight" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.2.bn1.bias" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.2.bn1.running_mean" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.2.bn1.running_var" [id=66, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/2/bn1/batch_norm/0" [id=67, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense1/2/relu/0" [id=68, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense1/2/relu/0__0.0._scale_param_storage" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" [id=70, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1.2.conv1.weight" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense1/2/conv1/conv2d/0__1.0._scale_param_storage" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=73, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/2/conv1/conv2d/0" [id=74, metatype=PTConv2dMetatype, type=conv2d]; -"dense1.2.bn2.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.2.bn2.bias" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.2.bn2.running_mean" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.2.bn2.running_var" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/2/bn2/batch_norm/0" [id=79, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense1/2/relu/1" [id=80, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense1/2/relu/1__0.0._scale_param_storage" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" [id=82, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1.2.conv2.weight" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense1/2/conv2/conv2d/0__1.0._scale_param_storage" [id=84, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=85, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/2/conv2/conv2d/0" [id=86, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense1/2/conv2/conv2d/0__0.0._scale_param_storage" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=88, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/2/cat/0" [id=89, metatype=PTCatMetatype, type=cat]; -"dense1.3.bn1.weight" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.3.bn1.bias" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.3.bn1.running_mean" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.3.bn1.running_var" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/3/bn1/batch_norm/0" [id=94, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense1/3/relu/0" [id=95, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense1/3/relu/0__0.0._scale_param_storage" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" [id=97, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1.3.conv1.weight" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense1/3/conv1/conv2d/0__1.0._scale_param_storage" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=100, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/3/conv1/conv2d/0" [id=101, metatype=PTConv2dMetatype, type=conv2d]; -"dense1.3.bn2.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.3.bn2.bias" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.3.bn2.running_mean" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.3.bn2.running_var" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/3/bn2/batch_norm/0" [id=106, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense1/3/relu/1" [id=107, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense1/3/relu/1__0.0._scale_param_storage" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" [id=109, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1.3.conv2.weight" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense1/3/conv2/conv2d/0__1.0._scale_param_storage" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=112, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/3/conv2/conv2d/0" [id=113, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense1/3/conv2/conv2d/0__0.0._scale_param_storage" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=115, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/3/cat/0" [id=116, metatype=PTCatMetatype, type=cat]; -"dense1.4.bn1.weight" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.4.bn1.bias" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.4.bn1.running_mean" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.4.bn1.running_var" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/4/bn1/batch_norm/0" [id=121, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense1/4/relu/0" [id=122, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense1/4/relu/0__0.0._scale_param_storage" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" [id=124, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1.4.conv1.weight" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense1/4/conv1/conv2d/0__1.0._scale_param_storage" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=127, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/4/conv1/conv2d/0" [id=128, metatype=PTConv2dMetatype, type=conv2d]; -"dense1.4.bn2.weight" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.4.bn2.bias" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.4.bn2.running_mean" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.4.bn2.running_var" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/4/bn2/batch_norm/0" [id=133, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense1/4/relu/1" [id=134, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense1/4/relu/1__0.0._scale_param_storage" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" [id=136, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1.4.conv2.weight" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense1/4/conv2/conv2d/0__1.0._scale_param_storage" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=139, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/4/conv2/conv2d/0" [id=140, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense1/4/conv2/conv2d/0__0.0._scale_param_storage" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=142, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/4/cat/0" [id=143, metatype=PTCatMetatype, type=cat]; -"dense1.5.bn1.weight" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.5.bn1.bias" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.5.bn1.running_mean" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.5.bn1.running_var" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/5/bn1/batch_norm/0" [id=148, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense1/5/relu/0" [id=149, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense1/5/relu/0__0.0._scale_param_storage" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" [id=151, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1.5.conv1.weight" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense1/5/conv1/conv2d/0__1.0._scale_param_storage" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=154, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/5/conv1/conv2d/0" [id=155, metatype=PTConv2dMetatype, type=conv2d]; -"dense1.5.bn2.weight" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.5.bn2.bias" [id=157, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.5.bn2.running_mean" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1.5.bn2.running_var" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/5/bn2/batch_norm/0" [id=160, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense1/5/relu/1" [id=161, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense1/5/relu/1__0.0._scale_param_storage" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" [id=163, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1.5.conv2.weight" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense1/5/conv2/conv2d/0__1.0._scale_param_storage" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=166, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/5/conv2/conv2d/0" [id=167, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense1/5/conv2/conv2d/0__0.0._scale_param_storage" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=169, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense1/5/cat/0" [id=170, metatype=PTCatMetatype, type=cat]; -"trans1.bn.weight" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans1.bn.bias" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans1.bn.running_mean" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans1.bn.running_var" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans1/bn/batch_norm/0" [id=175, metatype=PT2BatchNormMetatype, type=batch_norm]; -"trans1/relu/0" [id=176, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.trans1/relu/0__0.0._scale_param_storage" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" [id=178, metatype=UnknownMetatype, type=symmetric_quantize]; -"trans1.conv.weight" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.trans1/conv/conv2d/0__1.0._scale_param_storage" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=181, metatype=UnknownMetatype, type=symmetric_quantize]; -"trans1/conv/conv2d/0" [id=182, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.trans1/conv/conv2d/0__0.0._scale_param_storage" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" [id=184, metatype=UnknownMetatype, type=symmetric_quantize]; -"trans1/avg_pool2d/0" [id=185, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks.trans1/avg_pool2d/0__0.0._scale_param_storage" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=187, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.0.bn1.weight" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.0.bn1.bias" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.0.bn1.running_mean" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.0.bn1.running_var" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/0/bn1/batch_norm/0" [id=192, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/0/relu/0" [id=193, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/0/relu/0__0.0._scale_param_storage" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" [id=195, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.0.conv1.weight" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/0/conv1/conv2d/0__1.0._scale_param_storage" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=198, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/0/conv1/conv2d/0" [id=199, metatype=PTConv2dMetatype, type=conv2d]; -"dense2.0.bn2.weight" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.0.bn2.bias" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.0.bn2.running_mean" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.0.bn2.running_var" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/0/bn2/batch_norm/0" [id=204, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/0/relu/1" [id=205, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/0/relu/1__0.0._scale_param_storage" [id=206, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" [id=207, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.0.conv2.weight" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/0/conv2/conv2d/0__1.0._scale_param_storage" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=210, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/0/conv2/conv2d/0" [id=211, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense2/0/conv2/conv2d/0__0.0._scale_param_storage" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=213, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/0/cat/0" [id=214, metatype=PTCatMetatype, type=cat]; -"dense2.1.bn1.weight" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.1.bn1.bias" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.1.bn1.running_mean" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.1.bn1.running_var" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/1/bn1/batch_norm/0" [id=219, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/1/relu/0" [id=220, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/1/relu/0__0.0._scale_param_storage" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" [id=222, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.1.conv1.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/1/conv1/conv2d/0__1.0._scale_param_storage" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=225, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/1/conv1/conv2d/0" [id=226, metatype=PTConv2dMetatype, type=conv2d]; -"dense2.1.bn2.weight" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.1.bn2.bias" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.1.bn2.running_mean" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.1.bn2.running_var" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/1/bn2/batch_norm/0" [id=231, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/1/relu/1" [id=232, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/1/relu/1__0.0._scale_param_storage" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" [id=234, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.1.conv2.weight" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/1/conv2/conv2d/0__1.0._scale_param_storage" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=237, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/1/conv2/conv2d/0" [id=238, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense2/1/conv2/conv2d/0__0.0._scale_param_storage" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=240, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/1/cat/0" [id=241, metatype=PTCatMetatype, type=cat]; -"dense2.2.bn1.weight" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.2.bn1.bias" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.2.bn1.running_mean" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.2.bn1.running_var" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/2/bn1/batch_norm/0" [id=246, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/2/relu/0" [id=247, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/2/relu/0__0.0._scale_param_storage" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" [id=249, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.2.conv1.weight" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/2/conv1/conv2d/0__1.0._scale_param_storage" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=252, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/2/conv1/conv2d/0" [id=253, metatype=PTConv2dMetatype, type=conv2d]; -"dense2.2.bn2.weight" [id=254, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.2.bn2.bias" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.2.bn2.running_mean" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.2.bn2.running_var" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/2/bn2/batch_norm/0" [id=258, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/2/relu/1" [id=259, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/2/relu/1__0.0._scale_param_storage" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" [id=261, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.2.conv2.weight" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/2/conv2/conv2d/0__1.0._scale_param_storage" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=264, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/2/conv2/conv2d/0" [id=265, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense2/2/conv2/conv2d/0__0.0._scale_param_storage" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=267, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/2/cat/0" [id=268, metatype=PTCatMetatype, type=cat]; -"dense2.3.bn1.weight" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.3.bn1.bias" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.3.bn1.running_mean" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.3.bn1.running_var" [id=272, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/3/bn1/batch_norm/0" [id=273, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/3/relu/0" [id=274, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/3/relu/0__0.0._scale_param_storage" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" [id=276, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.3.conv1.weight" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/3/conv1/conv2d/0__1.0._scale_param_storage" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=279, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/3/conv1/conv2d/0" [id=280, metatype=PTConv2dMetatype, type=conv2d]; -"dense2.3.bn2.weight" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.3.bn2.bias" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.3.bn2.running_mean" [id=283, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.3.bn2.running_var" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/3/bn2/batch_norm/0" [id=285, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/3/relu/1" [id=286, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/3/relu/1__0.0._scale_param_storage" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" [id=288, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.3.conv2.weight" [id=289, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/3/conv2/conv2d/0__1.0._scale_param_storage" [id=290, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=291, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/3/conv2/conv2d/0" [id=292, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense2/3/conv2/conv2d/0__0.0._scale_param_storage" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=294, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/3/cat/0" [id=295, metatype=PTCatMetatype, type=cat]; -"dense2.4.bn1.weight" [id=296, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.4.bn1.bias" [id=297, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.4.bn1.running_mean" [id=298, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.4.bn1.running_var" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/4/bn1/batch_norm/0" [id=300, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/4/relu/0" [id=301, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/4/relu/0__0.0._scale_param_storage" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" [id=303, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.4.conv1.weight" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/4/conv1/conv2d/0__1.0._scale_param_storage" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=306, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/4/conv1/conv2d/0" [id=307, metatype=PTConv2dMetatype, type=conv2d]; -"dense2.4.bn2.weight" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.4.bn2.bias" [id=309, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.4.bn2.running_mean" [id=310, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.4.bn2.running_var" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/4/bn2/batch_norm/0" [id=312, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/4/relu/1" [id=313, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/4/relu/1__0.0._scale_param_storage" [id=314, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" [id=315, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.4.conv2.weight" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/4/conv2/conv2d/0__1.0._scale_param_storage" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=318, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/4/conv2/conv2d/0" [id=319, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense2/4/conv2/conv2d/0__0.0._scale_param_storage" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=321, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/4/cat/0" [id=322, metatype=PTCatMetatype, type=cat]; -"dense2.5.bn1.weight" [id=323, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.5.bn1.bias" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.5.bn1.running_mean" [id=325, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.5.bn1.running_var" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/5/bn1/batch_norm/0" [id=327, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/5/relu/0" [id=328, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/5/relu/0__0.0._scale_param_storage" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" [id=330, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.5.conv1.weight" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/5/conv1/conv2d/0__1.0._scale_param_storage" [id=332, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=333, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/5/conv1/conv2d/0" [id=334, metatype=PTConv2dMetatype, type=conv2d]; -"dense2.5.bn2.weight" [id=335, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.5.bn2.bias" [id=336, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.5.bn2.running_mean" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.5.bn2.running_var" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/5/bn2/batch_norm/0" [id=339, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/5/relu/1" [id=340, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/5/relu/1__0.0._scale_param_storage" [id=341, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" [id=342, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.5.conv2.weight" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/5/conv2/conv2d/0__1.0._scale_param_storage" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=345, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/5/conv2/conv2d/0" [id=346, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense2/5/conv2/conv2d/0__0.0._scale_param_storage" [id=347, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=348, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/5/cat/0" [id=349, metatype=PTCatMetatype, type=cat]; -"dense2.6.bn1.weight" [id=350, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.6.bn1.bias" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.6.bn1.running_mean" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.6.bn1.running_var" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/6/bn1/batch_norm/0" [id=354, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/6/relu/0" [id=355, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/6/relu/0__0.0._scale_param_storage" [id=356, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" [id=357, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.6.conv1.weight" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/6/conv1/conv2d/0__1.0._scale_param_storage" [id=359, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=360, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/6/conv1/conv2d/0" [id=361, metatype=PTConv2dMetatype, type=conv2d]; -"dense2.6.bn2.weight" [id=362, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.6.bn2.bias" [id=363, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.6.bn2.running_mean" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.6.bn2.running_var" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/6/bn2/batch_norm/0" [id=366, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/6/relu/1" [id=367, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/6/relu/1__0.0._scale_param_storage" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" [id=369, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.6.conv2.weight" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/6/conv2/conv2d/0__1.0._scale_param_storage" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=372, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/6/conv2/conv2d/0" [id=373, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense2/6/conv2/conv2d/0__0.0._scale_param_storage" [id=374, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=375, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/6/cat/0" [id=376, metatype=PTCatMetatype, type=cat]; -"dense2.7.bn1.weight" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.7.bn1.bias" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.7.bn1.running_mean" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.7.bn1.running_var" [id=380, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/7/bn1/batch_norm/0" [id=381, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/7/relu/0" [id=382, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/7/relu/0__0.0._scale_param_storage" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" [id=384, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.7.conv1.weight" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/7/conv1/conv2d/0__1.0._scale_param_storage" [id=386, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=387, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/7/conv1/conv2d/0" [id=388, metatype=PTConv2dMetatype, type=conv2d]; -"dense2.7.bn2.weight" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.7.bn2.bias" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.7.bn2.running_mean" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.7.bn2.running_var" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/7/bn2/batch_norm/0" [id=393, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/7/relu/1" [id=394, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/7/relu/1__0.0._scale_param_storage" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" [id=396, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.7.conv2.weight" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/7/conv2/conv2d/0__1.0._scale_param_storage" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=399, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/7/conv2/conv2d/0" [id=400, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense2/7/conv2/conv2d/0__0.0._scale_param_storage" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=402, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/7/cat/0" [id=403, metatype=PTCatMetatype, type=cat]; -"dense2.8.bn1.weight" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.8.bn1.bias" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.8.bn1.running_mean" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.8.bn1.running_var" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/8/bn1/batch_norm/0" [id=408, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/8/relu/0" [id=409, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/8/relu/0__0.0._scale_param_storage" [id=410, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" [id=411, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.8.conv1.weight" [id=412, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/8/conv1/conv2d/0__1.0._scale_param_storage" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=414, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/8/conv1/conv2d/0" [id=415, metatype=PTConv2dMetatype, type=conv2d]; -"dense2.8.bn2.weight" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.8.bn2.bias" [id=417, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.8.bn2.running_mean" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.8.bn2.running_var" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/8/bn2/batch_norm/0" [id=420, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/8/relu/1" [id=421, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/8/relu/1__0.0._scale_param_storage" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" [id=423, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.8.conv2.weight" [id=424, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/8/conv2/conv2d/0__1.0._scale_param_storage" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=426, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/8/conv2/conv2d/0" [id=427, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense2/8/conv2/conv2d/0__0.0._scale_param_storage" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=429, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/8/cat/0" [id=430, metatype=PTCatMetatype, type=cat]; -"dense2.9.bn1.weight" [id=431, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.9.bn1.bias" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.9.bn1.running_mean" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.9.bn1.running_var" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/9/bn1/batch_norm/0" [id=435, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/9/relu/0" [id=436, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/9/relu/0__0.0._scale_param_storage" [id=437, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" [id=438, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.9.conv1.weight" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/9/conv1/conv2d/0__1.0._scale_param_storage" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=441, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/9/conv1/conv2d/0" [id=442, metatype=PTConv2dMetatype, type=conv2d]; -"dense2.9.bn2.weight" [id=443, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.9.bn2.bias" [id=444, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.9.bn2.running_mean" [id=445, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.9.bn2.running_var" [id=446, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/9/bn2/batch_norm/0" [id=447, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/9/relu/1" [id=448, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/9/relu/1__0.0._scale_param_storage" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" [id=450, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.9.conv2.weight" [id=451, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/9/conv2/conv2d/0__1.0._scale_param_storage" [id=452, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=453, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/9/conv2/conv2d/0" [id=454, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense2/9/conv2/conv2d/0__0.0._scale_param_storage" [id=455, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=456, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/9/cat/0" [id=457, metatype=PTCatMetatype, type=cat]; -"dense2.10.bn1.weight" [id=458, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.10.bn1.bias" [id=459, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.10.bn1.running_mean" [id=460, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.10.bn1.running_var" [id=461, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/10/bn1/batch_norm/0" [id=462, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/10/relu/0" [id=463, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/10/relu/0__0.0._scale_param_storage" [id=464, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" [id=465, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.10.conv1.weight" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/10/conv1/conv2d/0__1.0._scale_param_storage" [id=467, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=468, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/10/conv1/conv2d/0" [id=469, metatype=PTConv2dMetatype, type=conv2d]; -"dense2.10.bn2.weight" [id=470, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.10.bn2.bias" [id=471, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.10.bn2.running_mean" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.10.bn2.running_var" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/10/bn2/batch_norm/0" [id=474, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/10/relu/1" [id=475, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/10/relu/1__0.0._scale_param_storage" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" [id=477, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.10.conv2.weight" [id=478, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/10/conv2/conv2d/0__1.0._scale_param_storage" [id=479, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=480, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/10/conv2/conv2d/0" [id=481, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense2/10/conv2/conv2d/0__0.0._scale_param_storage" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=483, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/10/cat/0" [id=484, metatype=PTCatMetatype, type=cat]; -"dense2.11.bn1.weight" [id=485, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.11.bn1.bias" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.11.bn1.running_mean" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.11.bn1.running_var" [id=488, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/11/bn1/batch_norm/0" [id=489, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/11/relu/0" [id=490, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/11/relu/0__0.0._scale_param_storage" [id=491, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" [id=492, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.11.conv1.weight" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/11/conv1/conv2d/0__1.0._scale_param_storage" [id=494, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=495, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/11/conv1/conv2d/0" [id=496, metatype=PTConv2dMetatype, type=conv2d]; -"dense2.11.bn2.weight" [id=497, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.11.bn2.bias" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.11.bn2.running_mean" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2.11.bn2.running_var" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/11/bn2/batch_norm/0" [id=501, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense2/11/relu/1" [id=502, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense2/11/relu/1__0.0._scale_param_storage" [id=503, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" [id=504, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2.11.conv2.weight" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense2/11/conv2/conv2d/0__1.0._scale_param_storage" [id=506, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=507, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/11/conv2/conv2d/0" [id=508, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense2/11/conv2/conv2d/0__0.0._scale_param_storage" [id=509, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=510, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense2/11/cat/0" [id=511, metatype=PTCatMetatype, type=cat]; -"trans2.bn.weight" [id=512, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans2.bn.bias" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans2.bn.running_mean" [id=514, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans2.bn.running_var" [id=515, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans2/bn/batch_norm/0" [id=516, metatype=PT2BatchNormMetatype, type=batch_norm]; -"trans2/relu/0" [id=517, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.trans2/relu/0__0.0._scale_param_storage" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" [id=519, metatype=UnknownMetatype, type=symmetric_quantize]; -"trans2.conv.weight" [id=520, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.trans2/conv/conv2d/0__1.0._scale_param_storage" [id=521, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=522, metatype=UnknownMetatype, type=symmetric_quantize]; -"trans2/conv/conv2d/0" [id=523, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.trans2/conv/conv2d/0__0.0._scale_param_storage" [id=524, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" [id=525, metatype=UnknownMetatype, type=symmetric_quantize]; -"trans2/avg_pool2d/0" [id=526, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks.trans2/avg_pool2d/0__0.0._scale_param_storage" [id=527, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=528, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.0.bn1.weight" [id=529, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.0.bn1.bias" [id=530, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.0.bn1.running_mean" [id=531, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.0.bn1.running_var" [id=532, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/0/bn1/batch_norm/0" [id=533, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/0/relu/0" [id=534, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/0/relu/0__0.0._scale_param_storage" [id=535, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" [id=536, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.0.conv1.weight" [id=537, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/0/conv1/conv2d/0__1.0._scale_param_storage" [id=538, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=539, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/0/conv1/conv2d/0" [id=540, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.0.bn2.weight" [id=541, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.0.bn2.bias" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.0.bn2.running_mean" [id=543, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.0.bn2.running_var" [id=544, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/0/bn2/batch_norm/0" [id=545, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/0/relu/1" [id=546, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/0/relu/1__0.0._scale_param_storage" [id=547, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" [id=548, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.0.conv2.weight" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/0/conv2/conv2d/0__1.0._scale_param_storage" [id=550, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=551, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/0/conv2/conv2d/0" [id=552, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/0/conv2/conv2d/0__0.0._scale_param_storage" [id=553, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=554, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/0/cat/0" [id=555, metatype=PTCatMetatype, type=cat]; -"dense3.1.bn1.weight" [id=556, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.1.bn1.bias" [id=557, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.1.bn1.running_mean" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.1.bn1.running_var" [id=559, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/1/bn1/batch_norm/0" [id=560, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/1/relu/0" [id=561, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/1/relu/0__0.0._scale_param_storage" [id=562, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" [id=563, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.1.conv1.weight" [id=564, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/1/conv1/conv2d/0__1.0._scale_param_storage" [id=565, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=566, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/1/conv1/conv2d/0" [id=567, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.1.bn2.weight" [id=568, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.1.bn2.bias" [id=569, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.1.bn2.running_mean" [id=570, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.1.bn2.running_var" [id=571, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/1/bn2/batch_norm/0" [id=572, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/1/relu/1" [id=573, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/1/relu/1__0.0._scale_param_storage" [id=574, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" [id=575, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.1.conv2.weight" [id=576, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/1/conv2/conv2d/0__1.0._scale_param_storage" [id=577, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=578, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/1/conv2/conv2d/0" [id=579, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/1/conv2/conv2d/0__0.0._scale_param_storage" [id=580, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=581, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/1/cat/0" [id=582, metatype=PTCatMetatype, type=cat]; -"dense3.2.bn1.weight" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.2.bn1.bias" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.2.bn1.running_mean" [id=585, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.2.bn1.running_var" [id=586, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/2/bn1/batch_norm/0" [id=587, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/2/relu/0" [id=588, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/2/relu/0__0.0._scale_param_storage" [id=589, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" [id=590, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.2.conv1.weight" [id=591, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/2/conv1/conv2d/0__1.0._scale_param_storage" [id=592, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=593, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/2/conv1/conv2d/0" [id=594, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.2.bn2.weight" [id=595, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.2.bn2.bias" [id=596, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.2.bn2.running_mean" [id=597, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.2.bn2.running_var" [id=598, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/2/bn2/batch_norm/0" [id=599, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/2/relu/1" [id=600, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/2/relu/1__0.0._scale_param_storage" [id=601, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" [id=602, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.2.conv2.weight" [id=603, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/2/conv2/conv2d/0__1.0._scale_param_storage" [id=604, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=605, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/2/conv2/conv2d/0" [id=606, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/2/conv2/conv2d/0__0.0._scale_param_storage" [id=607, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=608, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/2/cat/0" [id=609, metatype=PTCatMetatype, type=cat]; -"dense3.3.bn1.weight" [id=610, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.3.bn1.bias" [id=611, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.3.bn1.running_mean" [id=612, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.3.bn1.running_var" [id=613, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/3/bn1/batch_norm/0" [id=614, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/3/relu/0" [id=615, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/3/relu/0__0.0._scale_param_storage" [id=616, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" [id=617, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.3.conv1.weight" [id=618, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/3/conv1/conv2d/0__1.0._scale_param_storage" [id=619, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=620, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/3/conv1/conv2d/0" [id=621, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.3.bn2.weight" [id=622, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.3.bn2.bias" [id=623, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.3.bn2.running_mean" [id=624, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.3.bn2.running_var" [id=625, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/3/bn2/batch_norm/0" [id=626, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/3/relu/1" [id=627, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/3/relu/1__0.0._scale_param_storage" [id=628, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" [id=629, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.3.conv2.weight" [id=630, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/3/conv2/conv2d/0__1.0._scale_param_storage" [id=631, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=632, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/3/conv2/conv2d/0" [id=633, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/3/conv2/conv2d/0__0.0._scale_param_storage" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=635, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/3/cat/0" [id=636, metatype=PTCatMetatype, type=cat]; -"dense3.4.bn1.weight" [id=637, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.4.bn1.bias" [id=638, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.4.bn1.running_mean" [id=639, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.4.bn1.running_var" [id=640, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/4/bn1/batch_norm/0" [id=641, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/4/relu/0" [id=642, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/4/relu/0__0.0._scale_param_storage" [id=643, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" [id=644, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.4.conv1.weight" [id=645, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/4/conv1/conv2d/0__1.0._scale_param_storage" [id=646, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=647, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/4/conv1/conv2d/0" [id=648, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.4.bn2.weight" [id=649, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.4.bn2.bias" [id=650, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.4.bn2.running_mean" [id=651, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.4.bn2.running_var" [id=652, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/4/bn2/batch_norm/0" [id=653, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/4/relu/1" [id=654, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/4/relu/1__0.0._scale_param_storage" [id=655, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" [id=656, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.4.conv2.weight" [id=657, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/4/conv2/conv2d/0__1.0._scale_param_storage" [id=658, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=659, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/4/conv2/conv2d/0" [id=660, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/4/conv2/conv2d/0__0.0._scale_param_storage" [id=661, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=662, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/4/cat/0" [id=663, metatype=PTCatMetatype, type=cat]; -"dense3.5.bn1.weight" [id=664, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.5.bn1.bias" [id=665, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.5.bn1.running_mean" [id=666, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.5.bn1.running_var" [id=667, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/5/bn1/batch_norm/0" [id=668, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/5/relu/0" [id=669, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/5/relu/0__0.0._scale_param_storage" [id=670, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" [id=671, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.5.conv1.weight" [id=672, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/5/conv1/conv2d/0__1.0._scale_param_storage" [id=673, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=674, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/5/conv1/conv2d/0" [id=675, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.5.bn2.weight" [id=676, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.5.bn2.bias" [id=677, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.5.bn2.running_mean" [id=678, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.5.bn2.running_var" [id=679, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/5/bn2/batch_norm/0" [id=680, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/5/relu/1" [id=681, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/5/relu/1__0.0._scale_param_storage" [id=682, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" [id=683, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.5.conv2.weight" [id=684, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/5/conv2/conv2d/0__1.0._scale_param_storage" [id=685, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=686, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/5/conv2/conv2d/0" [id=687, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/5/conv2/conv2d/0__0.0._scale_param_storage" [id=688, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=689, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/5/cat/0" [id=690, metatype=PTCatMetatype, type=cat]; -"dense3.6.bn1.weight" [id=691, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.6.bn1.bias" [id=692, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.6.bn1.running_mean" [id=693, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.6.bn1.running_var" [id=694, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/6/bn1/batch_norm/0" [id=695, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/6/relu/0" [id=696, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/6/relu/0__0.0._scale_param_storage" [id=697, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" [id=698, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.6.conv1.weight" [id=699, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/6/conv1/conv2d/0__1.0._scale_param_storage" [id=700, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=701, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/6/conv1/conv2d/0" [id=702, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.6.bn2.weight" [id=703, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.6.bn2.bias" [id=704, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.6.bn2.running_mean" [id=705, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.6.bn2.running_var" [id=706, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/6/bn2/batch_norm/0" [id=707, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/6/relu/1" [id=708, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/6/relu/1__0.0._scale_param_storage" [id=709, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" [id=710, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.6.conv2.weight" [id=711, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/6/conv2/conv2d/0__1.0._scale_param_storage" [id=712, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=713, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/6/conv2/conv2d/0" [id=714, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/6/conv2/conv2d/0__0.0._scale_param_storage" [id=715, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=716, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/6/cat/0" [id=717, metatype=PTCatMetatype, type=cat]; -"dense3.7.bn1.weight" [id=718, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.7.bn1.bias" [id=719, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.7.bn1.running_mean" [id=720, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.7.bn1.running_var" [id=721, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/7/bn1/batch_norm/0" [id=722, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/7/relu/0" [id=723, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/7/relu/0__0.0._scale_param_storage" [id=724, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" [id=725, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.7.conv1.weight" [id=726, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/7/conv1/conv2d/0__1.0._scale_param_storage" [id=727, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=728, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/7/conv1/conv2d/0" [id=729, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.7.bn2.weight" [id=730, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.7.bn2.bias" [id=731, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.7.bn2.running_mean" [id=732, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.7.bn2.running_var" [id=733, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/7/bn2/batch_norm/0" [id=734, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/7/relu/1" [id=735, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/7/relu/1__0.0._scale_param_storage" [id=736, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" [id=737, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.7.conv2.weight" [id=738, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/7/conv2/conv2d/0__1.0._scale_param_storage" [id=739, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=740, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/7/conv2/conv2d/0" [id=741, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/7/conv2/conv2d/0__0.0._scale_param_storage" [id=742, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=743, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/7/cat/0" [id=744, metatype=PTCatMetatype, type=cat]; -"dense3.8.bn1.weight" [id=745, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.8.bn1.bias" [id=746, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.8.bn1.running_mean" [id=747, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.8.bn1.running_var" [id=748, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/8/bn1/batch_norm/0" [id=749, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/8/relu/0" [id=750, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/8/relu/0__0.0._scale_param_storage" [id=751, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" [id=752, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.8.conv1.weight" [id=753, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/8/conv1/conv2d/0__1.0._scale_param_storage" [id=754, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=755, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/8/conv1/conv2d/0" [id=756, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.8.bn2.weight" [id=757, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.8.bn2.bias" [id=758, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.8.bn2.running_mean" [id=759, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.8.bn2.running_var" [id=760, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/8/bn2/batch_norm/0" [id=761, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/8/relu/1" [id=762, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/8/relu/1__0.0._scale_param_storage" [id=763, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" [id=764, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.8.conv2.weight" [id=765, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/8/conv2/conv2d/0__1.0._scale_param_storage" [id=766, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=767, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/8/conv2/conv2d/0" [id=768, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/8/conv2/conv2d/0__0.0._scale_param_storage" [id=769, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=770, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/8/cat/0" [id=771, metatype=PTCatMetatype, type=cat]; -"dense3.9.bn1.weight" [id=772, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.9.bn1.bias" [id=773, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.9.bn1.running_mean" [id=774, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.9.bn1.running_var" [id=775, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/9/bn1/batch_norm/0" [id=776, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/9/relu/0" [id=777, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/9/relu/0__0.0._scale_param_storage" [id=778, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" [id=779, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.9.conv1.weight" [id=780, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/9/conv1/conv2d/0__1.0._scale_param_storage" [id=781, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=782, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/9/conv1/conv2d/0" [id=783, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.9.bn2.weight" [id=784, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.9.bn2.bias" [id=785, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.9.bn2.running_mean" [id=786, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.9.bn2.running_var" [id=787, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/9/bn2/batch_norm/0" [id=788, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/9/relu/1" [id=789, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/9/relu/1__0.0._scale_param_storage" [id=790, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" [id=791, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.9.conv2.weight" [id=792, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/9/conv2/conv2d/0__1.0._scale_param_storage" [id=793, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=794, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/9/conv2/conv2d/0" [id=795, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/9/conv2/conv2d/0__0.0._scale_param_storage" [id=796, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=797, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/9/cat/0" [id=798, metatype=PTCatMetatype, type=cat]; -"dense3.10.bn1.weight" [id=799, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.10.bn1.bias" [id=800, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.10.bn1.running_mean" [id=801, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.10.bn1.running_var" [id=802, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/10/bn1/batch_norm/0" [id=803, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/10/relu/0" [id=804, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/10/relu/0__0.0._scale_param_storage" [id=805, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" [id=806, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.10.conv1.weight" [id=807, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/10/conv1/conv2d/0__1.0._scale_param_storage" [id=808, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=809, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/10/conv1/conv2d/0" [id=810, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.10.bn2.weight" [id=811, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.10.bn2.bias" [id=812, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.10.bn2.running_mean" [id=813, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.10.bn2.running_var" [id=814, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/10/bn2/batch_norm/0" [id=815, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/10/relu/1" [id=816, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/10/relu/1__0.0._scale_param_storage" [id=817, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" [id=818, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.10.conv2.weight" [id=819, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/10/conv2/conv2d/0__1.0._scale_param_storage" [id=820, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=821, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/10/conv2/conv2d/0" [id=822, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/10/conv2/conv2d/0__0.0._scale_param_storage" [id=823, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=824, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/10/cat/0" [id=825, metatype=PTCatMetatype, type=cat]; -"dense3.11.bn1.weight" [id=826, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.11.bn1.bias" [id=827, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.11.bn1.running_mean" [id=828, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.11.bn1.running_var" [id=829, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/11/bn1/batch_norm/0" [id=830, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/11/relu/0" [id=831, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/11/relu/0__0.0._scale_param_storage" [id=832, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" [id=833, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.11.conv1.weight" [id=834, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/11/conv1/conv2d/0__1.0._scale_param_storage" [id=835, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=836, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/11/conv1/conv2d/0" [id=837, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.11.bn2.weight" [id=838, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.11.bn2.bias" [id=839, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.11.bn2.running_mean" [id=840, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.11.bn2.running_var" [id=841, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/11/bn2/batch_norm/0" [id=842, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/11/relu/1" [id=843, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/11/relu/1__0.0._scale_param_storage" [id=844, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" [id=845, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.11.conv2.weight" [id=846, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/11/conv2/conv2d/0__1.0._scale_param_storage" [id=847, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=848, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/11/conv2/conv2d/0" [id=849, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/11/conv2/conv2d/0__0.0._scale_param_storage" [id=850, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=851, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/11/cat/0" [id=852, metatype=PTCatMetatype, type=cat]; -"dense3.12.bn1.weight" [id=853, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.12.bn1.bias" [id=854, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.12.bn1.running_mean" [id=855, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.12.bn1.running_var" [id=856, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/12/bn1/batch_norm/0" [id=857, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/12/relu/0" [id=858, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/12/relu/0__0.0._scale_param_storage" [id=859, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" [id=860, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.12.conv1.weight" [id=861, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/12/conv1/conv2d/0__1.0._scale_param_storage" [id=862, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=863, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/12/conv1/conv2d/0" [id=864, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.12.bn2.weight" [id=865, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.12.bn2.bias" [id=866, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.12.bn2.running_mean" [id=867, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.12.bn2.running_var" [id=868, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/12/bn2/batch_norm/0" [id=869, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/12/relu/1" [id=870, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/12/relu/1__0.0._scale_param_storage" [id=871, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" [id=872, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.12.conv2.weight" [id=873, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/12/conv2/conv2d/0__1.0._scale_param_storage" [id=874, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=875, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/12/conv2/conv2d/0" [id=876, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/12/conv2/conv2d/0__0.0._scale_param_storage" [id=877, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=878, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/12/cat/0" [id=879, metatype=PTCatMetatype, type=cat]; -"dense3.13.bn1.weight" [id=880, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.13.bn1.bias" [id=881, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.13.bn1.running_mean" [id=882, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.13.bn1.running_var" [id=883, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/13/bn1/batch_norm/0" [id=884, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/13/relu/0" [id=885, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/13/relu/0__0.0._scale_param_storage" [id=886, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" [id=887, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.13.conv1.weight" [id=888, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/13/conv1/conv2d/0__1.0._scale_param_storage" [id=889, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=890, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/13/conv1/conv2d/0" [id=891, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.13.bn2.weight" [id=892, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.13.bn2.bias" [id=893, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.13.bn2.running_mean" [id=894, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.13.bn2.running_var" [id=895, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/13/bn2/batch_norm/0" [id=896, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/13/relu/1" [id=897, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/13/relu/1__0.0._scale_param_storage" [id=898, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" [id=899, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.13.conv2.weight" [id=900, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/13/conv2/conv2d/0__1.0._scale_param_storage" [id=901, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=902, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/13/conv2/conv2d/0" [id=903, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/13/conv2/conv2d/0__0.0._scale_param_storage" [id=904, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=905, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/13/cat/0" [id=906, metatype=PTCatMetatype, type=cat]; -"dense3.14.bn1.weight" [id=907, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.14.bn1.bias" [id=908, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.14.bn1.running_mean" [id=909, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.14.bn1.running_var" [id=910, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/14/bn1/batch_norm/0" [id=911, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/14/relu/0" [id=912, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/14/relu/0__0.0._scale_param_storage" [id=913, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" [id=914, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.14.conv1.weight" [id=915, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/14/conv1/conv2d/0__1.0._scale_param_storage" [id=916, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=917, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/14/conv1/conv2d/0" [id=918, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.14.bn2.weight" [id=919, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.14.bn2.bias" [id=920, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.14.bn2.running_mean" [id=921, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.14.bn2.running_var" [id=922, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/14/bn2/batch_norm/0" [id=923, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/14/relu/1" [id=924, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/14/relu/1__0.0._scale_param_storage" [id=925, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" [id=926, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.14.conv2.weight" [id=927, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/14/conv2/conv2d/0__1.0._scale_param_storage" [id=928, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=929, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/14/conv2/conv2d/0" [id=930, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/14/conv2/conv2d/0__0.0._scale_param_storage" [id=931, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=932, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/14/cat/0" [id=933, metatype=PTCatMetatype, type=cat]; -"dense3.15.bn1.weight" [id=934, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.15.bn1.bias" [id=935, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.15.bn1.running_mean" [id=936, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.15.bn1.running_var" [id=937, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/15/bn1/batch_norm/0" [id=938, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/15/relu/0" [id=939, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/15/relu/0__0.0._scale_param_storage" [id=940, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" [id=941, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.15.conv1.weight" [id=942, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/15/conv1/conv2d/0__1.0._scale_param_storage" [id=943, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=944, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/15/conv1/conv2d/0" [id=945, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.15.bn2.weight" [id=946, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.15.bn2.bias" [id=947, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.15.bn2.running_mean" [id=948, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.15.bn2.running_var" [id=949, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/15/bn2/batch_norm/0" [id=950, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/15/relu/1" [id=951, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/15/relu/1__0.0._scale_param_storage" [id=952, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" [id=953, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.15.conv2.weight" [id=954, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/15/conv2/conv2d/0__1.0._scale_param_storage" [id=955, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=956, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/15/conv2/conv2d/0" [id=957, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/15/conv2/conv2d/0__0.0._scale_param_storage" [id=958, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=959, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/15/cat/0" [id=960, metatype=PTCatMetatype, type=cat]; -"dense3.16.bn1.weight" [id=961, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.16.bn1.bias" [id=962, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.16.bn1.running_mean" [id=963, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.16.bn1.running_var" [id=964, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/16/bn1/batch_norm/0" [id=965, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/16/relu/0" [id=966, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/16/relu/0__0.0._scale_param_storage" [id=967, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" [id=968, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.16.conv1.weight" [id=969, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/16/conv1/conv2d/0__1.0._scale_param_storage" [id=970, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=971, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/16/conv1/conv2d/0" [id=972, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.16.bn2.weight" [id=973, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.16.bn2.bias" [id=974, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.16.bn2.running_mean" [id=975, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.16.bn2.running_var" [id=976, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/16/bn2/batch_norm/0" [id=977, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/16/relu/1" [id=978, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/16/relu/1__0.0._scale_param_storage" [id=979, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" [id=980, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.16.conv2.weight" [id=981, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/16/conv2/conv2d/0__1.0._scale_param_storage" [id=982, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=983, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/16/conv2/conv2d/0" [id=984, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/16/conv2/conv2d/0__0.0._scale_param_storage" [id=985, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=986, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/16/cat/0" [id=987, metatype=PTCatMetatype, type=cat]; -"dense3.17.bn1.weight" [id=988, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.17.bn1.bias" [id=989, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.17.bn1.running_mean" [id=990, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.17.bn1.running_var" [id=991, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/17/bn1/batch_norm/0" [id=992, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/17/relu/0" [id=993, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/17/relu/0__0.0._scale_param_storage" [id=994, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" [id=995, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.17.conv1.weight" [id=996, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/17/conv1/conv2d/0__1.0._scale_param_storage" [id=997, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=998, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/17/conv1/conv2d/0" [id=999, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.17.bn2.weight" [id=1000, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.17.bn2.bias" [id=1001, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.17.bn2.running_mean" [id=1002, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.17.bn2.running_var" [id=1003, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/17/bn2/batch_norm/0" [id=1004, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/17/relu/1" [id=1005, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/17/relu/1__0.0._scale_param_storage" [id=1006, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" [id=1007, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.17.conv2.weight" [id=1008, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/17/conv2/conv2d/0__1.0._scale_param_storage" [id=1009, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1010, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/17/conv2/conv2d/0" [id=1011, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/17/conv2/conv2d/0__0.0._scale_param_storage" [id=1012, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1013, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/17/cat/0" [id=1014, metatype=PTCatMetatype, type=cat]; -"dense3.18.bn1.weight" [id=1015, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.18.bn1.bias" [id=1016, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.18.bn1.running_mean" [id=1017, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.18.bn1.running_var" [id=1018, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/18/bn1/batch_norm/0" [id=1019, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/18/relu/0" [id=1020, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/18/relu/0__0.0._scale_param_storage" [id=1021, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" [id=1022, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.18.conv1.weight" [id=1023, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/18/conv1/conv2d/0__1.0._scale_param_storage" [id=1024, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1025, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/18/conv1/conv2d/0" [id=1026, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.18.bn2.weight" [id=1027, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.18.bn2.bias" [id=1028, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.18.bn2.running_mean" [id=1029, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.18.bn2.running_var" [id=1030, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/18/bn2/batch_norm/0" [id=1031, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/18/relu/1" [id=1032, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/18/relu/1__0.0._scale_param_storage" [id=1033, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" [id=1034, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.18.conv2.weight" [id=1035, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/18/conv2/conv2d/0__1.0._scale_param_storage" [id=1036, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1037, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/18/conv2/conv2d/0" [id=1038, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/18/conv2/conv2d/0__0.0._scale_param_storage" [id=1039, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1040, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/18/cat/0" [id=1041, metatype=PTCatMetatype, type=cat]; -"dense3.19.bn1.weight" [id=1042, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.19.bn1.bias" [id=1043, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.19.bn1.running_mean" [id=1044, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.19.bn1.running_var" [id=1045, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/19/bn1/batch_norm/0" [id=1046, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/19/relu/0" [id=1047, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/19/relu/0__0.0._scale_param_storage" [id=1048, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" [id=1049, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.19.conv1.weight" [id=1050, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/19/conv1/conv2d/0__1.0._scale_param_storage" [id=1051, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1052, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/19/conv1/conv2d/0" [id=1053, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.19.bn2.weight" [id=1054, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.19.bn2.bias" [id=1055, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.19.bn2.running_mean" [id=1056, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.19.bn2.running_var" [id=1057, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/19/bn2/batch_norm/0" [id=1058, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/19/relu/1" [id=1059, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/19/relu/1__0.0._scale_param_storage" [id=1060, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" [id=1061, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.19.conv2.weight" [id=1062, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/19/conv2/conv2d/0__1.0._scale_param_storage" [id=1063, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1064, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/19/conv2/conv2d/0" [id=1065, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/19/conv2/conv2d/0__0.0._scale_param_storage" [id=1066, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1067, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/19/cat/0" [id=1068, metatype=PTCatMetatype, type=cat]; -"dense3.20.bn1.weight" [id=1069, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.20.bn1.bias" [id=1070, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.20.bn1.running_mean" [id=1071, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.20.bn1.running_var" [id=1072, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/20/bn1/batch_norm/0" [id=1073, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/20/relu/0" [id=1074, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/20/relu/0__0.0._scale_param_storage" [id=1075, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" [id=1076, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.20.conv1.weight" [id=1077, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/20/conv1/conv2d/0__1.0._scale_param_storage" [id=1078, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1079, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/20/conv1/conv2d/0" [id=1080, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.20.bn2.weight" [id=1081, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.20.bn2.bias" [id=1082, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.20.bn2.running_mean" [id=1083, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.20.bn2.running_var" [id=1084, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/20/bn2/batch_norm/0" [id=1085, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/20/relu/1" [id=1086, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/20/relu/1__0.0._scale_param_storage" [id=1087, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" [id=1088, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.20.conv2.weight" [id=1089, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/20/conv2/conv2d/0__1.0._scale_param_storage" [id=1090, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1091, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/20/conv2/conv2d/0" [id=1092, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/20/conv2/conv2d/0__0.0._scale_param_storage" [id=1093, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1094, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/20/cat/0" [id=1095, metatype=PTCatMetatype, type=cat]; -"dense3.21.bn1.weight" [id=1096, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.21.bn1.bias" [id=1097, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.21.bn1.running_mean" [id=1098, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.21.bn1.running_var" [id=1099, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/21/bn1/batch_norm/0" [id=1100, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/21/relu/0" [id=1101, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/21/relu/0__0.0._scale_param_storage" [id=1102, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" [id=1103, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.21.conv1.weight" [id=1104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/21/conv1/conv2d/0__1.0._scale_param_storage" [id=1105, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1106, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/21/conv1/conv2d/0" [id=1107, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.21.bn2.weight" [id=1108, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.21.bn2.bias" [id=1109, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.21.bn2.running_mean" [id=1110, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.21.bn2.running_var" [id=1111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/21/bn2/batch_norm/0" [id=1112, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/21/relu/1" [id=1113, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/21/relu/1__0.0._scale_param_storage" [id=1114, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" [id=1115, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.21.conv2.weight" [id=1116, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/21/conv2/conv2d/0__1.0._scale_param_storage" [id=1117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1118, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/21/conv2/conv2d/0" [id=1119, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/21/conv2/conv2d/0__0.0._scale_param_storage" [id=1120, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1121, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/21/cat/0" [id=1122, metatype=PTCatMetatype, type=cat]; -"dense3.22.bn1.weight" [id=1123, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.22.bn1.bias" [id=1124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.22.bn1.running_mean" [id=1125, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.22.bn1.running_var" [id=1126, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/22/bn1/batch_norm/0" [id=1127, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/22/relu/0" [id=1128, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/22/relu/0__0.0._scale_param_storage" [id=1129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" [id=1130, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.22.conv1.weight" [id=1131, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/22/conv1/conv2d/0__1.0._scale_param_storage" [id=1132, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1133, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/22/conv1/conv2d/0" [id=1134, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.22.bn2.weight" [id=1135, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.22.bn2.bias" [id=1136, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.22.bn2.running_mean" [id=1137, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.22.bn2.running_var" [id=1138, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/22/bn2/batch_norm/0" [id=1139, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/22/relu/1" [id=1140, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/22/relu/1__0.0._scale_param_storage" [id=1141, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" [id=1142, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.22.conv2.weight" [id=1143, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/22/conv2/conv2d/0__1.0._scale_param_storage" [id=1144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1145, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/22/conv2/conv2d/0" [id=1146, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/22/conv2/conv2d/0__0.0._scale_param_storage" [id=1147, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1148, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/22/cat/0" [id=1149, metatype=PTCatMetatype, type=cat]; -"dense3.23.bn1.weight" [id=1150, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.23.bn1.bias" [id=1151, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.23.bn1.running_mean" [id=1152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.23.bn1.running_var" [id=1153, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/23/bn1/batch_norm/0" [id=1154, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/23/relu/0" [id=1155, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/23/relu/0__0.0._scale_param_storage" [id=1156, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" [id=1157, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.23.conv1.weight" [id=1158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/23/conv1/conv2d/0__1.0._scale_param_storage" [id=1159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1160, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/23/conv1/conv2d/0" [id=1161, metatype=PTConv2dMetatype, type=conv2d]; -"dense3.23.bn2.weight" [id=1162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.23.bn2.bias" [id=1163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.23.bn2.running_mean" [id=1164, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3.23.bn2.running_var" [id=1165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/23/bn2/batch_norm/0" [id=1166, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense3/23/relu/1" [id=1167, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense3/23/relu/1__0.0._scale_param_storage" [id=1168, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" [id=1169, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3.23.conv2.weight" [id=1170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense3/23/conv2/conv2d/0__1.0._scale_param_storage" [id=1171, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1172, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/23/conv2/conv2d/0" [id=1173, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense3/23/conv2/conv2d/0__0.0._scale_param_storage" [id=1174, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1175, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense3/23/cat/0" [id=1176, metatype=PTCatMetatype, type=cat]; -"trans3.bn.weight" [id=1177, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans3.bn.bias" [id=1178, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans3.bn.running_mean" [id=1179, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans3.bn.running_var" [id=1180, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans3/bn/batch_norm/0" [id=1181, metatype=PT2BatchNormMetatype, type=batch_norm]; -"trans3/relu/0" [id=1182, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.trans3/relu/0__0.0._scale_param_storage" [id=1183, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" [id=1184, metatype=UnknownMetatype, type=symmetric_quantize]; -"trans3.conv.weight" [id=1185, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.trans3/conv/conv2d/0__1.0._scale_param_storage" [id=1186, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1187, metatype=UnknownMetatype, type=symmetric_quantize]; -"trans3/conv/conv2d/0" [id=1188, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.trans3/conv/conv2d/0__0.0._scale_param_storage" [id=1189, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" [id=1190, metatype=UnknownMetatype, type=symmetric_quantize]; -"trans3/avg_pool2d/0" [id=1191, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks.trans3/avg_pool2d/0__0.0._scale_param_storage" [id=1192, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1193, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.0.bn1.weight" [id=1194, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.0.bn1.bias" [id=1195, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.0.bn1.running_mean" [id=1196, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.0.bn1.running_var" [id=1197, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/0/bn1/batch_norm/0" [id=1198, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/0/relu/0" [id=1199, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/0/relu/0__0.0._scale_param_storage" [id=1200, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" [id=1201, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.0.conv1.weight" [id=1202, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/0/conv1/conv2d/0__1.0._scale_param_storage" [id=1203, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1204, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/0/conv1/conv2d/0" [id=1205, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.0.bn2.weight" [id=1206, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.0.bn2.bias" [id=1207, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.0.bn2.running_mean" [id=1208, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.0.bn2.running_var" [id=1209, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/0/bn2/batch_norm/0" [id=1210, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/0/relu/1" [id=1211, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/0/relu/1__0.0._scale_param_storage" [id=1212, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" [id=1213, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.0.conv2.weight" [id=1214, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/0/conv2/conv2d/0__1.0._scale_param_storage" [id=1215, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1216, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/0/conv2/conv2d/0" [id=1217, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/0/conv2/conv2d/0__0.0._scale_param_storage" [id=1218, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1219, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/0/cat/0" [id=1220, metatype=PTCatMetatype, type=cat]; -"dense4.1.bn1.weight" [id=1221, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.1.bn1.bias" [id=1222, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.1.bn1.running_mean" [id=1223, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.1.bn1.running_var" [id=1224, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/1/bn1/batch_norm/0" [id=1225, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/1/relu/0" [id=1226, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/1/relu/0__0.0._scale_param_storage" [id=1227, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" [id=1228, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.1.conv1.weight" [id=1229, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/1/conv1/conv2d/0__1.0._scale_param_storage" [id=1230, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1231, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/1/conv1/conv2d/0" [id=1232, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.1.bn2.weight" [id=1233, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.1.bn2.bias" [id=1234, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.1.bn2.running_mean" [id=1235, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.1.bn2.running_var" [id=1236, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/1/bn2/batch_norm/0" [id=1237, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/1/relu/1" [id=1238, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/1/relu/1__0.0._scale_param_storage" [id=1239, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" [id=1240, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.1.conv2.weight" [id=1241, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/1/conv2/conv2d/0__1.0._scale_param_storage" [id=1242, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1243, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/1/conv2/conv2d/0" [id=1244, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/1/conv2/conv2d/0__0.0._scale_param_storage" [id=1245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1246, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/1/cat/0" [id=1247, metatype=PTCatMetatype, type=cat]; -"dense4.2.bn1.weight" [id=1248, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.2.bn1.bias" [id=1249, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.2.bn1.running_mean" [id=1250, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.2.bn1.running_var" [id=1251, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/2/bn1/batch_norm/0" [id=1252, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/2/relu/0" [id=1253, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/2/relu/0__0.0._scale_param_storage" [id=1254, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" [id=1255, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.2.conv1.weight" [id=1256, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/2/conv1/conv2d/0__1.0._scale_param_storage" [id=1257, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1258, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/2/conv1/conv2d/0" [id=1259, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.2.bn2.weight" [id=1260, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.2.bn2.bias" [id=1261, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.2.bn2.running_mean" [id=1262, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.2.bn2.running_var" [id=1263, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/2/bn2/batch_norm/0" [id=1264, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/2/relu/1" [id=1265, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/2/relu/1__0.0._scale_param_storage" [id=1266, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" [id=1267, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.2.conv2.weight" [id=1268, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/2/conv2/conv2d/0__1.0._scale_param_storage" [id=1269, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1270, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/2/conv2/conv2d/0" [id=1271, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/2/conv2/conv2d/0__0.0._scale_param_storage" [id=1272, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1273, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/2/cat/0" [id=1274, metatype=PTCatMetatype, type=cat]; -"dense4.3.bn1.weight" [id=1275, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.3.bn1.bias" [id=1276, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.3.bn1.running_mean" [id=1277, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.3.bn1.running_var" [id=1278, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/3/bn1/batch_norm/0" [id=1279, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/3/relu/0" [id=1280, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/3/relu/0__0.0._scale_param_storage" [id=1281, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" [id=1282, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.3.conv1.weight" [id=1283, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/3/conv1/conv2d/0__1.0._scale_param_storage" [id=1284, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1285, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/3/conv1/conv2d/0" [id=1286, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.3.bn2.weight" [id=1287, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.3.bn2.bias" [id=1288, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.3.bn2.running_mean" [id=1289, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.3.bn2.running_var" [id=1290, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/3/bn2/batch_norm/0" [id=1291, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/3/relu/1" [id=1292, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/3/relu/1__0.0._scale_param_storage" [id=1293, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" [id=1294, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.3.conv2.weight" [id=1295, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/3/conv2/conv2d/0__1.0._scale_param_storage" [id=1296, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1297, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/3/conv2/conv2d/0" [id=1298, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/3/conv2/conv2d/0__0.0._scale_param_storage" [id=1299, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1300, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/3/cat/0" [id=1301, metatype=PTCatMetatype, type=cat]; -"dense4.4.bn1.weight" [id=1302, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.4.bn1.bias" [id=1303, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.4.bn1.running_mean" [id=1304, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.4.bn1.running_var" [id=1305, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/4/bn1/batch_norm/0" [id=1306, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/4/relu/0" [id=1307, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/4/relu/0__0.0._scale_param_storage" [id=1308, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" [id=1309, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.4.conv1.weight" [id=1310, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/4/conv1/conv2d/0__1.0._scale_param_storage" [id=1311, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1312, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/4/conv1/conv2d/0" [id=1313, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.4.bn2.weight" [id=1314, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.4.bn2.bias" [id=1315, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.4.bn2.running_mean" [id=1316, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.4.bn2.running_var" [id=1317, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/4/bn2/batch_norm/0" [id=1318, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/4/relu/1" [id=1319, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/4/relu/1__0.0._scale_param_storage" [id=1320, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" [id=1321, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.4.conv2.weight" [id=1322, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/4/conv2/conv2d/0__1.0._scale_param_storage" [id=1323, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1324, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/4/conv2/conv2d/0" [id=1325, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/4/conv2/conv2d/0__0.0._scale_param_storage" [id=1326, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1327, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/4/cat/0" [id=1328, metatype=PTCatMetatype, type=cat]; -"dense4.5.bn1.weight" [id=1329, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.5.bn1.bias" [id=1330, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.5.bn1.running_mean" [id=1331, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.5.bn1.running_var" [id=1332, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/5/bn1/batch_norm/0" [id=1333, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/5/relu/0" [id=1334, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/5/relu/0__0.0._scale_param_storage" [id=1335, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" [id=1336, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.5.conv1.weight" [id=1337, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/5/conv1/conv2d/0__1.0._scale_param_storage" [id=1338, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1339, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/5/conv1/conv2d/0" [id=1340, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.5.bn2.weight" [id=1341, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.5.bn2.bias" [id=1342, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.5.bn2.running_mean" [id=1343, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.5.bn2.running_var" [id=1344, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/5/bn2/batch_norm/0" [id=1345, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/5/relu/1" [id=1346, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/5/relu/1__0.0._scale_param_storage" [id=1347, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" [id=1348, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.5.conv2.weight" [id=1349, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/5/conv2/conv2d/0__1.0._scale_param_storage" [id=1350, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1351, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/5/conv2/conv2d/0" [id=1352, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/5/conv2/conv2d/0__0.0._scale_param_storage" [id=1353, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1354, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/5/cat/0" [id=1355, metatype=PTCatMetatype, type=cat]; -"dense4.6.bn1.weight" [id=1356, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.6.bn1.bias" [id=1357, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.6.bn1.running_mean" [id=1358, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.6.bn1.running_var" [id=1359, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/6/bn1/batch_norm/0" [id=1360, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/6/relu/0" [id=1361, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/6/relu/0__0.0._scale_param_storage" [id=1362, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" [id=1363, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.6.conv1.weight" [id=1364, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/6/conv1/conv2d/0__1.0._scale_param_storage" [id=1365, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1366, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/6/conv1/conv2d/0" [id=1367, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.6.bn2.weight" [id=1368, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.6.bn2.bias" [id=1369, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.6.bn2.running_mean" [id=1370, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.6.bn2.running_var" [id=1371, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/6/bn2/batch_norm/0" [id=1372, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/6/relu/1" [id=1373, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/6/relu/1__0.0._scale_param_storage" [id=1374, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" [id=1375, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.6.conv2.weight" [id=1376, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/6/conv2/conv2d/0__1.0._scale_param_storage" [id=1377, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1378, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/6/conv2/conv2d/0" [id=1379, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/6/conv2/conv2d/0__0.0._scale_param_storage" [id=1380, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1381, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/6/cat/0" [id=1382, metatype=PTCatMetatype, type=cat]; -"dense4.7.bn1.weight" [id=1383, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.7.bn1.bias" [id=1384, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.7.bn1.running_mean" [id=1385, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.7.bn1.running_var" [id=1386, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/7/bn1/batch_norm/0" [id=1387, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/7/relu/0" [id=1388, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/7/relu/0__0.0._scale_param_storage" [id=1389, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" [id=1390, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.7.conv1.weight" [id=1391, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/7/conv1/conv2d/0__1.0._scale_param_storage" [id=1392, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1393, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/7/conv1/conv2d/0" [id=1394, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.7.bn2.weight" [id=1395, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.7.bn2.bias" [id=1396, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.7.bn2.running_mean" [id=1397, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.7.bn2.running_var" [id=1398, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/7/bn2/batch_norm/0" [id=1399, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/7/relu/1" [id=1400, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/7/relu/1__0.0._scale_param_storage" [id=1401, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" [id=1402, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.7.conv2.weight" [id=1403, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/7/conv2/conv2d/0__1.0._scale_param_storage" [id=1404, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1405, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/7/conv2/conv2d/0" [id=1406, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/7/conv2/conv2d/0__0.0._scale_param_storage" [id=1407, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1408, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/7/cat/0" [id=1409, metatype=PTCatMetatype, type=cat]; -"dense4.8.bn1.weight" [id=1410, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.8.bn1.bias" [id=1411, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.8.bn1.running_mean" [id=1412, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.8.bn1.running_var" [id=1413, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/8/bn1/batch_norm/0" [id=1414, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/8/relu/0" [id=1415, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/8/relu/0__0.0._scale_param_storage" [id=1416, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" [id=1417, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.8.conv1.weight" [id=1418, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/8/conv1/conv2d/0__1.0._scale_param_storage" [id=1419, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1420, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/8/conv1/conv2d/0" [id=1421, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.8.bn2.weight" [id=1422, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.8.bn2.bias" [id=1423, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.8.bn2.running_mean" [id=1424, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.8.bn2.running_var" [id=1425, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/8/bn2/batch_norm/0" [id=1426, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/8/relu/1" [id=1427, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/8/relu/1__0.0._scale_param_storage" [id=1428, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" [id=1429, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.8.conv2.weight" [id=1430, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/8/conv2/conv2d/0__1.0._scale_param_storage" [id=1431, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1432, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/8/conv2/conv2d/0" [id=1433, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/8/conv2/conv2d/0__0.0._scale_param_storage" [id=1434, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1435, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/8/cat/0" [id=1436, metatype=PTCatMetatype, type=cat]; -"dense4.9.bn1.weight" [id=1437, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.9.bn1.bias" [id=1438, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.9.bn1.running_mean" [id=1439, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.9.bn1.running_var" [id=1440, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/9/bn1/batch_norm/0" [id=1441, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/9/relu/0" [id=1442, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/9/relu/0__0.0._scale_param_storage" [id=1443, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" [id=1444, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.9.conv1.weight" [id=1445, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/9/conv1/conv2d/0__1.0._scale_param_storage" [id=1446, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1447, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/9/conv1/conv2d/0" [id=1448, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.9.bn2.weight" [id=1449, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.9.bn2.bias" [id=1450, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.9.bn2.running_mean" [id=1451, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.9.bn2.running_var" [id=1452, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/9/bn2/batch_norm/0" [id=1453, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/9/relu/1" [id=1454, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/9/relu/1__0.0._scale_param_storage" [id=1455, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" [id=1456, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.9.conv2.weight" [id=1457, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/9/conv2/conv2d/0__1.0._scale_param_storage" [id=1458, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1459, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/9/conv2/conv2d/0" [id=1460, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/9/conv2/conv2d/0__0.0._scale_param_storage" [id=1461, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1462, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/9/cat/0" [id=1463, metatype=PTCatMetatype, type=cat]; -"dense4.10.bn1.weight" [id=1464, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.10.bn1.bias" [id=1465, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.10.bn1.running_mean" [id=1466, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.10.bn1.running_var" [id=1467, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/10/bn1/batch_norm/0" [id=1468, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/10/relu/0" [id=1469, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/10/relu/0__0.0._scale_param_storage" [id=1470, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" [id=1471, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.10.conv1.weight" [id=1472, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/10/conv1/conv2d/0__1.0._scale_param_storage" [id=1473, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1474, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/10/conv1/conv2d/0" [id=1475, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.10.bn2.weight" [id=1476, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.10.bn2.bias" [id=1477, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.10.bn2.running_mean" [id=1478, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.10.bn2.running_var" [id=1479, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/10/bn2/batch_norm/0" [id=1480, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/10/relu/1" [id=1481, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/10/relu/1__0.0._scale_param_storage" [id=1482, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" [id=1483, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.10.conv2.weight" [id=1484, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/10/conv2/conv2d/0__1.0._scale_param_storage" [id=1485, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1486, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/10/conv2/conv2d/0" [id=1487, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/10/conv2/conv2d/0__0.0._scale_param_storage" [id=1488, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1489, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/10/cat/0" [id=1490, metatype=PTCatMetatype, type=cat]; -"dense4.11.bn1.weight" [id=1491, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.11.bn1.bias" [id=1492, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.11.bn1.running_mean" [id=1493, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.11.bn1.running_var" [id=1494, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/11/bn1/batch_norm/0" [id=1495, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/11/relu/0" [id=1496, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/11/relu/0__0.0._scale_param_storage" [id=1497, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" [id=1498, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.11.conv1.weight" [id=1499, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/11/conv1/conv2d/0__1.0._scale_param_storage" [id=1500, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1501, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/11/conv1/conv2d/0" [id=1502, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.11.bn2.weight" [id=1503, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.11.bn2.bias" [id=1504, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.11.bn2.running_mean" [id=1505, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.11.bn2.running_var" [id=1506, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/11/bn2/batch_norm/0" [id=1507, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/11/relu/1" [id=1508, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/11/relu/1__0.0._scale_param_storage" [id=1509, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" [id=1510, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.11.conv2.weight" [id=1511, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/11/conv2/conv2d/0__1.0._scale_param_storage" [id=1512, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1513, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/11/conv2/conv2d/0" [id=1514, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/11/conv2/conv2d/0__0.0._scale_param_storage" [id=1515, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1516, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/11/cat/0" [id=1517, metatype=PTCatMetatype, type=cat]; -"dense4.12.bn1.weight" [id=1518, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.12.bn1.bias" [id=1519, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.12.bn1.running_mean" [id=1520, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.12.bn1.running_var" [id=1521, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/12/bn1/batch_norm/0" [id=1522, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/12/relu/0" [id=1523, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/12/relu/0__0.0._scale_param_storage" [id=1524, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" [id=1525, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.12.conv1.weight" [id=1526, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/12/conv1/conv2d/0__1.0._scale_param_storage" [id=1527, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1528, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/12/conv1/conv2d/0" [id=1529, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.12.bn2.weight" [id=1530, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.12.bn2.bias" [id=1531, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.12.bn2.running_mean" [id=1532, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.12.bn2.running_var" [id=1533, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/12/bn2/batch_norm/0" [id=1534, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/12/relu/1" [id=1535, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/12/relu/1__0.0._scale_param_storage" [id=1536, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" [id=1537, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.12.conv2.weight" [id=1538, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/12/conv2/conv2d/0__1.0._scale_param_storage" [id=1539, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1540, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/12/conv2/conv2d/0" [id=1541, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/12/conv2/conv2d/0__0.0._scale_param_storage" [id=1542, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1543, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/12/cat/0" [id=1544, metatype=PTCatMetatype, type=cat]; -"dense4.13.bn1.weight" [id=1545, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.13.bn1.bias" [id=1546, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.13.bn1.running_mean" [id=1547, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.13.bn1.running_var" [id=1548, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/13/bn1/batch_norm/0" [id=1549, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/13/relu/0" [id=1550, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/13/relu/0__0.0._scale_param_storage" [id=1551, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" [id=1552, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.13.conv1.weight" [id=1553, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/13/conv1/conv2d/0__1.0._scale_param_storage" [id=1554, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1555, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/13/conv1/conv2d/0" [id=1556, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.13.bn2.weight" [id=1557, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.13.bn2.bias" [id=1558, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.13.bn2.running_mean" [id=1559, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.13.bn2.running_var" [id=1560, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/13/bn2/batch_norm/0" [id=1561, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/13/relu/1" [id=1562, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/13/relu/1__0.0._scale_param_storage" [id=1563, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" [id=1564, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.13.conv2.weight" [id=1565, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/13/conv2/conv2d/0__1.0._scale_param_storage" [id=1566, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1567, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/13/conv2/conv2d/0" [id=1568, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/13/conv2/conv2d/0__0.0._scale_param_storage" [id=1569, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1570, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/13/cat/0" [id=1571, metatype=PTCatMetatype, type=cat]; -"dense4.14.bn1.weight" [id=1572, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.14.bn1.bias" [id=1573, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.14.bn1.running_mean" [id=1574, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.14.bn1.running_var" [id=1575, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/14/bn1/batch_norm/0" [id=1576, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/14/relu/0" [id=1577, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/14/relu/0__0.0._scale_param_storage" [id=1578, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" [id=1579, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.14.conv1.weight" [id=1580, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/14/conv1/conv2d/0__1.0._scale_param_storage" [id=1581, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1582, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/14/conv1/conv2d/0" [id=1583, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.14.bn2.weight" [id=1584, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.14.bn2.bias" [id=1585, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.14.bn2.running_mean" [id=1586, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.14.bn2.running_var" [id=1587, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/14/bn2/batch_norm/0" [id=1588, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/14/relu/1" [id=1589, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/14/relu/1__0.0._scale_param_storage" [id=1590, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" [id=1591, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.14.conv2.weight" [id=1592, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/14/conv2/conv2d/0__1.0._scale_param_storage" [id=1593, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1594, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/14/conv2/conv2d/0" [id=1595, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/14/conv2/conv2d/0__0.0._scale_param_storage" [id=1596, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1597, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/14/cat/0" [id=1598, metatype=PTCatMetatype, type=cat]; -"dense4.15.bn1.weight" [id=1599, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.15.bn1.bias" [id=1600, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.15.bn1.running_mean" [id=1601, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.15.bn1.running_var" [id=1602, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/15/bn1/batch_norm/0" [id=1603, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/15/relu/0" [id=1604, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/15/relu/0__0.0._scale_param_storage" [id=1605, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" [id=1606, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.15.conv1.weight" [id=1607, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/15/conv1/conv2d/0__1.0._scale_param_storage" [id=1608, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1609, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/15/conv1/conv2d/0" [id=1610, metatype=PTConv2dMetatype, type=conv2d]; -"dense4.15.bn2.weight" [id=1611, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.15.bn2.bias" [id=1612, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.15.bn2.running_mean" [id=1613, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4.15.bn2.running_var" [id=1614, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/15/bn2/batch_norm/0" [id=1615, metatype=PT2BatchNormMetatype, type=batch_norm]; -"dense4/15/relu/1" [id=1616, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.dense4/15/relu/1__0.0._scale_param_storage" [id=1617, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" [id=1618, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4.15.conv2.weight" [id=1619, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.dense4/15/conv2/conv2d/0__1.0._scale_param_storage" [id=1620, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1621, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/15/conv2/conv2d/0" [id=1622, metatype=PTConv2dMetatype, type=conv2d]; -"__nncf_hooks.post_hooks.dense4/15/conv2/conv2d/0__0.0._scale_param_storage" [id=1623, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1624, metatype=UnknownMetatype, type=symmetric_quantize]; -"dense4/15/cat/0" [id=1625, metatype=PTCatMetatype, type=cat]; -"bn.weight" [id=1626, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn.bias" [id=1627, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn.running_mean" [id=1628, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn.running_var" [id=1629, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn/batch_norm/0" [id=1630, metatype=PT2BatchNormMetatype, type=batch_norm]; -"/relu/0" [id=1631, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=1632, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=1633, metatype=UnknownMetatype, type=symmetric_quantize]; -"/avg_pool2d/0" [id=1634, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" [id=1635, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1636, metatype=UnknownMetatype, type=symmetric_quantize]; -"/view/0" [id=1637, metatype=PTReshapeMetatype, type=view]; -"linear.weight" [id=1638, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"linear.bias" [id=1639, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=1640, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=1641, metatype=UnknownMetatype, type=symmetric_quantize]; -"linear/linear/0" [id=1642, metatype=PTLinearMetatype, type=linear]; -output [id=1643, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 3, 3, 3)"]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 3, 3)"]; -"conv1/conv2d/0" -> "conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"__nncf_hooks.post_hooks.conv1/conv2d/0__0.0._scale_param_storage" -> "conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 32, 32)"]; -"dense1.0.bn1.weight" -> "dense1/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"dense1.0.bn1.bias" -> "dense1/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"dense1.0.bn1.running_mean" -> "dense1/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"dense1.0.bn1.running_var" -> "dense1/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"dense1/0/bn1/batch_norm/0" -> "dense1/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"dense1/0/relu/0" -> "dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/0/relu/0__0.0._scale_param_storage" -> "dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" -> "dense1/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"dense1.0.conv1.weight" -> "dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 64, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense1/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 1, 1)"]; -"dense1/0/conv1/conv2d/0" -> "dense1/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1.0.bn2.weight" -> "dense1/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense1.0.bn2.bias" -> "dense1/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense1.0.bn2.running_mean" -> "dense1/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense1.0.bn2.running_var" -> "dense1/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense1/0/bn2/batch_norm/0" -> "dense1/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1/0/relu/1" -> "dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/0/relu/1__0.0._scale_param_storage" -> "dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" -> "dense1/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1.0.conv2.weight" -> "dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense1/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense1/0/conv2/conv2d/0" -> "dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"dense1/0/cat/0" -> "dense1/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"dense1/0/cat/0" -> "dense1/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 32, 32)"]; -"dense1.1.bn1.weight" -> "dense1/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"dense1.1.bn1.bias" -> "dense1/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"dense1.1.bn1.running_mean" -> "dense1/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"dense1.1.bn1.running_var" -> "dense1/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"dense1/1/bn1/batch_norm/0" -> "dense1/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"dense1/1/relu/0" -> "dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/1/relu/0__0.0._scale_param_storage" -> "dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" -> "dense1/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"dense1.1.conv1.weight" -> "dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense1/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 96, 1, 1)"]; -"dense1/1/conv1/conv2d/0" -> "dense1/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1.1.bn2.weight" -> "dense1/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense1.1.bn2.bias" -> "dense1/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense1.1.bn2.running_mean" -> "dense1/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense1.1.bn2.running_var" -> "dense1/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense1/1/bn2/batch_norm/0" -> "dense1/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1/1/relu/1" -> "dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/1/relu/1__0.0._scale_param_storage" -> "dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" -> "dense1/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1.1.conv2.weight" -> "dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense1/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense1/1/conv2/conv2d/0" -> "dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"dense1/1/cat/0" -> "dense1/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1/1/cat/0" -> "dense1/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1.2.bn1.weight" -> "dense1/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense1.2.bn1.bias" -> "dense1/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense1.2.bn1.running_mean" -> "dense1/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense1.2.bn1.running_var" -> "dense1/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense1/2/bn1/batch_norm/0" -> "dense1/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1/2/relu/0" -> "dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/2/relu/0__0.0._scale_param_storage" -> "dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" -> "dense1/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1.2.conv1.weight" -> "dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense1/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 1)"]; -"dense1/2/conv1/conv2d/0" -> "dense1/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1.2.bn2.weight" -> "dense1/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense1.2.bn2.bias" -> "dense1/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense1.2.bn2.running_mean" -> "dense1/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense1.2.bn2.running_var" -> "dense1/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense1/2/bn2/batch_norm/0" -> "dense1/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1/2/relu/1" -> "dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/2/relu/1__0.0._scale_param_storage" -> "dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" -> "dense1/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1.2.conv2.weight" -> "dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense1/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense1/2/conv2/conv2d/0" -> "dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"dense1/2/cat/0" -> "dense1/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 32, 32)"]; -"dense1/2/cat/0" -> "dense1/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 160, 32, 32)"]; -"dense1.3.bn1.weight" -> "dense1/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"dense1.3.bn1.bias" -> "dense1/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"dense1.3.bn1.running_mean" -> "dense1/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"dense1.3.bn1.running_var" -> "dense1/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"dense1/3/bn1/batch_norm/0" -> "dense1/3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 32, 32)"]; -"dense1/3/relu/0" -> "dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/3/relu/0__0.0._scale_param_storage" -> "dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" -> "dense1/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 32, 32)"]; -"dense1.3.conv1.weight" -> "dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 160, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense1/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 160, 1, 1)"]; -"dense1/3/conv1/conv2d/0" -> "dense1/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1.3.bn2.weight" -> "dense1/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense1.3.bn2.bias" -> "dense1/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense1.3.bn2.running_mean" -> "dense1/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense1.3.bn2.running_var" -> "dense1/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense1/3/bn2/batch_norm/0" -> "dense1/3/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1/3/relu/1" -> "dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/3/relu/1__0.0._scale_param_storage" -> "dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" -> "dense1/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1.3.conv2.weight" -> "dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense1/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense1/3/conv2/conv2d/0" -> "dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"dense1/3/cat/0" -> "dense1/4/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"dense1/3/cat/0" -> "dense1/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 32, 32)"]; -"dense1.4.bn1.weight" -> "dense1/4/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"dense1.4.bn1.bias" -> "dense1/4/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"dense1.4.bn1.running_mean" -> "dense1/4/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"dense1.4.bn1.running_var" -> "dense1/4/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"dense1/4/bn1/batch_norm/0" -> "dense1/4/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"dense1/4/relu/0" -> "dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/4/relu/0__0.0._scale_param_storage" -> "dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" -> "dense1/4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"dense1.4.conv1.weight" -> "dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 192, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense1/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 192, 1, 1)"]; -"dense1/4/conv1/conv2d/0" -> "dense1/4/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1.4.bn2.weight" -> "dense1/4/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense1.4.bn2.bias" -> "dense1/4/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense1.4.bn2.running_mean" -> "dense1/4/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense1.4.bn2.running_var" -> "dense1/4/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense1/4/bn2/batch_norm/0" -> "dense1/4/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1/4/relu/1" -> "dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/4/relu/1__0.0._scale_param_storage" -> "dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" -> "dense1/4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1.4.conv2.weight" -> "dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense1/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense1/4/conv2/conv2d/0" -> "dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"dense1/4/cat/0" -> "dense1/5/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 32, 32)"]; -"dense1/4/cat/0" -> "dense1/5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 224, 32, 32)"]; -"dense1.5.bn1.weight" -> "dense1/5/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(224,)"]; -"dense1.5.bn1.bias" -> "dense1/5/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(224,)"]; -"dense1.5.bn1.running_mean" -> "dense1/5/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(224,)"]; -"dense1.5.bn1.running_var" -> "dense1/5/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(224,)"]; -"dense1/5/bn1/batch_norm/0" -> "dense1/5/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 32, 32)"]; -"dense1/5/relu/0" -> "dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/5/relu/0__0.0._scale_param_storage" -> "dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" -> "dense1/5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 32, 32)"]; -"dense1.5.conv1.weight" -> "dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 224, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense1/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 224, 1, 1)"]; -"dense1/5/conv1/conv2d/0" -> "dense1/5/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1.5.bn2.weight" -> "dense1/5/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense1.5.bn2.bias" -> "dense1/5/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense1.5.bn2.running_mean" -> "dense1/5/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense1.5.bn2.running_var" -> "dense1/5/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense1/5/bn2/batch_norm/0" -> "dense1/5/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1/5/relu/1" -> "dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/5/relu/1__0.0._scale_param_storage" -> "dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" -> "dense1/5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"dense1.5.conv2.weight" -> "dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense1/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense1/5/conv2/conv2d/0" -> "dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"__nncf_hooks.post_hooks.dense1/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"dense1/5/cat/0" -> "trans1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; -"trans1.bn.weight" -> "trans1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"trans1.bn.bias" -> "trans1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"trans1.bn.running_mean" -> "trans1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"trans1.bn.running_var" -> "trans1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"trans1/bn/batch_norm/0" -> "trans1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; -"trans1/relu/0" -> "trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; -"__nncf_hooks.post_hooks.trans1/relu/0__0.0._scale_param_storage" -> "trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" -> "trans1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; -"trans1.conv.weight" -> "trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 256, 1, 1)"]; -"__nncf_hooks.pre_hooks.trans1/conv/conv2d/0__1.0._scale_param_storage" -> "trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "trans1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; -"trans1/conv/conv2d/0" -> "trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"__nncf_hooks.post_hooks.trans1/conv/conv2d/0__0.0._scale_param_storage" -> "trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" -> "trans1/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"trans1/avg_pool2d/0" -> "trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.trans1/avg_pool2d/0__0.0._scale_param_storage" -> "trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense2/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense2/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.0.bn1.weight" -> "dense2/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense2.0.bn1.bias" -> "dense2/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense2.0.bn1.running_mean" -> "dense2/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense2.0.bn1.running_var" -> "dense2/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense2/0/bn1/batch_norm/0" -> "dense2/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2/0/relu/0" -> "dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/0/relu/0__0.0._scale_param_storage" -> "dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" -> "dense2/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.0.conv1.weight" -> "dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense2/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 1)"]; -"dense2/0/conv1/conv2d/0" -> "dense2/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.0.bn2.weight" -> "dense2/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense2.0.bn2.bias" -> "dense2/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense2.0.bn2.running_mean" -> "dense2/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense2.0.bn2.running_var" -> "dense2/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense2/0/bn2/batch_norm/0" -> "dense2/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2/0/relu/1" -> "dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/0/relu/1__0.0._scale_param_storage" -> "dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" -> "dense2/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.0.conv2.weight" -> "dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense2/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense2/0/conv2/conv2d/0" -> "dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"dense2/0/cat/0" -> "dense2/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"dense2/0/cat/0" -> "dense2/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 160, 16, 16)"]; -"dense2.1.bn1.weight" -> "dense2/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"dense2.1.bn1.bias" -> "dense2/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"dense2.1.bn1.running_mean" -> "dense2/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"dense2.1.bn1.running_var" -> "dense2/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"dense2/1/bn1/batch_norm/0" -> "dense2/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"dense2/1/relu/0" -> "dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/1/relu/0__0.0._scale_param_storage" -> "dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" -> "dense2/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"dense2.1.conv1.weight" -> "dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 160, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense2/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 160, 1, 1)"]; -"dense2/1/conv1/conv2d/0" -> "dense2/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.1.bn2.weight" -> "dense2/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense2.1.bn2.bias" -> "dense2/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense2.1.bn2.running_mean" -> "dense2/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense2.1.bn2.running_var" -> "dense2/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense2/1/bn2/batch_norm/0" -> "dense2/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2/1/relu/1" -> "dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/1/relu/1__0.0._scale_param_storage" -> "dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" -> "dense2/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.1.conv2.weight" -> "dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense2/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense2/1/conv2/conv2d/0" -> "dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"dense2/1/cat/0" -> "dense2/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; -"dense2/1/cat/0" -> "dense2/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 16, 16)"]; -"dense2.2.bn1.weight" -> "dense2/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"dense2.2.bn1.bias" -> "dense2/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"dense2.2.bn1.running_mean" -> "dense2/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"dense2.2.bn1.running_var" -> "dense2/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"dense2/2/bn1/batch_norm/0" -> "dense2/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; -"dense2/2/relu/0" -> "dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/2/relu/0__0.0._scale_param_storage" -> "dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" -> "dense2/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; -"dense2.2.conv1.weight" -> "dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 192, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense2/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 192, 1, 1)"]; -"dense2/2/conv1/conv2d/0" -> "dense2/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.2.bn2.weight" -> "dense2/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense2.2.bn2.bias" -> "dense2/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense2.2.bn2.running_mean" -> "dense2/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense2.2.bn2.running_var" -> "dense2/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense2/2/bn2/batch_norm/0" -> "dense2/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2/2/relu/1" -> "dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/2/relu/1__0.0._scale_param_storage" -> "dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" -> "dense2/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.2.conv2.weight" -> "dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense2/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense2/2/conv2/conv2d/0" -> "dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"dense2/2/cat/0" -> "dense2/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; -"dense2/2/cat/0" -> "dense2/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 224, 16, 16)"]; -"dense2.3.bn1.weight" -> "dense2/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(224,)"]; -"dense2.3.bn1.bias" -> "dense2/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(224,)"]; -"dense2.3.bn1.running_mean" -> "dense2/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(224,)"]; -"dense2.3.bn1.running_var" -> "dense2/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(224,)"]; -"dense2/3/bn1/batch_norm/0" -> "dense2/3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; -"dense2/3/relu/0" -> "dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/3/relu/0__0.0._scale_param_storage" -> "dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" -> "dense2/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; -"dense2.3.conv1.weight" -> "dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 224, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense2/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 224, 1, 1)"]; -"dense2/3/conv1/conv2d/0" -> "dense2/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.3.bn2.weight" -> "dense2/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense2.3.bn2.bias" -> "dense2/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense2.3.bn2.running_mean" -> "dense2/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense2.3.bn2.running_var" -> "dense2/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense2/3/bn2/batch_norm/0" -> "dense2/3/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2/3/relu/1" -> "dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/3/relu/1__0.0._scale_param_storage" -> "dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" -> "dense2/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.3.conv2.weight" -> "dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense2/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense2/3/conv2/conv2d/0" -> "dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"dense2/3/cat/0" -> "dense2/4/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"dense2/3/cat/0" -> "dense2/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 16, 16)"]; -"dense2.4.bn1.weight" -> "dense2/4/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"dense2.4.bn1.bias" -> "dense2/4/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"dense2.4.bn1.running_mean" -> "dense2/4/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"dense2.4.bn1.running_var" -> "dense2/4/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"dense2/4/bn1/batch_norm/0" -> "dense2/4/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"dense2/4/relu/0" -> "dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/4/relu/0__0.0._scale_param_storage" -> "dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" -> "dense2/4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"dense2.4.conv1.weight" -> "dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 256, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense2/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; -"dense2/4/conv1/conv2d/0" -> "dense2/4/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.4.bn2.weight" -> "dense2/4/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense2.4.bn2.bias" -> "dense2/4/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense2.4.bn2.running_mean" -> "dense2/4/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense2.4.bn2.running_var" -> "dense2/4/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense2/4/bn2/batch_norm/0" -> "dense2/4/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2/4/relu/1" -> "dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/4/relu/1__0.0._scale_param_storage" -> "dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" -> "dense2/4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.4.conv2.weight" -> "dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense2/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense2/4/conv2/conv2d/0" -> "dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"dense2/4/cat/0" -> "dense2/5/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 16, 16)"]; -"dense2/4/cat/0" -> "dense2/5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 288, 16, 16)"]; -"dense2.5.bn1.weight" -> "dense2/5/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; -"dense2.5.bn1.bias" -> "dense2/5/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; -"dense2.5.bn1.running_mean" -> "dense2/5/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; -"dense2.5.bn1.running_var" -> "dense2/5/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; -"dense2/5/bn1/batch_norm/0" -> "dense2/5/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 16, 16)"]; -"dense2/5/relu/0" -> "dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/5/relu/0__0.0._scale_param_storage" -> "dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" -> "dense2/5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 16, 16)"]; -"dense2.5.conv1.weight" -> "dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 288, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense2/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 288, 1, 1)"]; -"dense2/5/conv1/conv2d/0" -> "dense2/5/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.5.bn2.weight" -> "dense2/5/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense2.5.bn2.bias" -> "dense2/5/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense2.5.bn2.running_mean" -> "dense2/5/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense2.5.bn2.running_var" -> "dense2/5/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense2/5/bn2/batch_norm/0" -> "dense2/5/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2/5/relu/1" -> "dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/5/relu/1__0.0._scale_param_storage" -> "dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" -> "dense2/5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.5.conv2.weight" -> "dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense2/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense2/5/conv2/conv2d/0" -> "dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"dense2/5/cat/0" -> "dense2/6/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 16, 16)"]; -"dense2/5/cat/0" -> "dense2/6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 320, 16, 16)"]; -"dense2.6.bn1.weight" -> "dense2/6/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"dense2.6.bn1.bias" -> "dense2/6/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"dense2.6.bn1.running_mean" -> "dense2/6/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"dense2.6.bn1.running_var" -> "dense2/6/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"dense2/6/bn1/batch_norm/0" -> "dense2/6/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 16, 16)"]; -"dense2/6/relu/0" -> "dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/6/relu/0__0.0._scale_param_storage" -> "dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" -> "dense2/6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 16, 16)"]; -"dense2.6.conv1.weight" -> "dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 320, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense2/6/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 320, 1, 1)"]; -"dense2/6/conv1/conv2d/0" -> "dense2/6/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.6.bn2.weight" -> "dense2/6/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense2.6.bn2.bias" -> "dense2/6/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense2.6.bn2.running_mean" -> "dense2/6/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense2.6.bn2.running_var" -> "dense2/6/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense2/6/bn2/batch_norm/0" -> "dense2/6/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2/6/relu/1" -> "dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/6/relu/1__0.0._scale_param_storage" -> "dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" -> "dense2/6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.6.conv2.weight" -> "dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense2/6/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense2/6/conv2/conv2d/0" -> "dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/6/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"dense2/6/cat/0" -> "dense2/7/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 16, 16)"]; -"dense2/6/cat/0" -> "dense2/7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 352, 16, 16)"]; -"dense2.7.bn1.weight" -> "dense2/7/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(352,)"]; -"dense2.7.bn1.bias" -> "dense2/7/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(352,)"]; -"dense2.7.bn1.running_mean" -> "dense2/7/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(352,)"]; -"dense2.7.bn1.running_var" -> "dense2/7/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(352,)"]; -"dense2/7/bn1/batch_norm/0" -> "dense2/7/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 16, 16)"]; -"dense2/7/relu/0" -> "dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/7/relu/0__0.0._scale_param_storage" -> "dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" -> "dense2/7/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 16, 16)"]; -"dense2.7.conv1.weight" -> "dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 352, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense2/7/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/7/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 352, 1, 1)"]; -"dense2/7/conv1/conv2d/0" -> "dense2/7/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.7.bn2.weight" -> "dense2/7/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense2.7.bn2.bias" -> "dense2/7/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense2.7.bn2.running_mean" -> "dense2/7/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense2.7.bn2.running_var" -> "dense2/7/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense2/7/bn2/batch_norm/0" -> "dense2/7/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2/7/relu/1" -> "dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/7/relu/1__0.0._scale_param_storage" -> "dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" -> "dense2/7/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.7.conv2.weight" -> "dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense2/7/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/7/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense2/7/conv2/conv2d/0" -> "dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/7/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"dense2/7/cat/0" -> "dense2/8/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 16, 16)"]; -"dense2/7/cat/0" -> "dense2/8/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 16, 16)"]; -"dense2.8.bn1.weight" -> "dense2/8/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"dense2.8.bn1.bias" -> "dense2/8/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"dense2.8.bn1.running_mean" -> "dense2/8/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"dense2.8.bn1.running_var" -> "dense2/8/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"dense2/8/bn1/batch_norm/0" -> "dense2/8/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 16, 16)"]; -"dense2/8/relu/0" -> "dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/8/relu/0__0.0._scale_param_storage" -> "dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" -> "dense2/8/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 16, 16)"]; -"dense2.8.conv1.weight" -> "dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 384, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense2/8/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/8/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 384, 1, 1)"]; -"dense2/8/conv1/conv2d/0" -> "dense2/8/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.8.bn2.weight" -> "dense2/8/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense2.8.bn2.bias" -> "dense2/8/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense2.8.bn2.running_mean" -> "dense2/8/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense2.8.bn2.running_var" -> "dense2/8/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense2/8/bn2/batch_norm/0" -> "dense2/8/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2/8/relu/1" -> "dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/8/relu/1__0.0._scale_param_storage" -> "dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" -> "dense2/8/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.8.conv2.weight" -> "dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense2/8/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/8/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense2/8/conv2/conv2d/0" -> "dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/8/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/8/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"dense2/8/cat/0" -> "dense2/9/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 16, 16)"]; -"dense2/8/cat/0" -> "dense2/9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 416, 16, 16)"]; -"dense2.9.bn1.weight" -> "dense2/9/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(416,)"]; -"dense2.9.bn1.bias" -> "dense2/9/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(416,)"]; -"dense2.9.bn1.running_mean" -> "dense2/9/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(416,)"]; -"dense2.9.bn1.running_var" -> "dense2/9/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(416,)"]; -"dense2/9/bn1/batch_norm/0" -> "dense2/9/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 16, 16)"]; -"dense2/9/relu/0" -> "dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/9/relu/0__0.0._scale_param_storage" -> "dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" -> "dense2/9/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 16, 16)"]; -"dense2.9.conv1.weight" -> "dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 416, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense2/9/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/9/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 416, 1, 1)"]; -"dense2/9/conv1/conv2d/0" -> "dense2/9/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.9.bn2.weight" -> "dense2/9/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense2.9.bn2.bias" -> "dense2/9/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense2.9.bn2.running_mean" -> "dense2/9/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense2.9.bn2.running_var" -> "dense2/9/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense2/9/bn2/batch_norm/0" -> "dense2/9/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2/9/relu/1" -> "dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/9/relu/1__0.0._scale_param_storage" -> "dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" -> "dense2/9/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.9.conv2.weight" -> "dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense2/9/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/9/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense2/9/conv2/conv2d/0" -> "dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/9/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"dense2/9/cat/0" -> "dense2/10/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 16, 16)"]; -"dense2/9/cat/0" -> "dense2/10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 448, 16, 16)"]; -"dense2.10.bn1.weight" -> "dense2/10/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; -"dense2.10.bn1.bias" -> "dense2/10/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; -"dense2.10.bn1.running_mean" -> "dense2/10/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; -"dense2.10.bn1.running_var" -> "dense2/10/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; -"dense2/10/bn1/batch_norm/0" -> "dense2/10/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 16, 16)"]; -"dense2/10/relu/0" -> "dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/10/relu/0__0.0._scale_param_storage" -> "dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" -> "dense2/10/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 16, 16)"]; -"dense2.10.conv1.weight" -> "dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 448, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense2/10/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/10/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 448, 1, 1)"]; -"dense2/10/conv1/conv2d/0" -> "dense2/10/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.10.bn2.weight" -> "dense2/10/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense2.10.bn2.bias" -> "dense2/10/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense2.10.bn2.running_mean" -> "dense2/10/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense2.10.bn2.running_var" -> "dense2/10/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense2/10/bn2/batch_norm/0" -> "dense2/10/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2/10/relu/1" -> "dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/10/relu/1__0.0._scale_param_storage" -> "dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" -> "dense2/10/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.10.conv2.weight" -> "dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense2/10/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/10/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense2/10/conv2/conv2d/0" -> "dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/10/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"dense2/10/cat/0" -> "dense2/11/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; -"dense2/10/cat/0" -> "dense2/11/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 480, 16, 16)"]; -"dense2.11.bn1.weight" -> "dense2/11/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; -"dense2.11.bn1.bias" -> "dense2/11/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; -"dense2.11.bn1.running_mean" -> "dense2/11/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; -"dense2.11.bn1.running_var" -> "dense2/11/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; -"dense2/11/bn1/batch_norm/0" -> "dense2/11/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; -"dense2/11/relu/0" -> "dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/11/relu/0__0.0._scale_param_storage" -> "dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" -> "dense2/11/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; -"dense2.11.conv1.weight" -> "dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 480, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense2/11/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/11/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 480, 1, 1)"]; -"dense2/11/conv1/conv2d/0" -> "dense2/11/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.11.bn2.weight" -> "dense2/11/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense2.11.bn2.bias" -> "dense2/11/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense2.11.bn2.running_mean" -> "dense2/11/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense2.11.bn2.running_var" -> "dense2/11/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense2/11/bn2/batch_norm/0" -> "dense2/11/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2/11/relu/1" -> "dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/11/relu/1__0.0._scale_param_storage" -> "dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" -> "dense2/11/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"dense2.11.conv2.weight" -> "dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense2/11/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/11/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense2/11/conv2/conv2d/0" -> "dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.dense2/11/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/11/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"dense2/11/cat/0" -> "trans2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"trans2.bn.weight" -> "trans2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"trans2.bn.bias" -> "trans2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"trans2.bn.running_mean" -> "trans2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"trans2.bn.running_var" -> "trans2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"trans2/bn/batch_norm/0" -> "trans2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"trans2/relu/0" -> "trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"__nncf_hooks.post_hooks.trans2/relu/0__0.0._scale_param_storage" -> "trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" -> "trans2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"trans2.conv.weight" -> "trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 512, 1, 1)"]; -"__nncf_hooks.pre_hooks.trans2/conv/conv2d/0__1.0._scale_param_storage" -> "trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "trans2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 512, 1, 1)"]; -"trans2/conv/conv2d/0" -> "trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"__nncf_hooks.post_hooks.trans2/conv/conv2d/0__0.0._scale_param_storage" -> "trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" -> "trans2/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"trans2/avg_pool2d/0" -> "trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"__nncf_hooks.post_hooks.trans2/avg_pool2d/0__0.0._scale_param_storage" -> "trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense3/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense3/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 8, 8)"]; -"dense3.0.bn1.weight" -> "dense3/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"dense3.0.bn1.bias" -> "dense3/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"dense3.0.bn1.running_mean" -> "dense3/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"dense3.0.bn1.running_var" -> "dense3/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"dense3/0/bn1/batch_norm/0" -> "dense3/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"dense3/0/relu/0" -> "dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/0/relu/0__0.0._scale_param_storage" -> "dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" -> "dense3/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"dense3.0.conv1.weight" -> "dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 256, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; -"dense3/0/conv1/conv2d/0" -> "dense3/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.0.bn2.weight" -> "dense3/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.0.bn2.bias" -> "dense3/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.0.bn2.running_mean" -> "dense3/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.0.bn2.running_var" -> "dense3/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/0/bn2/batch_norm/0" -> "dense3/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/0/relu/1" -> "dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/0/relu/1__0.0._scale_param_storage" -> "dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" -> "dense3/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.0.conv2.weight" -> "dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/0/conv2/conv2d/0" -> "dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/0/cat/0" -> "dense3/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 8, 8)"]; -"dense3/0/cat/0" -> "dense3/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 288, 8, 8)"]; -"dense3.1.bn1.weight" -> "dense3/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; -"dense3.1.bn1.bias" -> "dense3/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; -"dense3.1.bn1.running_mean" -> "dense3/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; -"dense3.1.bn1.running_var" -> "dense3/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; -"dense3/1/bn1/batch_norm/0" -> "dense3/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 8, 8)"]; -"dense3/1/relu/0" -> "dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/1/relu/0__0.0._scale_param_storage" -> "dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" -> "dense3/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 8, 8)"]; -"dense3.1.conv1.weight" -> "dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 288, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 288, 1, 1)"]; -"dense3/1/conv1/conv2d/0" -> "dense3/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.1.bn2.weight" -> "dense3/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.1.bn2.bias" -> "dense3/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.1.bn2.running_mean" -> "dense3/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.1.bn2.running_var" -> "dense3/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/1/bn2/batch_norm/0" -> "dense3/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/1/relu/1" -> "dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/1/relu/1__0.0._scale_param_storage" -> "dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" -> "dense3/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.1.conv2.weight" -> "dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/1/conv2/conv2d/0" -> "dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/1/cat/0" -> "dense3/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"dense3/1/cat/0" -> "dense3/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 320, 8, 8)"]; -"dense3.2.bn1.weight" -> "dense3/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"dense3.2.bn1.bias" -> "dense3/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"dense3.2.bn1.running_mean" -> "dense3/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"dense3.2.bn1.running_var" -> "dense3/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"dense3/2/bn1/batch_norm/0" -> "dense3/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"dense3/2/relu/0" -> "dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/2/relu/0__0.0._scale_param_storage" -> "dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" -> "dense3/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"dense3.2.conv1.weight" -> "dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 320, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 320, 1, 1)"]; -"dense3/2/conv1/conv2d/0" -> "dense3/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.2.bn2.weight" -> "dense3/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.2.bn2.bias" -> "dense3/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.2.bn2.running_mean" -> "dense3/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.2.bn2.running_var" -> "dense3/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/2/bn2/batch_norm/0" -> "dense3/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/2/relu/1" -> "dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/2/relu/1__0.0._scale_param_storage" -> "dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" -> "dense3/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.2.conv2.weight" -> "dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/2/conv2/conv2d/0" -> "dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/2/cat/0" -> "dense3/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 8, 8)"]; -"dense3/2/cat/0" -> "dense3/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 352, 8, 8)"]; -"dense3.3.bn1.weight" -> "dense3/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(352,)"]; -"dense3.3.bn1.bias" -> "dense3/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(352,)"]; -"dense3.3.bn1.running_mean" -> "dense3/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(352,)"]; -"dense3.3.bn1.running_var" -> "dense3/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(352,)"]; -"dense3/3/bn1/batch_norm/0" -> "dense3/3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 8, 8)"]; -"dense3/3/relu/0" -> "dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/3/relu/0__0.0._scale_param_storage" -> "dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" -> "dense3/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 352, 8, 8)"]; -"dense3.3.conv1.weight" -> "dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 352, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 352, 1, 1)"]; -"dense3/3/conv1/conv2d/0" -> "dense3/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.3.bn2.weight" -> "dense3/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.3.bn2.bias" -> "dense3/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.3.bn2.running_mean" -> "dense3/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.3.bn2.running_var" -> "dense3/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/3/bn2/batch_norm/0" -> "dense3/3/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/3/relu/1" -> "dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/3/relu/1__0.0._scale_param_storage" -> "dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" -> "dense3/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.3.conv2.weight" -> "dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/3/conv2/conv2d/0" -> "dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/3/cat/0" -> "dense3/4/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"dense3/3/cat/0" -> "dense3/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 8, 8)"]; -"dense3.4.bn1.weight" -> "dense3/4/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"dense3.4.bn1.bias" -> "dense3/4/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"dense3.4.bn1.running_mean" -> "dense3/4/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"dense3.4.bn1.running_var" -> "dense3/4/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"dense3/4/bn1/batch_norm/0" -> "dense3/4/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"dense3/4/relu/0" -> "dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/4/relu/0__0.0._scale_param_storage" -> "dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" -> "dense3/4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"dense3.4.conv1.weight" -> "dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 384, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 384, 1, 1)"]; -"dense3/4/conv1/conv2d/0" -> "dense3/4/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.4.bn2.weight" -> "dense3/4/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.4.bn2.bias" -> "dense3/4/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.4.bn2.running_mean" -> "dense3/4/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.4.bn2.running_var" -> "dense3/4/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/4/bn2/batch_norm/0" -> "dense3/4/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/4/relu/1" -> "dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/4/relu/1__0.0._scale_param_storage" -> "dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" -> "dense3/4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.4.conv2.weight" -> "dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/4/conv2/conv2d/0" -> "dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/4/cat/0" -> "dense3/5/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 8, 8)"]; -"dense3/4/cat/0" -> "dense3/5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 416, 8, 8)"]; -"dense3.5.bn1.weight" -> "dense3/5/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(416,)"]; -"dense3.5.bn1.bias" -> "dense3/5/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(416,)"]; -"dense3.5.bn1.running_mean" -> "dense3/5/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(416,)"]; -"dense3.5.bn1.running_var" -> "dense3/5/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(416,)"]; -"dense3/5/bn1/batch_norm/0" -> "dense3/5/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 8, 8)"]; -"dense3/5/relu/0" -> "dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/5/relu/0__0.0._scale_param_storage" -> "dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" -> "dense3/5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 416, 8, 8)"]; -"dense3.5.conv1.weight" -> "dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 416, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 416, 1, 1)"]; -"dense3/5/conv1/conv2d/0" -> "dense3/5/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.5.bn2.weight" -> "dense3/5/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.5.bn2.bias" -> "dense3/5/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.5.bn2.running_mean" -> "dense3/5/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.5.bn2.running_var" -> "dense3/5/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/5/bn2/batch_norm/0" -> "dense3/5/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/5/relu/1" -> "dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/5/relu/1__0.0._scale_param_storage" -> "dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" -> "dense3/5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.5.conv2.weight" -> "dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/5/conv2/conv2d/0" -> "dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/5/cat/0" -> "dense3/6/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; -"dense3/5/cat/0" -> "dense3/6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 448, 8, 8)"]; -"dense3.6.bn1.weight" -> "dense3/6/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; -"dense3.6.bn1.bias" -> "dense3/6/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; -"dense3.6.bn1.running_mean" -> "dense3/6/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; -"dense3.6.bn1.running_var" -> "dense3/6/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; -"dense3/6/bn1/batch_norm/0" -> "dense3/6/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; -"dense3/6/relu/0" -> "dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/6/relu/0__0.0._scale_param_storage" -> "dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" -> "dense3/6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 448, 8, 8)"]; -"dense3.6.conv1.weight" -> "dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 448, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/6/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 448, 1, 1)"]; -"dense3/6/conv1/conv2d/0" -> "dense3/6/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.6.bn2.weight" -> "dense3/6/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.6.bn2.bias" -> "dense3/6/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.6.bn2.running_mean" -> "dense3/6/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.6.bn2.running_var" -> "dense3/6/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/6/bn2/batch_norm/0" -> "dense3/6/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/6/relu/1" -> "dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/6/relu/1__0.0._scale_param_storage" -> "dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" -> "dense3/6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.6.conv2.weight" -> "dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/6/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/6/conv2/conv2d/0" -> "dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/6/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/6/cat/0" -> "dense3/7/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 8, 8)"]; -"dense3/6/cat/0" -> "dense3/7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 480, 8, 8)"]; -"dense3.7.bn1.weight" -> "dense3/7/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(480,)"]; -"dense3.7.bn1.bias" -> "dense3/7/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(480,)"]; -"dense3.7.bn1.running_mean" -> "dense3/7/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(480,)"]; -"dense3.7.bn1.running_var" -> "dense3/7/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(480,)"]; -"dense3/7/bn1/batch_norm/0" -> "dense3/7/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 8, 8)"]; -"dense3/7/relu/0" -> "dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/7/relu/0__0.0._scale_param_storage" -> "dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" -> "dense3/7/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 8, 8)"]; -"dense3.7.conv1.weight" -> "dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 480, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/7/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/7/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 480, 1, 1)"]; -"dense3/7/conv1/conv2d/0" -> "dense3/7/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.7.bn2.weight" -> "dense3/7/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.7.bn2.bias" -> "dense3/7/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.7.bn2.running_mean" -> "dense3/7/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.7.bn2.running_var" -> "dense3/7/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/7/bn2/batch_norm/0" -> "dense3/7/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/7/relu/1" -> "dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/7/relu/1__0.0._scale_param_storage" -> "dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" -> "dense3/7/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.7.conv2.weight" -> "dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/7/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/7/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/7/conv2/conv2d/0" -> "dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/7/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/7/cat/0" -> "dense3/8/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"dense3/7/cat/0" -> "dense3/8/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 8, 8)"]; -"dense3.8.bn1.weight" -> "dense3/8/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"dense3.8.bn1.bias" -> "dense3/8/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"dense3.8.bn1.running_mean" -> "dense3/8/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"dense3.8.bn1.running_var" -> "dense3/8/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"dense3/8/bn1/batch_norm/0" -> "dense3/8/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"dense3/8/relu/0" -> "dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/8/relu/0__0.0._scale_param_storage" -> "dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" -> "dense3/8/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"dense3.8.conv1.weight" -> "dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 512, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/8/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/8/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512, 1, 1)"]; -"dense3/8/conv1/conv2d/0" -> "dense3/8/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.8.bn2.weight" -> "dense3/8/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.8.bn2.bias" -> "dense3/8/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.8.bn2.running_mean" -> "dense3/8/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.8.bn2.running_var" -> "dense3/8/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/8/bn2/batch_norm/0" -> "dense3/8/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/8/relu/1" -> "dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/8/relu/1__0.0._scale_param_storage" -> "dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" -> "dense3/8/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.8.conv2.weight" -> "dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/8/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/8/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/8/conv2/conv2d/0" -> "dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/8/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/8/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/8/cat/0" -> "dense3/9/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 8, 8)"]; -"dense3/8/cat/0" -> "dense3/9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 544, 8, 8)"]; -"dense3.9.bn1.weight" -> "dense3/9/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(544,)"]; -"dense3.9.bn1.bias" -> "dense3/9/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(544,)"]; -"dense3.9.bn1.running_mean" -> "dense3/9/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(544,)"]; -"dense3.9.bn1.running_var" -> "dense3/9/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(544,)"]; -"dense3/9/bn1/batch_norm/0" -> "dense3/9/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 8, 8)"]; -"dense3/9/relu/0" -> "dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/9/relu/0__0.0._scale_param_storage" -> "dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" -> "dense3/9/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 8, 8)"]; -"dense3.9.conv1.weight" -> "dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 544, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/9/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/9/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 544, 1, 1)"]; -"dense3/9/conv1/conv2d/0" -> "dense3/9/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.9.bn2.weight" -> "dense3/9/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.9.bn2.bias" -> "dense3/9/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.9.bn2.running_mean" -> "dense3/9/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.9.bn2.running_var" -> "dense3/9/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/9/bn2/batch_norm/0" -> "dense3/9/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/9/relu/1" -> "dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/9/relu/1__0.0._scale_param_storage" -> "dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" -> "dense3/9/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.9.conv2.weight" -> "dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/9/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/9/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/9/conv2/conv2d/0" -> "dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/9/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/9/cat/0" -> "dense3/10/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 8, 8)"]; -"dense3/9/cat/0" -> "dense3/10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 576, 8, 8)"]; -"dense3.10.bn1.weight" -> "dense3/10/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"dense3.10.bn1.bias" -> "dense3/10/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"dense3.10.bn1.running_mean" -> "dense3/10/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"dense3.10.bn1.running_var" -> "dense3/10/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"dense3/10/bn1/batch_norm/0" -> "dense3/10/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 8, 8)"]; -"dense3/10/relu/0" -> "dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/10/relu/0__0.0._scale_param_storage" -> "dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" -> "dense3/10/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 8, 8)"]; -"dense3.10.conv1.weight" -> "dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 576, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/10/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/10/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 576, 1, 1)"]; -"dense3/10/conv1/conv2d/0" -> "dense3/10/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.10.bn2.weight" -> "dense3/10/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.10.bn2.bias" -> "dense3/10/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.10.bn2.running_mean" -> "dense3/10/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.10.bn2.running_var" -> "dense3/10/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/10/bn2/batch_norm/0" -> "dense3/10/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/10/relu/1" -> "dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/10/relu/1__0.0._scale_param_storage" -> "dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" -> "dense3/10/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.10.conv2.weight" -> "dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/10/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/10/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/10/conv2/conv2d/0" -> "dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/10/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/10/cat/0" -> "dense3/11/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 8, 8)"]; -"dense3/10/cat/0" -> "dense3/11/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 608, 8, 8)"]; -"dense3.11.bn1.weight" -> "dense3/11/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(608,)"]; -"dense3.11.bn1.bias" -> "dense3/11/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(608,)"]; -"dense3.11.bn1.running_mean" -> "dense3/11/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(608,)"]; -"dense3.11.bn1.running_var" -> "dense3/11/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(608,)"]; -"dense3/11/bn1/batch_norm/0" -> "dense3/11/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 8, 8)"]; -"dense3/11/relu/0" -> "dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/11/relu/0__0.0._scale_param_storage" -> "dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" -> "dense3/11/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 8, 8)"]; -"dense3.11.conv1.weight" -> "dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 608, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/11/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/11/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 608, 1, 1)"]; -"dense3/11/conv1/conv2d/0" -> "dense3/11/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.11.bn2.weight" -> "dense3/11/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.11.bn2.bias" -> "dense3/11/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.11.bn2.running_mean" -> "dense3/11/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.11.bn2.running_var" -> "dense3/11/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/11/bn2/batch_norm/0" -> "dense3/11/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/11/relu/1" -> "dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/11/relu/1__0.0._scale_param_storage" -> "dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" -> "dense3/11/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.11.conv2.weight" -> "dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/11/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/11/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/11/conv2/conv2d/0" -> "dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/11/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/11/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/11/cat/0" -> "dense3/12/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 8, 8)"]; -"dense3/11/cat/0" -> "dense3/12/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 640, 8, 8)"]; -"dense3.12.bn1.weight" -> "dense3/12/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(640,)"]; -"dense3.12.bn1.bias" -> "dense3/12/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(640,)"]; -"dense3.12.bn1.running_mean" -> "dense3/12/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(640,)"]; -"dense3.12.bn1.running_var" -> "dense3/12/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(640,)"]; -"dense3/12/bn1/batch_norm/0" -> "dense3/12/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 8, 8)"]; -"dense3/12/relu/0" -> "dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/12/relu/0__0.0._scale_param_storage" -> "dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" -> "dense3/12/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 8, 8)"]; -"dense3.12.conv1.weight" -> "dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 640, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/12/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/12/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 640, 1, 1)"]; -"dense3/12/conv1/conv2d/0" -> "dense3/12/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.12.bn2.weight" -> "dense3/12/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.12.bn2.bias" -> "dense3/12/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.12.bn2.running_mean" -> "dense3/12/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.12.bn2.running_var" -> "dense3/12/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/12/bn2/batch_norm/0" -> "dense3/12/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/12/relu/1" -> "dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/12/relu/1__0.0._scale_param_storage" -> "dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" -> "dense3/12/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.12.conv2.weight" -> "dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/12/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/12/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/12/conv2/conv2d/0" -> "dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/12/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/12/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/12/cat/0" -> "dense3/13/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 8, 8)"]; -"dense3/12/cat/0" -> "dense3/13/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 672, 8, 8)"]; -"dense3.13.bn1.weight" -> "dense3/13/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; -"dense3.13.bn1.bias" -> "dense3/13/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; -"dense3.13.bn1.running_mean" -> "dense3/13/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; -"dense3.13.bn1.running_var" -> "dense3/13/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; -"dense3/13/bn1/batch_norm/0" -> "dense3/13/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 8, 8)"]; -"dense3/13/relu/0" -> "dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/13/relu/0__0.0._scale_param_storage" -> "dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" -> "dense3/13/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 8, 8)"]; -"dense3.13.conv1.weight" -> "dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 672, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/13/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/13/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 672, 1, 1)"]; -"dense3/13/conv1/conv2d/0" -> "dense3/13/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.13.bn2.weight" -> "dense3/13/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.13.bn2.bias" -> "dense3/13/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.13.bn2.running_mean" -> "dense3/13/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.13.bn2.running_var" -> "dense3/13/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/13/bn2/batch_norm/0" -> "dense3/13/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/13/relu/1" -> "dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/13/relu/1__0.0._scale_param_storage" -> "dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" -> "dense3/13/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.13.conv2.weight" -> "dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/13/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/13/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/13/conv2/conv2d/0" -> "dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/13/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/13/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/13/cat/0" -> "dense3/14/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 8, 8)"]; -"dense3/13/cat/0" -> "dense3/14/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 704, 8, 8)"]; -"dense3.14.bn1.weight" -> "dense3/14/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(704,)"]; -"dense3.14.bn1.bias" -> "dense3/14/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(704,)"]; -"dense3.14.bn1.running_mean" -> "dense3/14/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(704,)"]; -"dense3.14.bn1.running_var" -> "dense3/14/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(704,)"]; -"dense3/14/bn1/batch_norm/0" -> "dense3/14/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 8, 8)"]; -"dense3/14/relu/0" -> "dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/14/relu/0__0.0._scale_param_storage" -> "dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" -> "dense3/14/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 8, 8)"]; -"dense3.14.conv1.weight" -> "dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 704, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/14/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/14/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 704, 1, 1)"]; -"dense3/14/conv1/conv2d/0" -> "dense3/14/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.14.bn2.weight" -> "dense3/14/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.14.bn2.bias" -> "dense3/14/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.14.bn2.running_mean" -> "dense3/14/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.14.bn2.running_var" -> "dense3/14/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/14/bn2/batch_norm/0" -> "dense3/14/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/14/relu/1" -> "dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/14/relu/1__0.0._scale_param_storage" -> "dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" -> "dense3/14/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.14.conv2.weight" -> "dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/14/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/14/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/14/conv2/conv2d/0" -> "dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/14/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/14/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/14/cat/0" -> "dense3/15/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 8, 8)"]; -"dense3/14/cat/0" -> "dense3/15/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 736, 8, 8)"]; -"dense3.15.bn1.weight" -> "dense3/15/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(736,)"]; -"dense3.15.bn1.bias" -> "dense3/15/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(736,)"]; -"dense3.15.bn1.running_mean" -> "dense3/15/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(736,)"]; -"dense3.15.bn1.running_var" -> "dense3/15/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(736,)"]; -"dense3/15/bn1/batch_norm/0" -> "dense3/15/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 8, 8)"]; -"dense3/15/relu/0" -> "dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/15/relu/0__0.0._scale_param_storage" -> "dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" -> "dense3/15/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 8, 8)"]; -"dense3.15.conv1.weight" -> "dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 736, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/15/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/15/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 736, 1, 1)"]; -"dense3/15/conv1/conv2d/0" -> "dense3/15/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.15.bn2.weight" -> "dense3/15/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.15.bn2.bias" -> "dense3/15/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.15.bn2.running_mean" -> "dense3/15/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.15.bn2.running_var" -> "dense3/15/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/15/bn2/batch_norm/0" -> "dense3/15/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/15/relu/1" -> "dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/15/relu/1__0.0._scale_param_storage" -> "dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" -> "dense3/15/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.15.conv2.weight" -> "dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/15/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/15/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/15/conv2/conv2d/0" -> "dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/15/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/15/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/15/cat/0" -> "dense3/16/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 8, 8)"]; -"dense3/15/cat/0" -> "dense3/16/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 8, 8)"]; -"dense3.16.bn1.weight" -> "dense3/16/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768,)"]; -"dense3.16.bn1.bias" -> "dense3/16/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"dense3.16.bn1.running_mean" -> "dense3/16/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; -"dense3.16.bn1.running_var" -> "dense3/16/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(768,)"]; -"dense3/16/bn1/batch_norm/0" -> "dense3/16/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 8, 8)"]; -"dense3/16/relu/0" -> "dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/16/relu/0__0.0._scale_param_storage" -> "dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" -> "dense3/16/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 8, 8)"]; -"dense3.16.conv1.weight" -> "dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/16/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/16/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; -"dense3/16/conv1/conv2d/0" -> "dense3/16/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.16.bn2.weight" -> "dense3/16/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.16.bn2.bias" -> "dense3/16/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.16.bn2.running_mean" -> "dense3/16/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.16.bn2.running_var" -> "dense3/16/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/16/bn2/batch_norm/0" -> "dense3/16/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/16/relu/1" -> "dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/16/relu/1__0.0._scale_param_storage" -> "dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" -> "dense3/16/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.16.conv2.weight" -> "dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/16/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/16/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/16/conv2/conv2d/0" -> "dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/16/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/16/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/16/cat/0" -> "dense3/17/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 8, 8)"]; -"dense3/16/cat/0" -> "dense3/17/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 800, 8, 8)"]; -"dense3.17.bn1.weight" -> "dense3/17/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(800,)"]; -"dense3.17.bn1.bias" -> "dense3/17/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(800,)"]; -"dense3.17.bn1.running_mean" -> "dense3/17/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(800,)"]; -"dense3.17.bn1.running_var" -> "dense3/17/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(800,)"]; -"dense3/17/bn1/batch_norm/0" -> "dense3/17/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 8, 8)"]; -"dense3/17/relu/0" -> "dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/17/relu/0__0.0._scale_param_storage" -> "dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" -> "dense3/17/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 8, 8)"]; -"dense3.17.conv1.weight" -> "dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 800, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/17/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/17/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 800, 1, 1)"]; -"dense3/17/conv1/conv2d/0" -> "dense3/17/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.17.bn2.weight" -> "dense3/17/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.17.bn2.bias" -> "dense3/17/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.17.bn2.running_mean" -> "dense3/17/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.17.bn2.running_var" -> "dense3/17/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/17/bn2/batch_norm/0" -> "dense3/17/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/17/relu/1" -> "dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/17/relu/1__0.0._scale_param_storage" -> "dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" -> "dense3/17/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.17.conv2.weight" -> "dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/17/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/17/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/17/conv2/conv2d/0" -> "dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/17/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/17/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/17/cat/0" -> "dense3/18/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; -"dense3/17/cat/0" -> "dense3/18/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 832, 8, 8)"]; -"dense3.18.bn1.weight" -> "dense3/18/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(832,)"]; -"dense3.18.bn1.bias" -> "dense3/18/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(832,)"]; -"dense3.18.bn1.running_mean" -> "dense3/18/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(832,)"]; -"dense3.18.bn1.running_var" -> "dense3/18/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(832,)"]; -"dense3/18/bn1/batch_norm/0" -> "dense3/18/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; -"dense3/18/relu/0" -> "dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/18/relu/0__0.0._scale_param_storage" -> "dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" -> "dense3/18/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; -"dense3.18.conv1.weight" -> "dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 832, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/18/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/18/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 832, 1, 1)"]; -"dense3/18/conv1/conv2d/0" -> "dense3/18/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.18.bn2.weight" -> "dense3/18/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.18.bn2.bias" -> "dense3/18/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.18.bn2.running_mean" -> "dense3/18/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.18.bn2.running_var" -> "dense3/18/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/18/bn2/batch_norm/0" -> "dense3/18/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/18/relu/1" -> "dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/18/relu/1__0.0._scale_param_storage" -> "dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" -> "dense3/18/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.18.conv2.weight" -> "dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/18/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/18/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/18/conv2/conv2d/0" -> "dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/18/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/18/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/18/cat/0" -> "dense3/19/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 8, 8)"]; -"dense3/18/cat/0" -> "dense3/19/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 864, 8, 8)"]; -"dense3.19.bn1.weight" -> "dense3/19/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(864,)"]; -"dense3.19.bn1.bias" -> "dense3/19/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(864,)"]; -"dense3.19.bn1.running_mean" -> "dense3/19/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(864,)"]; -"dense3.19.bn1.running_var" -> "dense3/19/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(864,)"]; -"dense3/19/bn1/batch_norm/0" -> "dense3/19/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 8, 8)"]; -"dense3/19/relu/0" -> "dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/19/relu/0__0.0._scale_param_storage" -> "dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" -> "dense3/19/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 8, 8)"]; -"dense3.19.conv1.weight" -> "dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 864, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/19/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/19/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 864, 1, 1)"]; -"dense3/19/conv1/conv2d/0" -> "dense3/19/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.19.bn2.weight" -> "dense3/19/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.19.bn2.bias" -> "dense3/19/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.19.bn2.running_mean" -> "dense3/19/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.19.bn2.running_var" -> "dense3/19/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/19/bn2/batch_norm/0" -> "dense3/19/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/19/relu/1" -> "dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/19/relu/1__0.0._scale_param_storage" -> "dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" -> "dense3/19/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.19.conv2.weight" -> "dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/19/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/19/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/19/conv2/conv2d/0" -> "dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/19/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/19/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/19/cat/0" -> "dense3/20/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 8, 8)"]; -"dense3/19/cat/0" -> "dense3/20/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 896, 8, 8)"]; -"dense3.20.bn1.weight" -> "dense3/20/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(896,)"]; -"dense3.20.bn1.bias" -> "dense3/20/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(896,)"]; -"dense3.20.bn1.running_mean" -> "dense3/20/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(896,)"]; -"dense3.20.bn1.running_var" -> "dense3/20/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(896,)"]; -"dense3/20/bn1/batch_norm/0" -> "dense3/20/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 8, 8)"]; -"dense3/20/relu/0" -> "dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/20/relu/0__0.0._scale_param_storage" -> "dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" -> "dense3/20/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 8, 8)"]; -"dense3.20.conv1.weight" -> "dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 896, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/20/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/20/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 896, 1, 1)"]; -"dense3/20/conv1/conv2d/0" -> "dense3/20/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.20.bn2.weight" -> "dense3/20/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.20.bn2.bias" -> "dense3/20/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.20.bn2.running_mean" -> "dense3/20/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.20.bn2.running_var" -> "dense3/20/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/20/bn2/batch_norm/0" -> "dense3/20/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/20/relu/1" -> "dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/20/relu/1__0.0._scale_param_storage" -> "dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" -> "dense3/20/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.20.conv2.weight" -> "dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/20/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/20/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/20/conv2/conv2d/0" -> "dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/20/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/20/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/20/cat/0" -> "dense3/21/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 8, 8)"]; -"dense3/20/cat/0" -> "dense3/21/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 928, 8, 8)"]; -"dense3.21.bn1.weight" -> "dense3/21/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(928,)"]; -"dense3.21.bn1.bias" -> "dense3/21/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(928,)"]; -"dense3.21.bn1.running_mean" -> "dense3/21/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(928,)"]; -"dense3.21.bn1.running_var" -> "dense3/21/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(928,)"]; -"dense3/21/bn1/batch_norm/0" -> "dense3/21/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 8, 8)"]; -"dense3/21/relu/0" -> "dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/21/relu/0__0.0._scale_param_storage" -> "dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" -> "dense3/21/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 8, 8)"]; -"dense3.21.conv1.weight" -> "dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 928, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/21/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/21/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 928, 1, 1)"]; -"dense3/21/conv1/conv2d/0" -> "dense3/21/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.21.bn2.weight" -> "dense3/21/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.21.bn2.bias" -> "dense3/21/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.21.bn2.running_mean" -> "dense3/21/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.21.bn2.running_var" -> "dense3/21/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/21/bn2/batch_norm/0" -> "dense3/21/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/21/relu/1" -> "dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/21/relu/1__0.0._scale_param_storage" -> "dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" -> "dense3/21/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.21.conv2.weight" -> "dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/21/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/21/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/21/conv2/conv2d/0" -> "dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/21/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/21/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/21/cat/0" -> "dense3/22/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 8, 8)"]; -"dense3/21/cat/0" -> "dense3/22/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 960, 8, 8)"]; -"dense3.22.bn1.weight" -> "dense3/22/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"dense3.22.bn1.bias" -> "dense3/22/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"dense3.22.bn1.running_mean" -> "dense3/22/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"dense3.22.bn1.running_var" -> "dense3/22/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"dense3/22/bn1/batch_norm/0" -> "dense3/22/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 8, 8)"]; -"dense3/22/relu/0" -> "dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/22/relu/0__0.0._scale_param_storage" -> "dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" -> "dense3/22/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 8, 8)"]; -"dense3.22.conv1.weight" -> "dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 960, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/22/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/22/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 960, 1, 1)"]; -"dense3/22/conv1/conv2d/0" -> "dense3/22/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.22.bn2.weight" -> "dense3/22/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.22.bn2.bias" -> "dense3/22/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.22.bn2.running_mean" -> "dense3/22/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.22.bn2.running_var" -> "dense3/22/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/22/bn2/batch_norm/0" -> "dense3/22/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/22/relu/1" -> "dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/22/relu/1__0.0._scale_param_storage" -> "dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" -> "dense3/22/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.22.conv2.weight" -> "dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/22/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/22/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/22/conv2/conv2d/0" -> "dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/22/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/22/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/22/cat/0" -> "dense3/23/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 8, 8)"]; -"dense3/22/cat/0" -> "dense3/23/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 992, 8, 8)"]; -"dense3.23.bn1.weight" -> "dense3/23/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(992,)"]; -"dense3.23.bn1.bias" -> "dense3/23/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(992,)"]; -"dense3.23.bn1.running_mean" -> "dense3/23/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(992,)"]; -"dense3.23.bn1.running_var" -> "dense3/23/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(992,)"]; -"dense3/23/bn1/batch_norm/0" -> "dense3/23/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 8, 8)"]; -"dense3/23/relu/0" -> "dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/23/relu/0__0.0._scale_param_storage" -> "dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" -> "dense3/23/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 8, 8)"]; -"dense3.23.conv1.weight" -> "dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 992, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense3/23/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/23/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 992, 1, 1)"]; -"dense3/23/conv1/conv2d/0" -> "dense3/23/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.23.bn2.weight" -> "dense3/23/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense3.23.bn2.bias" -> "dense3/23/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense3.23.bn2.running_mean" -> "dense3/23/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense3.23.bn2.running_var" -> "dense3/23/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense3/23/bn2/batch_norm/0" -> "dense3/23/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3/23/relu/1" -> "dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/23/relu/1__0.0._scale_param_storage" -> "dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" -> "dense3/23/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"dense3.23.conv2.weight" -> "dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense3/23/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/23/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense3/23/conv2/conv2d/0" -> "dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.dense3/23/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/23/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"dense3/23/cat/0" -> "trans3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 8, 8)"]; -"trans3.bn.weight" -> "trans3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"trans3.bn.bias" -> "trans3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"trans3.bn.running_mean" -> "trans3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"trans3.bn.running_var" -> "trans3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"trans3/bn/batch_norm/0" -> "trans3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 8, 8)"]; -"trans3/relu/0" -> "trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 8, 8)"]; -"__nncf_hooks.post_hooks.trans3/relu/0__0.0._scale_param_storage" -> "trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" -> "trans3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 8, 8)"]; -"trans3.conv.weight" -> "trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 1024, 1, 1)"]; -"__nncf_hooks.pre_hooks.trans3/conv/conv2d/0__1.0._scale_param_storage" -> "trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "trans3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 1, 1)"]; -"trans3/conv/conv2d/0" -> "trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"__nncf_hooks.post_hooks.trans3/conv/conv2d/0__0.0._scale_param_storage" -> "trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" -> "trans3/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 8, 8)"]; -"trans3/avg_pool2d/0" -> "trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"__nncf_hooks.post_hooks.trans3/avg_pool2d/0__0.0._scale_param_storage" -> "trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense4/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense4/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 4, 4)"]; -"dense4.0.bn1.weight" -> "dense4/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"dense4.0.bn1.bias" -> "dense4/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"dense4.0.bn1.running_mean" -> "dense4/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"dense4.0.bn1.running_var" -> "dense4/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"dense4/0/bn1/batch_norm/0" -> "dense4/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"dense4/0/relu/0" -> "dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/0/relu/0__0.0._scale_param_storage" -> "dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" -> "dense4/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"dense4.0.conv1.weight" -> "dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 512, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512, 1, 1)"]; -"dense4/0/conv1/conv2d/0" -> "dense4/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.0.bn2.weight" -> "dense4/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.0.bn2.bias" -> "dense4/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.0.bn2.running_mean" -> "dense4/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.0.bn2.running_var" -> "dense4/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/0/bn2/batch_norm/0" -> "dense4/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/0/relu/1" -> "dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/0/relu/1__0.0._scale_param_storage" -> "dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" -> "dense4/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.0.conv2.weight" -> "dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/0/conv2/conv2d/0" -> "dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/0/cat/0" -> "dense4/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 4, 4)"]; -"dense4/0/cat/0" -> "dense4/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 544, 4, 4)"]; -"dense4.1.bn1.weight" -> "dense4/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(544,)"]; -"dense4.1.bn1.bias" -> "dense4/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(544,)"]; -"dense4.1.bn1.running_mean" -> "dense4/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(544,)"]; -"dense4.1.bn1.running_var" -> "dense4/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(544,)"]; -"dense4/1/bn1/batch_norm/0" -> "dense4/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 4, 4)"]; -"dense4/1/relu/0" -> "dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/1/relu/0__0.0._scale_param_storage" -> "dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" -> "dense4/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 544, 4, 4)"]; -"dense4.1.conv1.weight" -> "dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 544, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 544, 1, 1)"]; -"dense4/1/conv1/conv2d/0" -> "dense4/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.1.bn2.weight" -> "dense4/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.1.bn2.bias" -> "dense4/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.1.bn2.running_mean" -> "dense4/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.1.bn2.running_var" -> "dense4/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/1/bn2/batch_norm/0" -> "dense4/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/1/relu/1" -> "dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/1/relu/1__0.0._scale_param_storage" -> "dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" -> "dense4/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.1.conv2.weight" -> "dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/1/conv2/conv2d/0" -> "dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/1/cat/0" -> "dense4/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"dense4/1/cat/0" -> "dense4/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 576, 4, 4)"]; -"dense4.2.bn1.weight" -> "dense4/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"dense4.2.bn1.bias" -> "dense4/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"dense4.2.bn1.running_mean" -> "dense4/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"dense4.2.bn1.running_var" -> "dense4/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"dense4/2/bn1/batch_norm/0" -> "dense4/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"dense4/2/relu/0" -> "dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/2/relu/0__0.0._scale_param_storage" -> "dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" -> "dense4/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 4, 4)"]; -"dense4.2.conv1.weight" -> "dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 576, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 576, 1, 1)"]; -"dense4/2/conv1/conv2d/0" -> "dense4/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.2.bn2.weight" -> "dense4/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.2.bn2.bias" -> "dense4/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.2.bn2.running_mean" -> "dense4/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.2.bn2.running_var" -> "dense4/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/2/bn2/batch_norm/0" -> "dense4/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/2/relu/1" -> "dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/2/relu/1__0.0._scale_param_storage" -> "dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" -> "dense4/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.2.conv2.weight" -> "dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/2/conv2/conv2d/0" -> "dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/2/cat/0" -> "dense4/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 4, 4)"]; -"dense4/2/cat/0" -> "dense4/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 608, 4, 4)"]; -"dense4.3.bn1.weight" -> "dense4/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(608,)"]; -"dense4.3.bn1.bias" -> "dense4/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(608,)"]; -"dense4.3.bn1.running_mean" -> "dense4/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(608,)"]; -"dense4.3.bn1.running_var" -> "dense4/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(608,)"]; -"dense4/3/bn1/batch_norm/0" -> "dense4/3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 4, 4)"]; -"dense4/3/relu/0" -> "dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/3/relu/0__0.0._scale_param_storage" -> "dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" -> "dense4/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 608, 4, 4)"]; -"dense4.3.conv1.weight" -> "dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 608, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 608, 1, 1)"]; -"dense4/3/conv1/conv2d/0" -> "dense4/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.3.bn2.weight" -> "dense4/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.3.bn2.bias" -> "dense4/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.3.bn2.running_mean" -> "dense4/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.3.bn2.running_var" -> "dense4/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/3/bn2/batch_norm/0" -> "dense4/3/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/3/relu/1" -> "dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/3/relu/1__0.0._scale_param_storage" -> "dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" -> "dense4/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.3.conv2.weight" -> "dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/3/conv2/conv2d/0" -> "dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/3/cat/0" -> "dense4/4/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 4, 4)"]; -"dense4/3/cat/0" -> "dense4/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 640, 4, 4)"]; -"dense4.4.bn1.weight" -> "dense4/4/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(640,)"]; -"dense4.4.bn1.bias" -> "dense4/4/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(640,)"]; -"dense4.4.bn1.running_mean" -> "dense4/4/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(640,)"]; -"dense4.4.bn1.running_var" -> "dense4/4/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(640,)"]; -"dense4/4/bn1/batch_norm/0" -> "dense4/4/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 4, 4)"]; -"dense4/4/relu/0" -> "dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/4/relu/0__0.0._scale_param_storage" -> "dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" -> "dense4/4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 640, 4, 4)"]; -"dense4.4.conv1.weight" -> "dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 640, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 640, 1, 1)"]; -"dense4/4/conv1/conv2d/0" -> "dense4/4/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.4.bn2.weight" -> "dense4/4/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.4.bn2.bias" -> "dense4/4/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.4.bn2.running_mean" -> "dense4/4/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.4.bn2.running_var" -> "dense4/4/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/4/bn2/batch_norm/0" -> "dense4/4/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/4/relu/1" -> "dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/4/relu/1__0.0._scale_param_storage" -> "dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" -> "dense4/4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.4.conv2.weight" -> "dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/4/conv2/conv2d/0" -> "dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/4/cat/0" -> "dense4/5/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"dense4/4/cat/0" -> "dense4/5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 672, 4, 4)"]; -"dense4.5.bn1.weight" -> "dense4/5/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(672,)"]; -"dense4.5.bn1.bias" -> "dense4/5/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(672,)"]; -"dense4.5.bn1.running_mean" -> "dense4/5/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(672,)"]; -"dense4.5.bn1.running_var" -> "dense4/5/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(672,)"]; -"dense4/5/bn1/batch_norm/0" -> "dense4/5/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"dense4/5/relu/0" -> "dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/5/relu/0__0.0._scale_param_storage" -> "dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" -> "dense4/5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 672, 4, 4)"]; -"dense4.5.conv1.weight" -> "dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 672, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 672, 1, 1)"]; -"dense4/5/conv1/conv2d/0" -> "dense4/5/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.5.bn2.weight" -> "dense4/5/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.5.bn2.bias" -> "dense4/5/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.5.bn2.running_mean" -> "dense4/5/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.5.bn2.running_var" -> "dense4/5/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/5/bn2/batch_norm/0" -> "dense4/5/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/5/relu/1" -> "dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/5/relu/1__0.0._scale_param_storage" -> "dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" -> "dense4/5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.5.conv2.weight" -> "dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/5/conv2/conv2d/0" -> "dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/5/cat/0" -> "dense4/6/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 4, 4)"]; -"dense4/5/cat/0" -> "dense4/6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 704, 4, 4)"]; -"dense4.6.bn1.weight" -> "dense4/6/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(704,)"]; -"dense4.6.bn1.bias" -> "dense4/6/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(704,)"]; -"dense4.6.bn1.running_mean" -> "dense4/6/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(704,)"]; -"dense4.6.bn1.running_var" -> "dense4/6/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(704,)"]; -"dense4/6/bn1/batch_norm/0" -> "dense4/6/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 4, 4)"]; -"dense4/6/relu/0" -> "dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/6/relu/0__0.0._scale_param_storage" -> "dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" -> "dense4/6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 704, 4, 4)"]; -"dense4.6.conv1.weight" -> "dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 704, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/6/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 704, 1, 1)"]; -"dense4/6/conv1/conv2d/0" -> "dense4/6/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.6.bn2.weight" -> "dense4/6/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.6.bn2.bias" -> "dense4/6/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.6.bn2.running_mean" -> "dense4/6/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.6.bn2.running_var" -> "dense4/6/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/6/bn2/batch_norm/0" -> "dense4/6/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/6/relu/1" -> "dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/6/relu/1__0.0._scale_param_storage" -> "dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" -> "dense4/6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.6.conv2.weight" -> "dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/6/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/6/conv2/conv2d/0" -> "dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/6/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/6/cat/0" -> "dense4/7/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 4, 4)"]; -"dense4/6/cat/0" -> "dense4/7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 736, 4, 4)"]; -"dense4.7.bn1.weight" -> "dense4/7/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(736,)"]; -"dense4.7.bn1.bias" -> "dense4/7/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(736,)"]; -"dense4.7.bn1.running_mean" -> "dense4/7/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(736,)"]; -"dense4.7.bn1.running_var" -> "dense4/7/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(736,)"]; -"dense4/7/bn1/batch_norm/0" -> "dense4/7/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 4, 4)"]; -"dense4/7/relu/0" -> "dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/7/relu/0__0.0._scale_param_storage" -> "dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" -> "dense4/7/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 736, 4, 4)"]; -"dense4.7.conv1.weight" -> "dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 736, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/7/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/7/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 736, 1, 1)"]; -"dense4/7/conv1/conv2d/0" -> "dense4/7/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.7.bn2.weight" -> "dense4/7/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.7.bn2.bias" -> "dense4/7/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.7.bn2.running_mean" -> "dense4/7/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.7.bn2.running_var" -> "dense4/7/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/7/bn2/batch_norm/0" -> "dense4/7/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/7/relu/1" -> "dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/7/relu/1__0.0._scale_param_storage" -> "dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" -> "dense4/7/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.7.conv2.weight" -> "dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/7/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/7/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/7/conv2/conv2d/0" -> "dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/7/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/7/cat/0" -> "dense4/8/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 4, 4)"]; -"dense4/7/cat/0" -> "dense4/8/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 768, 4, 4)"]; -"dense4.8.bn1.weight" -> "dense4/8/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(768,)"]; -"dense4.8.bn1.bias" -> "dense4/8/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(768,)"]; -"dense4.8.bn1.running_mean" -> "dense4/8/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(768,)"]; -"dense4.8.bn1.running_var" -> "dense4/8/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(768,)"]; -"dense4/8/bn1/batch_norm/0" -> "dense4/8/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 4, 4)"]; -"dense4/8/relu/0" -> "dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/8/relu/0__0.0._scale_param_storage" -> "dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" -> "dense4/8/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 768, 4, 4)"]; -"dense4.8.conv1.weight" -> "dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/8/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/8/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; -"dense4/8/conv1/conv2d/0" -> "dense4/8/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.8.bn2.weight" -> "dense4/8/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.8.bn2.bias" -> "dense4/8/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.8.bn2.running_mean" -> "dense4/8/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.8.bn2.running_var" -> "dense4/8/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/8/bn2/batch_norm/0" -> "dense4/8/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/8/relu/1" -> "dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/8/relu/1__0.0._scale_param_storage" -> "dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" -> "dense4/8/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.8.conv2.weight" -> "dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/8/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/8/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/8/conv2/conv2d/0" -> "dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/8/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/8/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/8/cat/0" -> "dense4/9/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 4, 4)"]; -"dense4/8/cat/0" -> "dense4/9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 800, 4, 4)"]; -"dense4.9.bn1.weight" -> "dense4/9/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(800,)"]; -"dense4.9.bn1.bias" -> "dense4/9/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(800,)"]; -"dense4.9.bn1.running_mean" -> "dense4/9/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(800,)"]; -"dense4.9.bn1.running_var" -> "dense4/9/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(800,)"]; -"dense4/9/bn1/batch_norm/0" -> "dense4/9/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 4, 4)"]; -"dense4/9/relu/0" -> "dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/9/relu/0__0.0._scale_param_storage" -> "dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" -> "dense4/9/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 800, 4, 4)"]; -"dense4.9.conv1.weight" -> "dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 800, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/9/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/9/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 800, 1, 1)"]; -"dense4/9/conv1/conv2d/0" -> "dense4/9/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.9.bn2.weight" -> "dense4/9/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.9.bn2.bias" -> "dense4/9/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.9.bn2.running_mean" -> "dense4/9/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.9.bn2.running_var" -> "dense4/9/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/9/bn2/batch_norm/0" -> "dense4/9/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/9/relu/1" -> "dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/9/relu/1__0.0._scale_param_storage" -> "dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" -> "dense4/9/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.9.conv2.weight" -> "dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/9/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/9/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/9/conv2/conv2d/0" -> "dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/9/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/9/cat/0" -> "dense4/10/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 4, 4)"]; -"dense4/9/cat/0" -> "dense4/10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 832, 4, 4)"]; -"dense4.10.bn1.weight" -> "dense4/10/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(832,)"]; -"dense4.10.bn1.bias" -> "dense4/10/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(832,)"]; -"dense4.10.bn1.running_mean" -> "dense4/10/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(832,)"]; -"dense4.10.bn1.running_var" -> "dense4/10/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(832,)"]; -"dense4/10/bn1/batch_norm/0" -> "dense4/10/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 4, 4)"]; -"dense4/10/relu/0" -> "dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/10/relu/0__0.0._scale_param_storage" -> "dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" -> "dense4/10/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 4, 4)"]; -"dense4.10.conv1.weight" -> "dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 832, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/10/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/10/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 832, 1, 1)"]; -"dense4/10/conv1/conv2d/0" -> "dense4/10/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.10.bn2.weight" -> "dense4/10/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.10.bn2.bias" -> "dense4/10/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.10.bn2.running_mean" -> "dense4/10/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.10.bn2.running_var" -> "dense4/10/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/10/bn2/batch_norm/0" -> "dense4/10/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/10/relu/1" -> "dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/10/relu/1__0.0._scale_param_storage" -> "dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" -> "dense4/10/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.10.conv2.weight" -> "dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/10/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/10/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/10/conv2/conv2d/0" -> "dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/10/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/10/cat/0" -> "dense4/11/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 4, 4)"]; -"dense4/10/cat/0" -> "dense4/11/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 864, 4, 4)"]; -"dense4.11.bn1.weight" -> "dense4/11/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(864,)"]; -"dense4.11.bn1.bias" -> "dense4/11/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(864,)"]; -"dense4.11.bn1.running_mean" -> "dense4/11/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(864,)"]; -"dense4.11.bn1.running_var" -> "dense4/11/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(864,)"]; -"dense4/11/bn1/batch_norm/0" -> "dense4/11/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 4, 4)"]; -"dense4/11/relu/0" -> "dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/11/relu/0__0.0._scale_param_storage" -> "dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" -> "dense4/11/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 864, 4, 4)"]; -"dense4.11.conv1.weight" -> "dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 864, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/11/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/11/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 864, 1, 1)"]; -"dense4/11/conv1/conv2d/0" -> "dense4/11/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.11.bn2.weight" -> "dense4/11/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.11.bn2.bias" -> "dense4/11/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.11.bn2.running_mean" -> "dense4/11/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.11.bn2.running_var" -> "dense4/11/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/11/bn2/batch_norm/0" -> "dense4/11/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/11/relu/1" -> "dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/11/relu/1__0.0._scale_param_storage" -> "dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" -> "dense4/11/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.11.conv2.weight" -> "dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/11/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/11/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/11/conv2/conv2d/0" -> "dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/11/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/11/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/11/cat/0" -> "dense4/12/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 4, 4)"]; -"dense4/11/cat/0" -> "dense4/12/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 896, 4, 4)"]; -"dense4.12.bn1.weight" -> "dense4/12/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(896,)"]; -"dense4.12.bn1.bias" -> "dense4/12/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(896,)"]; -"dense4.12.bn1.running_mean" -> "dense4/12/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(896,)"]; -"dense4.12.bn1.running_var" -> "dense4/12/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(896,)"]; -"dense4/12/bn1/batch_norm/0" -> "dense4/12/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 4, 4)"]; -"dense4/12/relu/0" -> "dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/12/relu/0__0.0._scale_param_storage" -> "dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" -> "dense4/12/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 896, 4, 4)"]; -"dense4.12.conv1.weight" -> "dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 896, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/12/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/12/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 896, 1, 1)"]; -"dense4/12/conv1/conv2d/0" -> "dense4/12/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.12.bn2.weight" -> "dense4/12/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.12.bn2.bias" -> "dense4/12/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.12.bn2.running_mean" -> "dense4/12/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.12.bn2.running_var" -> "dense4/12/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/12/bn2/batch_norm/0" -> "dense4/12/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/12/relu/1" -> "dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/12/relu/1__0.0._scale_param_storage" -> "dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" -> "dense4/12/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.12.conv2.weight" -> "dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/12/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/12/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/12/conv2/conv2d/0" -> "dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/12/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/12/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/12/cat/0" -> "dense4/13/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 4, 4)"]; -"dense4/12/cat/0" -> "dense4/13/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 928, 4, 4)"]; -"dense4.13.bn1.weight" -> "dense4/13/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(928,)"]; -"dense4.13.bn1.bias" -> "dense4/13/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(928,)"]; -"dense4.13.bn1.running_mean" -> "dense4/13/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(928,)"]; -"dense4.13.bn1.running_var" -> "dense4/13/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(928,)"]; -"dense4/13/bn1/batch_norm/0" -> "dense4/13/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 4, 4)"]; -"dense4/13/relu/0" -> "dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/13/relu/0__0.0._scale_param_storage" -> "dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" -> "dense4/13/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 928, 4, 4)"]; -"dense4.13.conv1.weight" -> "dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 928, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/13/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/13/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 928, 1, 1)"]; -"dense4/13/conv1/conv2d/0" -> "dense4/13/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.13.bn2.weight" -> "dense4/13/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.13.bn2.bias" -> "dense4/13/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.13.bn2.running_mean" -> "dense4/13/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.13.bn2.running_var" -> "dense4/13/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/13/bn2/batch_norm/0" -> "dense4/13/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/13/relu/1" -> "dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/13/relu/1__0.0._scale_param_storage" -> "dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" -> "dense4/13/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.13.conv2.weight" -> "dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/13/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/13/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/13/conv2/conv2d/0" -> "dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/13/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/13/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/13/cat/0" -> "dense4/14/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 4, 4)"]; -"dense4/13/cat/0" -> "dense4/14/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 960, 4, 4)"]; -"dense4.14.bn1.weight" -> "dense4/14/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"dense4.14.bn1.bias" -> "dense4/14/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"dense4.14.bn1.running_mean" -> "dense4/14/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"dense4.14.bn1.running_var" -> "dense4/14/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"dense4/14/bn1/batch_norm/0" -> "dense4/14/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 4, 4)"]; -"dense4/14/relu/0" -> "dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/14/relu/0__0.0._scale_param_storage" -> "dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" -> "dense4/14/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 4, 4)"]; -"dense4.14.conv1.weight" -> "dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 960, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/14/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/14/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 960, 1, 1)"]; -"dense4/14/conv1/conv2d/0" -> "dense4/14/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.14.bn2.weight" -> "dense4/14/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.14.bn2.bias" -> "dense4/14/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.14.bn2.running_mean" -> "dense4/14/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.14.bn2.running_var" -> "dense4/14/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/14/bn2/batch_norm/0" -> "dense4/14/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/14/relu/1" -> "dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/14/relu/1__0.0._scale_param_storage" -> "dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" -> "dense4/14/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.14.conv2.weight" -> "dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/14/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/14/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/14/conv2/conv2d/0" -> "dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/14/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/14/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/14/cat/0" -> "dense4/15/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 4, 4)"]; -"dense4/14/cat/0" -> "dense4/15/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 992, 4, 4)"]; -"dense4.15.bn1.weight" -> "dense4/15/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(992,)"]; -"dense4.15.bn1.bias" -> "dense4/15/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(992,)"]; -"dense4.15.bn1.running_mean" -> "dense4/15/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(992,)"]; -"dense4.15.bn1.running_var" -> "dense4/15/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(992,)"]; -"dense4/15/bn1/batch_norm/0" -> "dense4/15/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 4, 4)"]; -"dense4/15/relu/0" -> "dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/15/relu/0__0.0._scale_param_storage" -> "dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" -> "dense4/15/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 992, 4, 4)"]; -"dense4.15.conv1.weight" -> "dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 992, 1, 1)"]; -"__nncf_hooks.pre_hooks.dense4/15/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/15/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 992, 1, 1)"]; -"dense4/15/conv1/conv2d/0" -> "dense4/15/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.15.bn2.weight" -> "dense4/15/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"dense4.15.bn2.bias" -> "dense4/15/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"dense4.15.bn2.running_mean" -> "dense4/15/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"dense4.15.bn2.running_var" -> "dense4/15/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"dense4/15/bn2/batch_norm/0" -> "dense4/15/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4/15/relu/1" -> "dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/15/relu/1__0.0._scale_param_storage" -> "dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" -> "dense4/15/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 4, 4)"]; -"dense4.15.conv2.weight" -> "dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.dense4/15/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/15/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 3, 3)"]; -"dense4/15/conv2/conv2d/0" -> "dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.dense4/15/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/15/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"dense4/15/cat/0" -> "bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"bn.weight" -> "bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"bn.bias" -> "bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"bn.running_mean" -> "bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"bn.running_var" -> "bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"bn/batch_norm/0" -> "/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"/avg_pool2d/0" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; -"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; -"/view/0" -> "linear/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 1024)"]; -"linear.bias" -> "linear/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(10, 1)"]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 1024)"]; -"linear/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=5, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv1/conv2d/0" [id=6, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.conv1/conv2d/0__0.0._scale_param_storage" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" [id=8, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1.0.bn1.weight" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.0.bn1.bias" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.0.bn1.running_mean" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.0.bn1.running_var" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/0/bn1/batch_norm/0" [id=13, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense1/0/relu/0" [id=14, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense1/0/relu/0__0.0._scale_param_storage" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" [id=16, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1.0.conv1.weight" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense1/0/conv1/conv2d/0__1.0._scale_param_storage" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=19, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/0/conv1/conv2d/0" [id=20, type=conv2d, metatype=PTConv2dMetatype]; +"dense1.0.bn2.weight" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.0.bn2.bias" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.0.bn2.running_mean" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.0.bn2.running_var" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/0/bn2/batch_norm/0" [id=25, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense1/0/relu/1" [id=26, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense1/0/relu/1__0.0._scale_param_storage" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" [id=28, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1.0.conv2.weight" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense1/0/conv2/conv2d/0__1.0._scale_param_storage" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=31, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/0/conv2/conv2d/0" [id=32, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense1/0/conv2/conv2d/0__0.0._scale_param_storage" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=34, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/0/cat/0" [id=35, type=cat, metatype=PTCatMetatype]; +"dense1.1.bn1.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.1.bn1.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.1.bn1.running_mean" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.1.bn1.running_var" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/1/bn1/batch_norm/0" [id=40, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense1/1/relu/0" [id=41, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense1/1/relu/0__0.0._scale_param_storage" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" [id=43, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1.1.conv1.weight" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense1/1/conv1/conv2d/0__1.0._scale_param_storage" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=46, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/1/conv1/conv2d/0" [id=47, type=conv2d, metatype=PTConv2dMetatype]; +"dense1.1.bn2.weight" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.1.bn2.bias" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.1.bn2.running_mean" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.1.bn2.running_var" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/1/bn2/batch_norm/0" [id=52, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense1/1/relu/1" [id=53, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense1/1/relu/1__0.0._scale_param_storage" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" [id=55, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1.1.conv2.weight" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense1/1/conv2/conv2d/0__1.0._scale_param_storage" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=58, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/1/conv2/conv2d/0" [id=59, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense1/1/conv2/conv2d/0__0.0._scale_param_storage" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=61, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/1/cat/0" [id=62, type=cat, metatype=PTCatMetatype]; +"dense1.2.bn1.weight" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.2.bn1.bias" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.2.bn1.running_mean" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.2.bn1.running_var" [id=66, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/2/bn1/batch_norm/0" [id=67, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense1/2/relu/0" [id=68, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense1/2/relu/0__0.0._scale_param_storage" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" [id=70, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1.2.conv1.weight" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense1/2/conv1/conv2d/0__1.0._scale_param_storage" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=73, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/2/conv1/conv2d/0" [id=74, type=conv2d, metatype=PTConv2dMetatype]; +"dense1.2.bn2.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.2.bn2.bias" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.2.bn2.running_mean" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.2.bn2.running_var" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/2/bn2/batch_norm/0" [id=79, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense1/2/relu/1" [id=80, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense1/2/relu/1__0.0._scale_param_storage" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" [id=82, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1.2.conv2.weight" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense1/2/conv2/conv2d/0__1.0._scale_param_storage" [id=84, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=85, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/2/conv2/conv2d/0" [id=86, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense1/2/conv2/conv2d/0__0.0._scale_param_storage" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=88, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/2/cat/0" [id=89, type=cat, metatype=PTCatMetatype]; +"dense1.3.bn1.weight" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.3.bn1.bias" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.3.bn1.running_mean" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.3.bn1.running_var" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/3/bn1/batch_norm/0" [id=94, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense1/3/relu/0" [id=95, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense1/3/relu/0__0.0._scale_param_storage" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" [id=97, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1.3.conv1.weight" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense1/3/conv1/conv2d/0__1.0._scale_param_storage" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=100, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/3/conv1/conv2d/0" [id=101, type=conv2d, metatype=PTConv2dMetatype]; +"dense1.3.bn2.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.3.bn2.bias" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.3.bn2.running_mean" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.3.bn2.running_var" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/3/bn2/batch_norm/0" [id=106, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense1/3/relu/1" [id=107, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense1/3/relu/1__0.0._scale_param_storage" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" [id=109, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1.3.conv2.weight" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense1/3/conv2/conv2d/0__1.0._scale_param_storage" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=112, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/3/conv2/conv2d/0" [id=113, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense1/3/conv2/conv2d/0__0.0._scale_param_storage" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=115, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/3/cat/0" [id=116, type=cat, metatype=PTCatMetatype]; +"dense1.4.bn1.weight" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.4.bn1.bias" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.4.bn1.running_mean" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.4.bn1.running_var" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/4/bn1/batch_norm/0" [id=121, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense1/4/relu/0" [id=122, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense1/4/relu/0__0.0._scale_param_storage" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" [id=124, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1.4.conv1.weight" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense1/4/conv1/conv2d/0__1.0._scale_param_storage" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=127, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/4/conv1/conv2d/0" [id=128, type=conv2d, metatype=PTConv2dMetatype]; +"dense1.4.bn2.weight" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.4.bn2.bias" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.4.bn2.running_mean" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.4.bn2.running_var" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/4/bn2/batch_norm/0" [id=133, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense1/4/relu/1" [id=134, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense1/4/relu/1__0.0._scale_param_storage" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" [id=136, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1.4.conv2.weight" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense1/4/conv2/conv2d/0__1.0._scale_param_storage" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=139, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/4/conv2/conv2d/0" [id=140, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense1/4/conv2/conv2d/0__0.0._scale_param_storage" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=142, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/4/cat/0" [id=143, type=cat, metatype=PTCatMetatype]; +"dense1.5.bn1.weight" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.5.bn1.bias" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.5.bn1.running_mean" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.5.bn1.running_var" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/5/bn1/batch_norm/0" [id=148, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense1/5/relu/0" [id=149, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense1/5/relu/0__0.0._scale_param_storage" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" [id=151, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1.5.conv1.weight" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense1/5/conv1/conv2d/0__1.0._scale_param_storage" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=154, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/5/conv1/conv2d/0" [id=155, type=conv2d, metatype=PTConv2dMetatype]; +"dense1.5.bn2.weight" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.5.bn2.bias" [id=157, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.5.bn2.running_mean" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1.5.bn2.running_var" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/5/bn2/batch_norm/0" [id=160, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense1/5/relu/1" [id=161, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense1/5/relu/1__0.0._scale_param_storage" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" [id=163, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1.5.conv2.weight" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense1/5/conv2/conv2d/0__1.0._scale_param_storage" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=166, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/5/conv2/conv2d/0" [id=167, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense1/5/conv2/conv2d/0__0.0._scale_param_storage" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=169, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense1/5/cat/0" [id=170, type=cat, metatype=PTCatMetatype]; +"trans1.bn.weight" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans1.bn.bias" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans1.bn.running_mean" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans1.bn.running_var" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans1/bn/batch_norm/0" [id=175, type="batch_norm", metatype=PT2BatchNormMetatype]; +"trans1/relu/0" [id=176, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.trans1/relu/0__0.0._scale_param_storage" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" [id=178, type="symmetric_quantize", metatype=UnknownMetatype]; +"trans1.conv.weight" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.trans1/conv/conv2d/0__1.0._scale_param_storage" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=181, type="symmetric_quantize", metatype=UnknownMetatype]; +"trans1/conv/conv2d/0" [id=182, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.trans1/conv/conv2d/0__0.0._scale_param_storage" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" [id=184, type="symmetric_quantize", metatype=UnknownMetatype]; +"trans1/avg_pool2d/0" [id=185, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.trans1/avg_pool2d/0__0.0._scale_param_storage" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=187, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.0.bn1.weight" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.0.bn1.bias" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.0.bn1.running_mean" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.0.bn1.running_var" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/0/bn1/batch_norm/0" [id=192, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/0/relu/0" [id=193, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/0/relu/0__0.0._scale_param_storage" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" [id=195, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.0.conv1.weight" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/0/conv1/conv2d/0__1.0._scale_param_storage" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=198, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/0/conv1/conv2d/0" [id=199, type=conv2d, metatype=PTConv2dMetatype]; +"dense2.0.bn2.weight" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.0.bn2.bias" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.0.bn2.running_mean" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.0.bn2.running_var" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/0/bn2/batch_norm/0" [id=204, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/0/relu/1" [id=205, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/0/relu/1__0.0._scale_param_storage" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" [id=207, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.0.conv2.weight" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/0/conv2/conv2d/0__1.0._scale_param_storage" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=210, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/0/conv2/conv2d/0" [id=211, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense2/0/conv2/conv2d/0__0.0._scale_param_storage" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=213, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/0/cat/0" [id=214, type=cat, metatype=PTCatMetatype]; +"dense2.1.bn1.weight" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.1.bn1.bias" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.1.bn1.running_mean" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.1.bn1.running_var" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/1/bn1/batch_norm/0" [id=219, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/1/relu/0" [id=220, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/1/relu/0__0.0._scale_param_storage" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" [id=222, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.1.conv1.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/1/conv1/conv2d/0__1.0._scale_param_storage" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=225, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/1/conv1/conv2d/0" [id=226, type=conv2d, metatype=PTConv2dMetatype]; +"dense2.1.bn2.weight" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.1.bn2.bias" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.1.bn2.running_mean" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.1.bn2.running_var" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/1/bn2/batch_norm/0" [id=231, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/1/relu/1" [id=232, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/1/relu/1__0.0._scale_param_storage" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" [id=234, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.1.conv2.weight" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/1/conv2/conv2d/0__1.0._scale_param_storage" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=237, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/1/conv2/conv2d/0" [id=238, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense2/1/conv2/conv2d/0__0.0._scale_param_storage" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=240, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/1/cat/0" [id=241, type=cat, metatype=PTCatMetatype]; +"dense2.2.bn1.weight" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.2.bn1.bias" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.2.bn1.running_mean" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.2.bn1.running_var" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/2/bn1/batch_norm/0" [id=246, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/2/relu/0" [id=247, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/2/relu/0__0.0._scale_param_storage" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" [id=249, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.2.conv1.weight" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/2/conv1/conv2d/0__1.0._scale_param_storage" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=252, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/2/conv1/conv2d/0" [id=253, type=conv2d, metatype=PTConv2dMetatype]; +"dense2.2.bn2.weight" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.2.bn2.bias" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.2.bn2.running_mean" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.2.bn2.running_var" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/2/bn2/batch_norm/0" [id=258, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/2/relu/1" [id=259, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/2/relu/1__0.0._scale_param_storage" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" [id=261, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.2.conv2.weight" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/2/conv2/conv2d/0__1.0._scale_param_storage" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=264, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/2/conv2/conv2d/0" [id=265, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense2/2/conv2/conv2d/0__0.0._scale_param_storage" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=267, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/2/cat/0" [id=268, type=cat, metatype=PTCatMetatype]; +"dense2.3.bn1.weight" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.3.bn1.bias" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.3.bn1.running_mean" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.3.bn1.running_var" [id=272, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/3/bn1/batch_norm/0" [id=273, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/3/relu/0" [id=274, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/3/relu/0__0.0._scale_param_storage" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" [id=276, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.3.conv1.weight" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/3/conv1/conv2d/0__1.0._scale_param_storage" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=279, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/3/conv1/conv2d/0" [id=280, type=conv2d, metatype=PTConv2dMetatype]; +"dense2.3.bn2.weight" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.3.bn2.bias" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.3.bn2.running_mean" [id=283, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.3.bn2.running_var" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/3/bn2/batch_norm/0" [id=285, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/3/relu/1" [id=286, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/3/relu/1__0.0._scale_param_storage" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" [id=288, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.3.conv2.weight" [id=289, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/3/conv2/conv2d/0__1.0._scale_param_storage" [id=290, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=291, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/3/conv2/conv2d/0" [id=292, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense2/3/conv2/conv2d/0__0.0._scale_param_storage" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=294, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/3/cat/0" [id=295, type=cat, metatype=PTCatMetatype]; +"dense2.4.bn1.weight" [id=296, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.4.bn1.bias" [id=297, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.4.bn1.running_mean" [id=298, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.4.bn1.running_var" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/4/bn1/batch_norm/0" [id=300, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/4/relu/0" [id=301, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/4/relu/0__0.0._scale_param_storage" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" [id=303, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.4.conv1.weight" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/4/conv1/conv2d/0__1.0._scale_param_storage" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=306, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/4/conv1/conv2d/0" [id=307, type=conv2d, metatype=PTConv2dMetatype]; +"dense2.4.bn2.weight" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.4.bn2.bias" [id=309, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.4.bn2.running_mean" [id=310, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.4.bn2.running_var" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/4/bn2/batch_norm/0" [id=312, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/4/relu/1" [id=313, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/4/relu/1__0.0._scale_param_storage" [id=314, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" [id=315, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.4.conv2.weight" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/4/conv2/conv2d/0__1.0._scale_param_storage" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=318, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/4/conv2/conv2d/0" [id=319, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense2/4/conv2/conv2d/0__0.0._scale_param_storage" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=321, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/4/cat/0" [id=322, type=cat, metatype=PTCatMetatype]; +"dense2.5.bn1.weight" [id=323, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.5.bn1.bias" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.5.bn1.running_mean" [id=325, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.5.bn1.running_var" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/5/bn1/batch_norm/0" [id=327, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/5/relu/0" [id=328, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/5/relu/0__0.0._scale_param_storage" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" [id=330, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.5.conv1.weight" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/5/conv1/conv2d/0__1.0._scale_param_storage" [id=332, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=333, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/5/conv1/conv2d/0" [id=334, type=conv2d, metatype=PTConv2dMetatype]; +"dense2.5.bn2.weight" [id=335, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.5.bn2.bias" [id=336, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.5.bn2.running_mean" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.5.bn2.running_var" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/5/bn2/batch_norm/0" [id=339, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/5/relu/1" [id=340, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/5/relu/1__0.0._scale_param_storage" [id=341, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" [id=342, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.5.conv2.weight" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/5/conv2/conv2d/0__1.0._scale_param_storage" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=345, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/5/conv2/conv2d/0" [id=346, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense2/5/conv2/conv2d/0__0.0._scale_param_storage" [id=347, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=348, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/5/cat/0" [id=349, type=cat, metatype=PTCatMetatype]; +"dense2.6.bn1.weight" [id=350, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.6.bn1.bias" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.6.bn1.running_mean" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.6.bn1.running_var" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/6/bn1/batch_norm/0" [id=354, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/6/relu/0" [id=355, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/6/relu/0__0.0._scale_param_storage" [id=356, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" [id=357, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.6.conv1.weight" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/6/conv1/conv2d/0__1.0._scale_param_storage" [id=359, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=360, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/6/conv1/conv2d/0" [id=361, type=conv2d, metatype=PTConv2dMetatype]; +"dense2.6.bn2.weight" [id=362, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.6.bn2.bias" [id=363, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.6.bn2.running_mean" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.6.bn2.running_var" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/6/bn2/batch_norm/0" [id=366, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/6/relu/1" [id=367, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/6/relu/1__0.0._scale_param_storage" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" [id=369, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.6.conv2.weight" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/6/conv2/conv2d/0__1.0._scale_param_storage" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=372, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/6/conv2/conv2d/0" [id=373, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense2/6/conv2/conv2d/0__0.0._scale_param_storage" [id=374, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=375, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/6/cat/0" [id=376, type=cat, metatype=PTCatMetatype]; +"dense2.7.bn1.weight" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.7.bn1.bias" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.7.bn1.running_mean" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.7.bn1.running_var" [id=380, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/7/bn1/batch_norm/0" [id=381, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/7/relu/0" [id=382, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/7/relu/0__0.0._scale_param_storage" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" [id=384, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.7.conv1.weight" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/7/conv1/conv2d/0__1.0._scale_param_storage" [id=386, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=387, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/7/conv1/conv2d/0" [id=388, type=conv2d, metatype=PTConv2dMetatype]; +"dense2.7.bn2.weight" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.7.bn2.bias" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.7.bn2.running_mean" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.7.bn2.running_var" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/7/bn2/batch_norm/0" [id=393, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/7/relu/1" [id=394, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/7/relu/1__0.0._scale_param_storage" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" [id=396, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.7.conv2.weight" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/7/conv2/conv2d/0__1.0._scale_param_storage" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=399, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/7/conv2/conv2d/0" [id=400, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense2/7/conv2/conv2d/0__0.0._scale_param_storage" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=402, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/7/cat/0" [id=403, type=cat, metatype=PTCatMetatype]; +"dense2.8.bn1.weight" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.8.bn1.bias" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.8.bn1.running_mean" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.8.bn1.running_var" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/8/bn1/batch_norm/0" [id=408, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/8/relu/0" [id=409, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/8/relu/0__0.0._scale_param_storage" [id=410, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" [id=411, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.8.conv1.weight" [id=412, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/8/conv1/conv2d/0__1.0._scale_param_storage" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=414, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/8/conv1/conv2d/0" [id=415, type=conv2d, metatype=PTConv2dMetatype]; +"dense2.8.bn2.weight" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.8.bn2.bias" [id=417, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.8.bn2.running_mean" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.8.bn2.running_var" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/8/bn2/batch_norm/0" [id=420, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/8/relu/1" [id=421, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/8/relu/1__0.0._scale_param_storage" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" [id=423, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.8.conv2.weight" [id=424, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/8/conv2/conv2d/0__1.0._scale_param_storage" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=426, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/8/conv2/conv2d/0" [id=427, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense2/8/conv2/conv2d/0__0.0._scale_param_storage" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=429, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/8/cat/0" [id=430, type=cat, metatype=PTCatMetatype]; +"dense2.9.bn1.weight" [id=431, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.9.bn1.bias" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.9.bn1.running_mean" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.9.bn1.running_var" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/9/bn1/batch_norm/0" [id=435, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/9/relu/0" [id=436, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/9/relu/0__0.0._scale_param_storage" [id=437, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" [id=438, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.9.conv1.weight" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/9/conv1/conv2d/0__1.0._scale_param_storage" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=441, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/9/conv1/conv2d/0" [id=442, type=conv2d, metatype=PTConv2dMetatype]; +"dense2.9.bn2.weight" [id=443, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.9.bn2.bias" [id=444, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.9.bn2.running_mean" [id=445, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.9.bn2.running_var" [id=446, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/9/bn2/batch_norm/0" [id=447, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/9/relu/1" [id=448, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/9/relu/1__0.0._scale_param_storage" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" [id=450, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.9.conv2.weight" [id=451, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/9/conv2/conv2d/0__1.0._scale_param_storage" [id=452, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=453, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/9/conv2/conv2d/0" [id=454, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense2/9/conv2/conv2d/0__0.0._scale_param_storage" [id=455, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=456, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/9/cat/0" [id=457, type=cat, metatype=PTCatMetatype]; +"dense2.10.bn1.weight" [id=458, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.10.bn1.bias" [id=459, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.10.bn1.running_mean" [id=460, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.10.bn1.running_var" [id=461, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/10/bn1/batch_norm/0" [id=462, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/10/relu/0" [id=463, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/10/relu/0__0.0._scale_param_storage" [id=464, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" [id=465, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.10.conv1.weight" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/10/conv1/conv2d/0__1.0._scale_param_storage" [id=467, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=468, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/10/conv1/conv2d/0" [id=469, type=conv2d, metatype=PTConv2dMetatype]; +"dense2.10.bn2.weight" [id=470, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.10.bn2.bias" [id=471, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.10.bn2.running_mean" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.10.bn2.running_var" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/10/bn2/batch_norm/0" [id=474, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/10/relu/1" [id=475, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/10/relu/1__0.0._scale_param_storage" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" [id=477, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.10.conv2.weight" [id=478, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/10/conv2/conv2d/0__1.0._scale_param_storage" [id=479, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=480, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/10/conv2/conv2d/0" [id=481, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense2/10/conv2/conv2d/0__0.0._scale_param_storage" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=483, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/10/cat/0" [id=484, type=cat, metatype=PTCatMetatype]; +"dense2.11.bn1.weight" [id=485, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.11.bn1.bias" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.11.bn1.running_mean" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.11.bn1.running_var" [id=488, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/11/bn1/batch_norm/0" [id=489, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/11/relu/0" [id=490, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/11/relu/0__0.0._scale_param_storage" [id=491, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" [id=492, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.11.conv1.weight" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/11/conv1/conv2d/0__1.0._scale_param_storage" [id=494, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=495, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/11/conv1/conv2d/0" [id=496, type=conv2d, metatype=PTConv2dMetatype]; +"dense2.11.bn2.weight" [id=497, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.11.bn2.bias" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.11.bn2.running_mean" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2.11.bn2.running_var" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/11/bn2/batch_norm/0" [id=501, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense2/11/relu/1" [id=502, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense2/11/relu/1__0.0._scale_param_storage" [id=503, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" [id=504, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2.11.conv2.weight" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense2/11/conv2/conv2d/0__1.0._scale_param_storage" [id=506, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=507, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/11/conv2/conv2d/0" [id=508, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense2/11/conv2/conv2d/0__0.0._scale_param_storage" [id=509, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=510, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense2/11/cat/0" [id=511, type=cat, metatype=PTCatMetatype]; +"trans2.bn.weight" [id=512, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans2.bn.bias" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans2.bn.running_mean" [id=514, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans2.bn.running_var" [id=515, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans2/bn/batch_norm/0" [id=516, type="batch_norm", metatype=PT2BatchNormMetatype]; +"trans2/relu/0" [id=517, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.trans2/relu/0__0.0._scale_param_storage" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" [id=519, type="symmetric_quantize", metatype=UnknownMetatype]; +"trans2.conv.weight" [id=520, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.trans2/conv/conv2d/0__1.0._scale_param_storage" [id=521, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=522, type="symmetric_quantize", metatype=UnknownMetatype]; +"trans2/conv/conv2d/0" [id=523, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.trans2/conv/conv2d/0__0.0._scale_param_storage" [id=524, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" [id=525, type="symmetric_quantize", metatype=UnknownMetatype]; +"trans2/avg_pool2d/0" [id=526, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.trans2/avg_pool2d/0__0.0._scale_param_storage" [id=527, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=528, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.0.bn1.weight" [id=529, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.0.bn1.bias" [id=530, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.0.bn1.running_mean" [id=531, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.0.bn1.running_var" [id=532, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/0/bn1/batch_norm/0" [id=533, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/0/relu/0" [id=534, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/0/relu/0__0.0._scale_param_storage" [id=535, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" [id=536, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.0.conv1.weight" [id=537, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/0/conv1/conv2d/0__1.0._scale_param_storage" [id=538, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=539, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/0/conv1/conv2d/0" [id=540, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.0.bn2.weight" [id=541, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.0.bn2.bias" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.0.bn2.running_mean" [id=543, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.0.bn2.running_var" [id=544, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/0/bn2/batch_norm/0" [id=545, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/0/relu/1" [id=546, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/0/relu/1__0.0._scale_param_storage" [id=547, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" [id=548, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.0.conv2.weight" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/0/conv2/conv2d/0__1.0._scale_param_storage" [id=550, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=551, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/0/conv2/conv2d/0" [id=552, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/0/conv2/conv2d/0__0.0._scale_param_storage" [id=553, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=554, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/0/cat/0" [id=555, type=cat, metatype=PTCatMetatype]; +"dense3.1.bn1.weight" [id=556, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.1.bn1.bias" [id=557, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.1.bn1.running_mean" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.1.bn1.running_var" [id=559, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/1/bn1/batch_norm/0" [id=560, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/1/relu/0" [id=561, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/1/relu/0__0.0._scale_param_storage" [id=562, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" [id=563, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.1.conv1.weight" [id=564, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/1/conv1/conv2d/0__1.0._scale_param_storage" [id=565, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=566, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/1/conv1/conv2d/0" [id=567, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.1.bn2.weight" [id=568, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.1.bn2.bias" [id=569, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.1.bn2.running_mean" [id=570, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.1.bn2.running_var" [id=571, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/1/bn2/batch_norm/0" [id=572, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/1/relu/1" [id=573, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/1/relu/1__0.0._scale_param_storage" [id=574, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" [id=575, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.1.conv2.weight" [id=576, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/1/conv2/conv2d/0__1.0._scale_param_storage" [id=577, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=578, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/1/conv2/conv2d/0" [id=579, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/1/conv2/conv2d/0__0.0._scale_param_storage" [id=580, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=581, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/1/cat/0" [id=582, type=cat, metatype=PTCatMetatype]; +"dense3.2.bn1.weight" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.2.bn1.bias" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.2.bn1.running_mean" [id=585, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.2.bn1.running_var" [id=586, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/2/bn1/batch_norm/0" [id=587, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/2/relu/0" [id=588, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/2/relu/0__0.0._scale_param_storage" [id=589, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" [id=590, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.2.conv1.weight" [id=591, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/2/conv1/conv2d/0__1.0._scale_param_storage" [id=592, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=593, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/2/conv1/conv2d/0" [id=594, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.2.bn2.weight" [id=595, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.2.bn2.bias" [id=596, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.2.bn2.running_mean" [id=597, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.2.bn2.running_var" [id=598, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/2/bn2/batch_norm/0" [id=599, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/2/relu/1" [id=600, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/2/relu/1__0.0._scale_param_storage" [id=601, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" [id=602, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.2.conv2.weight" [id=603, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/2/conv2/conv2d/0__1.0._scale_param_storage" [id=604, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=605, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/2/conv2/conv2d/0" [id=606, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/2/conv2/conv2d/0__0.0._scale_param_storage" [id=607, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=608, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/2/cat/0" [id=609, type=cat, metatype=PTCatMetatype]; +"dense3.3.bn1.weight" [id=610, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.3.bn1.bias" [id=611, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.3.bn1.running_mean" [id=612, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.3.bn1.running_var" [id=613, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/3/bn1/batch_norm/0" [id=614, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/3/relu/0" [id=615, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/3/relu/0__0.0._scale_param_storage" [id=616, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" [id=617, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.3.conv1.weight" [id=618, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/3/conv1/conv2d/0__1.0._scale_param_storage" [id=619, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=620, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/3/conv1/conv2d/0" [id=621, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.3.bn2.weight" [id=622, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.3.bn2.bias" [id=623, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.3.bn2.running_mean" [id=624, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.3.bn2.running_var" [id=625, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/3/bn2/batch_norm/0" [id=626, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/3/relu/1" [id=627, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/3/relu/1__0.0._scale_param_storage" [id=628, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" [id=629, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.3.conv2.weight" [id=630, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/3/conv2/conv2d/0__1.0._scale_param_storage" [id=631, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=632, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/3/conv2/conv2d/0" [id=633, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/3/conv2/conv2d/0__0.0._scale_param_storage" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=635, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/3/cat/0" [id=636, type=cat, metatype=PTCatMetatype]; +"dense3.4.bn1.weight" [id=637, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.4.bn1.bias" [id=638, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.4.bn1.running_mean" [id=639, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.4.bn1.running_var" [id=640, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/4/bn1/batch_norm/0" [id=641, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/4/relu/0" [id=642, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/4/relu/0__0.0._scale_param_storage" [id=643, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" [id=644, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.4.conv1.weight" [id=645, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/4/conv1/conv2d/0__1.0._scale_param_storage" [id=646, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=647, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/4/conv1/conv2d/0" [id=648, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.4.bn2.weight" [id=649, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.4.bn2.bias" [id=650, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.4.bn2.running_mean" [id=651, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.4.bn2.running_var" [id=652, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/4/bn2/batch_norm/0" [id=653, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/4/relu/1" [id=654, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/4/relu/1__0.0._scale_param_storage" [id=655, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" [id=656, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.4.conv2.weight" [id=657, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/4/conv2/conv2d/0__1.0._scale_param_storage" [id=658, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=659, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/4/conv2/conv2d/0" [id=660, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/4/conv2/conv2d/0__0.0._scale_param_storage" [id=661, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=662, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/4/cat/0" [id=663, type=cat, metatype=PTCatMetatype]; +"dense3.5.bn1.weight" [id=664, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.5.bn1.bias" [id=665, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.5.bn1.running_mean" [id=666, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.5.bn1.running_var" [id=667, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/5/bn1/batch_norm/0" [id=668, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/5/relu/0" [id=669, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/5/relu/0__0.0._scale_param_storage" [id=670, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" [id=671, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.5.conv1.weight" [id=672, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/5/conv1/conv2d/0__1.0._scale_param_storage" [id=673, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=674, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/5/conv1/conv2d/0" [id=675, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.5.bn2.weight" [id=676, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.5.bn2.bias" [id=677, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.5.bn2.running_mean" [id=678, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.5.bn2.running_var" [id=679, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/5/bn2/batch_norm/0" [id=680, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/5/relu/1" [id=681, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/5/relu/1__0.0._scale_param_storage" [id=682, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" [id=683, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.5.conv2.weight" [id=684, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/5/conv2/conv2d/0__1.0._scale_param_storage" [id=685, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=686, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/5/conv2/conv2d/0" [id=687, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/5/conv2/conv2d/0__0.0._scale_param_storage" [id=688, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=689, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/5/cat/0" [id=690, type=cat, metatype=PTCatMetatype]; +"dense3.6.bn1.weight" [id=691, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.6.bn1.bias" [id=692, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.6.bn1.running_mean" [id=693, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.6.bn1.running_var" [id=694, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/6/bn1/batch_norm/0" [id=695, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/6/relu/0" [id=696, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/6/relu/0__0.0._scale_param_storage" [id=697, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" [id=698, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.6.conv1.weight" [id=699, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/6/conv1/conv2d/0__1.0._scale_param_storage" [id=700, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=701, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/6/conv1/conv2d/0" [id=702, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.6.bn2.weight" [id=703, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.6.bn2.bias" [id=704, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.6.bn2.running_mean" [id=705, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.6.bn2.running_var" [id=706, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/6/bn2/batch_norm/0" [id=707, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/6/relu/1" [id=708, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/6/relu/1__0.0._scale_param_storage" [id=709, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" [id=710, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.6.conv2.weight" [id=711, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/6/conv2/conv2d/0__1.0._scale_param_storage" [id=712, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=713, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/6/conv2/conv2d/0" [id=714, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/6/conv2/conv2d/0__0.0._scale_param_storage" [id=715, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=716, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/6/cat/0" [id=717, type=cat, metatype=PTCatMetatype]; +"dense3.7.bn1.weight" [id=718, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.7.bn1.bias" [id=719, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.7.bn1.running_mean" [id=720, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.7.bn1.running_var" [id=721, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/7/bn1/batch_norm/0" [id=722, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/7/relu/0" [id=723, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/7/relu/0__0.0._scale_param_storage" [id=724, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" [id=725, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.7.conv1.weight" [id=726, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/7/conv1/conv2d/0__1.0._scale_param_storage" [id=727, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=728, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/7/conv1/conv2d/0" [id=729, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.7.bn2.weight" [id=730, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.7.bn2.bias" [id=731, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.7.bn2.running_mean" [id=732, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.7.bn2.running_var" [id=733, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/7/bn2/batch_norm/0" [id=734, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/7/relu/1" [id=735, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/7/relu/1__0.0._scale_param_storage" [id=736, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" [id=737, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.7.conv2.weight" [id=738, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/7/conv2/conv2d/0__1.0._scale_param_storage" [id=739, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=740, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/7/conv2/conv2d/0" [id=741, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/7/conv2/conv2d/0__0.0._scale_param_storage" [id=742, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=743, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/7/cat/0" [id=744, type=cat, metatype=PTCatMetatype]; +"dense3.8.bn1.weight" [id=745, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.8.bn1.bias" [id=746, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.8.bn1.running_mean" [id=747, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.8.bn1.running_var" [id=748, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/8/bn1/batch_norm/0" [id=749, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/8/relu/0" [id=750, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/8/relu/0__0.0._scale_param_storage" [id=751, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" [id=752, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.8.conv1.weight" [id=753, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/8/conv1/conv2d/0__1.0._scale_param_storage" [id=754, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=755, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/8/conv1/conv2d/0" [id=756, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.8.bn2.weight" [id=757, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.8.bn2.bias" [id=758, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.8.bn2.running_mean" [id=759, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.8.bn2.running_var" [id=760, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/8/bn2/batch_norm/0" [id=761, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/8/relu/1" [id=762, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/8/relu/1__0.0._scale_param_storage" [id=763, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" [id=764, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.8.conv2.weight" [id=765, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/8/conv2/conv2d/0__1.0._scale_param_storage" [id=766, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=767, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/8/conv2/conv2d/0" [id=768, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/8/conv2/conv2d/0__0.0._scale_param_storage" [id=769, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=770, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/8/cat/0" [id=771, type=cat, metatype=PTCatMetatype]; +"dense3.9.bn1.weight" [id=772, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.9.bn1.bias" [id=773, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.9.bn1.running_mean" [id=774, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.9.bn1.running_var" [id=775, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/9/bn1/batch_norm/0" [id=776, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/9/relu/0" [id=777, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/9/relu/0__0.0._scale_param_storage" [id=778, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" [id=779, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.9.conv1.weight" [id=780, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/9/conv1/conv2d/0__1.0._scale_param_storage" [id=781, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=782, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/9/conv1/conv2d/0" [id=783, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.9.bn2.weight" [id=784, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.9.bn2.bias" [id=785, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.9.bn2.running_mean" [id=786, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.9.bn2.running_var" [id=787, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/9/bn2/batch_norm/0" [id=788, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/9/relu/1" [id=789, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/9/relu/1__0.0._scale_param_storage" [id=790, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" [id=791, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.9.conv2.weight" [id=792, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/9/conv2/conv2d/0__1.0._scale_param_storage" [id=793, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=794, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/9/conv2/conv2d/0" [id=795, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/9/conv2/conv2d/0__0.0._scale_param_storage" [id=796, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=797, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/9/cat/0" [id=798, type=cat, metatype=PTCatMetatype]; +"dense3.10.bn1.weight" [id=799, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.10.bn1.bias" [id=800, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.10.bn1.running_mean" [id=801, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.10.bn1.running_var" [id=802, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/10/bn1/batch_norm/0" [id=803, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/10/relu/0" [id=804, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/10/relu/0__0.0._scale_param_storage" [id=805, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" [id=806, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.10.conv1.weight" [id=807, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/10/conv1/conv2d/0__1.0._scale_param_storage" [id=808, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=809, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/10/conv1/conv2d/0" [id=810, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.10.bn2.weight" [id=811, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.10.bn2.bias" [id=812, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.10.bn2.running_mean" [id=813, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.10.bn2.running_var" [id=814, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/10/bn2/batch_norm/0" [id=815, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/10/relu/1" [id=816, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/10/relu/1__0.0._scale_param_storage" [id=817, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" [id=818, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.10.conv2.weight" [id=819, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/10/conv2/conv2d/0__1.0._scale_param_storage" [id=820, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=821, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/10/conv2/conv2d/0" [id=822, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/10/conv2/conv2d/0__0.0._scale_param_storage" [id=823, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=824, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/10/cat/0" [id=825, type=cat, metatype=PTCatMetatype]; +"dense3.11.bn1.weight" [id=826, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.11.bn1.bias" [id=827, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.11.bn1.running_mean" [id=828, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.11.bn1.running_var" [id=829, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/11/bn1/batch_norm/0" [id=830, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/11/relu/0" [id=831, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/11/relu/0__0.0._scale_param_storage" [id=832, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" [id=833, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.11.conv1.weight" [id=834, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/11/conv1/conv2d/0__1.0._scale_param_storage" [id=835, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=836, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/11/conv1/conv2d/0" [id=837, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.11.bn2.weight" [id=838, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.11.bn2.bias" [id=839, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.11.bn2.running_mean" [id=840, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.11.bn2.running_var" [id=841, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/11/bn2/batch_norm/0" [id=842, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/11/relu/1" [id=843, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/11/relu/1__0.0._scale_param_storage" [id=844, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" [id=845, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.11.conv2.weight" [id=846, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/11/conv2/conv2d/0__1.0._scale_param_storage" [id=847, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=848, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/11/conv2/conv2d/0" [id=849, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/11/conv2/conv2d/0__0.0._scale_param_storage" [id=850, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=851, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/11/cat/0" [id=852, type=cat, metatype=PTCatMetatype]; +"dense3.12.bn1.weight" [id=853, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.12.bn1.bias" [id=854, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.12.bn1.running_mean" [id=855, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.12.bn1.running_var" [id=856, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/12/bn1/batch_norm/0" [id=857, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/12/relu/0" [id=858, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/12/relu/0__0.0._scale_param_storage" [id=859, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" [id=860, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.12.conv1.weight" [id=861, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/12/conv1/conv2d/0__1.0._scale_param_storage" [id=862, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=863, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/12/conv1/conv2d/0" [id=864, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.12.bn2.weight" [id=865, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.12.bn2.bias" [id=866, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.12.bn2.running_mean" [id=867, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.12.bn2.running_var" [id=868, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/12/bn2/batch_norm/0" [id=869, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/12/relu/1" [id=870, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/12/relu/1__0.0._scale_param_storage" [id=871, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" [id=872, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.12.conv2.weight" [id=873, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/12/conv2/conv2d/0__1.0._scale_param_storage" [id=874, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=875, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/12/conv2/conv2d/0" [id=876, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/12/conv2/conv2d/0__0.0._scale_param_storage" [id=877, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=878, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/12/cat/0" [id=879, type=cat, metatype=PTCatMetatype]; +"dense3.13.bn1.weight" [id=880, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.13.bn1.bias" [id=881, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.13.bn1.running_mean" [id=882, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.13.bn1.running_var" [id=883, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/13/bn1/batch_norm/0" [id=884, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/13/relu/0" [id=885, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/13/relu/0__0.0._scale_param_storage" [id=886, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" [id=887, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.13.conv1.weight" [id=888, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/13/conv1/conv2d/0__1.0._scale_param_storage" [id=889, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=890, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/13/conv1/conv2d/0" [id=891, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.13.bn2.weight" [id=892, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.13.bn2.bias" [id=893, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.13.bn2.running_mean" [id=894, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.13.bn2.running_var" [id=895, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/13/bn2/batch_norm/0" [id=896, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/13/relu/1" [id=897, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/13/relu/1__0.0._scale_param_storage" [id=898, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" [id=899, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.13.conv2.weight" [id=900, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/13/conv2/conv2d/0__1.0._scale_param_storage" [id=901, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=902, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/13/conv2/conv2d/0" [id=903, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/13/conv2/conv2d/0__0.0._scale_param_storage" [id=904, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=905, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/13/cat/0" [id=906, type=cat, metatype=PTCatMetatype]; +"dense3.14.bn1.weight" [id=907, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.14.bn1.bias" [id=908, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.14.bn1.running_mean" [id=909, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.14.bn1.running_var" [id=910, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/14/bn1/batch_norm/0" [id=911, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/14/relu/0" [id=912, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/14/relu/0__0.0._scale_param_storage" [id=913, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" [id=914, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.14.conv1.weight" [id=915, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/14/conv1/conv2d/0__1.0._scale_param_storage" [id=916, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=917, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/14/conv1/conv2d/0" [id=918, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.14.bn2.weight" [id=919, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.14.bn2.bias" [id=920, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.14.bn2.running_mean" [id=921, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.14.bn2.running_var" [id=922, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/14/bn2/batch_norm/0" [id=923, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/14/relu/1" [id=924, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/14/relu/1__0.0._scale_param_storage" [id=925, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" [id=926, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.14.conv2.weight" [id=927, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/14/conv2/conv2d/0__1.0._scale_param_storage" [id=928, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=929, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/14/conv2/conv2d/0" [id=930, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/14/conv2/conv2d/0__0.0._scale_param_storage" [id=931, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=932, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/14/cat/0" [id=933, type=cat, metatype=PTCatMetatype]; +"dense3.15.bn1.weight" [id=934, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.15.bn1.bias" [id=935, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.15.bn1.running_mean" [id=936, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.15.bn1.running_var" [id=937, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/15/bn1/batch_norm/0" [id=938, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/15/relu/0" [id=939, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/15/relu/0__0.0._scale_param_storage" [id=940, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" [id=941, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.15.conv1.weight" [id=942, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/15/conv1/conv2d/0__1.0._scale_param_storage" [id=943, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=944, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/15/conv1/conv2d/0" [id=945, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.15.bn2.weight" [id=946, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.15.bn2.bias" [id=947, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.15.bn2.running_mean" [id=948, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.15.bn2.running_var" [id=949, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/15/bn2/batch_norm/0" [id=950, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/15/relu/1" [id=951, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/15/relu/1__0.0._scale_param_storage" [id=952, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" [id=953, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.15.conv2.weight" [id=954, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/15/conv2/conv2d/0__1.0._scale_param_storage" [id=955, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=956, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/15/conv2/conv2d/0" [id=957, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/15/conv2/conv2d/0__0.0._scale_param_storage" [id=958, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=959, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/15/cat/0" [id=960, type=cat, metatype=PTCatMetatype]; +"dense3.16.bn1.weight" [id=961, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.16.bn1.bias" [id=962, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.16.bn1.running_mean" [id=963, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.16.bn1.running_var" [id=964, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/16/bn1/batch_norm/0" [id=965, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/16/relu/0" [id=966, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/16/relu/0__0.0._scale_param_storage" [id=967, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" [id=968, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.16.conv1.weight" [id=969, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/16/conv1/conv2d/0__1.0._scale_param_storage" [id=970, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=971, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/16/conv1/conv2d/0" [id=972, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.16.bn2.weight" [id=973, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.16.bn2.bias" [id=974, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.16.bn2.running_mean" [id=975, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.16.bn2.running_var" [id=976, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/16/bn2/batch_norm/0" [id=977, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/16/relu/1" [id=978, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/16/relu/1__0.0._scale_param_storage" [id=979, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" [id=980, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.16.conv2.weight" [id=981, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/16/conv2/conv2d/0__1.0._scale_param_storage" [id=982, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=983, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/16/conv2/conv2d/0" [id=984, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/16/conv2/conv2d/0__0.0._scale_param_storage" [id=985, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=986, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/16/cat/0" [id=987, type=cat, metatype=PTCatMetatype]; +"dense3.17.bn1.weight" [id=988, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.17.bn1.bias" [id=989, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.17.bn1.running_mean" [id=990, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.17.bn1.running_var" [id=991, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/17/bn1/batch_norm/0" [id=992, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/17/relu/0" [id=993, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/17/relu/0__0.0._scale_param_storage" [id=994, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" [id=995, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.17.conv1.weight" [id=996, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/17/conv1/conv2d/0__1.0._scale_param_storage" [id=997, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=998, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/17/conv1/conv2d/0" [id=999, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.17.bn2.weight" [id=1000, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.17.bn2.bias" [id=1001, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.17.bn2.running_mean" [id=1002, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.17.bn2.running_var" [id=1003, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/17/bn2/batch_norm/0" [id=1004, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/17/relu/1" [id=1005, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/17/relu/1__0.0._scale_param_storage" [id=1006, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" [id=1007, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.17.conv2.weight" [id=1008, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/17/conv2/conv2d/0__1.0._scale_param_storage" [id=1009, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1010, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/17/conv2/conv2d/0" [id=1011, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/17/conv2/conv2d/0__0.0._scale_param_storage" [id=1012, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1013, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/17/cat/0" [id=1014, type=cat, metatype=PTCatMetatype]; +"dense3.18.bn1.weight" [id=1015, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.18.bn1.bias" [id=1016, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.18.bn1.running_mean" [id=1017, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.18.bn1.running_var" [id=1018, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/18/bn1/batch_norm/0" [id=1019, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/18/relu/0" [id=1020, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/18/relu/0__0.0._scale_param_storage" [id=1021, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" [id=1022, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.18.conv1.weight" [id=1023, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/18/conv1/conv2d/0__1.0._scale_param_storage" [id=1024, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1025, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/18/conv1/conv2d/0" [id=1026, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.18.bn2.weight" [id=1027, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.18.bn2.bias" [id=1028, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.18.bn2.running_mean" [id=1029, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.18.bn2.running_var" [id=1030, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/18/bn2/batch_norm/0" [id=1031, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/18/relu/1" [id=1032, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/18/relu/1__0.0._scale_param_storage" [id=1033, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" [id=1034, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.18.conv2.weight" [id=1035, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/18/conv2/conv2d/0__1.0._scale_param_storage" [id=1036, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1037, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/18/conv2/conv2d/0" [id=1038, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/18/conv2/conv2d/0__0.0._scale_param_storage" [id=1039, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1040, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/18/cat/0" [id=1041, type=cat, metatype=PTCatMetatype]; +"dense3.19.bn1.weight" [id=1042, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.19.bn1.bias" [id=1043, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.19.bn1.running_mean" [id=1044, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.19.bn1.running_var" [id=1045, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/19/bn1/batch_norm/0" [id=1046, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/19/relu/0" [id=1047, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/19/relu/0__0.0._scale_param_storage" [id=1048, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" [id=1049, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.19.conv1.weight" [id=1050, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/19/conv1/conv2d/0__1.0._scale_param_storage" [id=1051, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1052, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/19/conv1/conv2d/0" [id=1053, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.19.bn2.weight" [id=1054, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.19.bn2.bias" [id=1055, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.19.bn2.running_mean" [id=1056, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.19.bn2.running_var" [id=1057, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/19/bn2/batch_norm/0" [id=1058, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/19/relu/1" [id=1059, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/19/relu/1__0.0._scale_param_storage" [id=1060, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" [id=1061, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.19.conv2.weight" [id=1062, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/19/conv2/conv2d/0__1.0._scale_param_storage" [id=1063, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1064, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/19/conv2/conv2d/0" [id=1065, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/19/conv2/conv2d/0__0.0._scale_param_storage" [id=1066, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1067, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/19/cat/0" [id=1068, type=cat, metatype=PTCatMetatype]; +"dense3.20.bn1.weight" [id=1069, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.20.bn1.bias" [id=1070, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.20.bn1.running_mean" [id=1071, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.20.bn1.running_var" [id=1072, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/20/bn1/batch_norm/0" [id=1073, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/20/relu/0" [id=1074, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/20/relu/0__0.0._scale_param_storage" [id=1075, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" [id=1076, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.20.conv1.weight" [id=1077, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/20/conv1/conv2d/0__1.0._scale_param_storage" [id=1078, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1079, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/20/conv1/conv2d/0" [id=1080, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.20.bn2.weight" [id=1081, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.20.bn2.bias" [id=1082, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.20.bn2.running_mean" [id=1083, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.20.bn2.running_var" [id=1084, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/20/bn2/batch_norm/0" [id=1085, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/20/relu/1" [id=1086, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/20/relu/1__0.0._scale_param_storage" [id=1087, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" [id=1088, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.20.conv2.weight" [id=1089, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/20/conv2/conv2d/0__1.0._scale_param_storage" [id=1090, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1091, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/20/conv2/conv2d/0" [id=1092, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/20/conv2/conv2d/0__0.0._scale_param_storage" [id=1093, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1094, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/20/cat/0" [id=1095, type=cat, metatype=PTCatMetatype]; +"dense3.21.bn1.weight" [id=1096, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.21.bn1.bias" [id=1097, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.21.bn1.running_mean" [id=1098, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.21.bn1.running_var" [id=1099, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/21/bn1/batch_norm/0" [id=1100, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/21/relu/0" [id=1101, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/21/relu/0__0.0._scale_param_storage" [id=1102, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" [id=1103, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.21.conv1.weight" [id=1104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/21/conv1/conv2d/0__1.0._scale_param_storage" [id=1105, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1106, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/21/conv1/conv2d/0" [id=1107, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.21.bn2.weight" [id=1108, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.21.bn2.bias" [id=1109, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.21.bn2.running_mean" [id=1110, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.21.bn2.running_var" [id=1111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/21/bn2/batch_norm/0" [id=1112, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/21/relu/1" [id=1113, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/21/relu/1__0.0._scale_param_storage" [id=1114, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" [id=1115, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.21.conv2.weight" [id=1116, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/21/conv2/conv2d/0__1.0._scale_param_storage" [id=1117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1118, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/21/conv2/conv2d/0" [id=1119, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/21/conv2/conv2d/0__0.0._scale_param_storage" [id=1120, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1121, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/21/cat/0" [id=1122, type=cat, metatype=PTCatMetatype]; +"dense3.22.bn1.weight" [id=1123, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.22.bn1.bias" [id=1124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.22.bn1.running_mean" [id=1125, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.22.bn1.running_var" [id=1126, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/22/bn1/batch_norm/0" [id=1127, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/22/relu/0" [id=1128, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/22/relu/0__0.0._scale_param_storage" [id=1129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" [id=1130, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.22.conv1.weight" [id=1131, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/22/conv1/conv2d/0__1.0._scale_param_storage" [id=1132, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1133, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/22/conv1/conv2d/0" [id=1134, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.22.bn2.weight" [id=1135, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.22.bn2.bias" [id=1136, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.22.bn2.running_mean" [id=1137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.22.bn2.running_var" [id=1138, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/22/bn2/batch_norm/0" [id=1139, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/22/relu/1" [id=1140, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/22/relu/1__0.0._scale_param_storage" [id=1141, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" [id=1142, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.22.conv2.weight" [id=1143, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/22/conv2/conv2d/0__1.0._scale_param_storage" [id=1144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1145, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/22/conv2/conv2d/0" [id=1146, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/22/conv2/conv2d/0__0.0._scale_param_storage" [id=1147, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1148, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/22/cat/0" [id=1149, type=cat, metatype=PTCatMetatype]; +"dense3.23.bn1.weight" [id=1150, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.23.bn1.bias" [id=1151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.23.bn1.running_mean" [id=1152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.23.bn1.running_var" [id=1153, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/23/bn1/batch_norm/0" [id=1154, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/23/relu/0" [id=1155, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/23/relu/0__0.0._scale_param_storage" [id=1156, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" [id=1157, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.23.conv1.weight" [id=1158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/23/conv1/conv2d/0__1.0._scale_param_storage" [id=1159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1160, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/23/conv1/conv2d/0" [id=1161, type=conv2d, metatype=PTConv2dMetatype]; +"dense3.23.bn2.weight" [id=1162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.23.bn2.bias" [id=1163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.23.bn2.running_mean" [id=1164, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3.23.bn2.running_var" [id=1165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/23/bn2/batch_norm/0" [id=1166, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense3/23/relu/1" [id=1167, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense3/23/relu/1__0.0._scale_param_storage" [id=1168, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" [id=1169, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3.23.conv2.weight" [id=1170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense3/23/conv2/conv2d/0__1.0._scale_param_storage" [id=1171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1172, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/23/conv2/conv2d/0" [id=1173, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense3/23/conv2/conv2d/0__0.0._scale_param_storage" [id=1174, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1175, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense3/23/cat/0" [id=1176, type=cat, metatype=PTCatMetatype]; +"trans3.bn.weight" [id=1177, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans3.bn.bias" [id=1178, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans3.bn.running_mean" [id=1179, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans3.bn.running_var" [id=1180, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans3/bn/batch_norm/0" [id=1181, type="batch_norm", metatype=PT2BatchNormMetatype]; +"trans3/relu/0" [id=1182, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.trans3/relu/0__0.0._scale_param_storage" [id=1183, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" [id=1184, type="symmetric_quantize", metatype=UnknownMetatype]; +"trans3.conv.weight" [id=1185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.trans3/conv/conv2d/0__1.0._scale_param_storage" [id=1186, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1187, type="symmetric_quantize", metatype=UnknownMetatype]; +"trans3/conv/conv2d/0" [id=1188, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.trans3/conv/conv2d/0__0.0._scale_param_storage" [id=1189, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" [id=1190, type="symmetric_quantize", metatype=UnknownMetatype]; +"trans3/avg_pool2d/0" [id=1191, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.trans3/avg_pool2d/0__0.0._scale_param_storage" [id=1192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1193, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.0.bn1.weight" [id=1194, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.0.bn1.bias" [id=1195, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.0.bn1.running_mean" [id=1196, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.0.bn1.running_var" [id=1197, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/0/bn1/batch_norm/0" [id=1198, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/0/relu/0" [id=1199, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/0/relu/0__0.0._scale_param_storage" [id=1200, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" [id=1201, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.0.conv1.weight" [id=1202, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/0/conv1/conv2d/0__1.0._scale_param_storage" [id=1203, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1204, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/0/conv1/conv2d/0" [id=1205, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.0.bn2.weight" [id=1206, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.0.bn2.bias" [id=1207, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.0.bn2.running_mean" [id=1208, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.0.bn2.running_var" [id=1209, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/0/bn2/batch_norm/0" [id=1210, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/0/relu/1" [id=1211, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/0/relu/1__0.0._scale_param_storage" [id=1212, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" [id=1213, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.0.conv2.weight" [id=1214, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/0/conv2/conv2d/0__1.0._scale_param_storage" [id=1215, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1216, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/0/conv2/conv2d/0" [id=1217, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/0/conv2/conv2d/0__0.0._scale_param_storage" [id=1218, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1219, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/0/cat/0" [id=1220, type=cat, metatype=PTCatMetatype]; +"dense4.1.bn1.weight" [id=1221, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.1.bn1.bias" [id=1222, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.1.bn1.running_mean" [id=1223, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.1.bn1.running_var" [id=1224, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/1/bn1/batch_norm/0" [id=1225, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/1/relu/0" [id=1226, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/1/relu/0__0.0._scale_param_storage" [id=1227, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" [id=1228, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.1.conv1.weight" [id=1229, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/1/conv1/conv2d/0__1.0._scale_param_storage" [id=1230, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1231, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/1/conv1/conv2d/0" [id=1232, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.1.bn2.weight" [id=1233, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.1.bn2.bias" [id=1234, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.1.bn2.running_mean" [id=1235, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.1.bn2.running_var" [id=1236, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/1/bn2/batch_norm/0" [id=1237, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/1/relu/1" [id=1238, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/1/relu/1__0.0._scale_param_storage" [id=1239, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" [id=1240, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.1.conv2.weight" [id=1241, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/1/conv2/conv2d/0__1.0._scale_param_storage" [id=1242, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1243, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/1/conv2/conv2d/0" [id=1244, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/1/conv2/conv2d/0__0.0._scale_param_storage" [id=1245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1246, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/1/cat/0" [id=1247, type=cat, metatype=PTCatMetatype]; +"dense4.2.bn1.weight" [id=1248, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.2.bn1.bias" [id=1249, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.2.bn1.running_mean" [id=1250, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.2.bn1.running_var" [id=1251, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/2/bn1/batch_norm/0" [id=1252, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/2/relu/0" [id=1253, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/2/relu/0__0.0._scale_param_storage" [id=1254, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" [id=1255, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.2.conv1.weight" [id=1256, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/2/conv1/conv2d/0__1.0._scale_param_storage" [id=1257, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1258, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/2/conv1/conv2d/0" [id=1259, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.2.bn2.weight" [id=1260, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.2.bn2.bias" [id=1261, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.2.bn2.running_mean" [id=1262, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.2.bn2.running_var" [id=1263, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/2/bn2/batch_norm/0" [id=1264, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/2/relu/1" [id=1265, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/2/relu/1__0.0._scale_param_storage" [id=1266, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" [id=1267, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.2.conv2.weight" [id=1268, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/2/conv2/conv2d/0__1.0._scale_param_storage" [id=1269, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1270, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/2/conv2/conv2d/0" [id=1271, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/2/conv2/conv2d/0__0.0._scale_param_storage" [id=1272, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1273, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/2/cat/0" [id=1274, type=cat, metatype=PTCatMetatype]; +"dense4.3.bn1.weight" [id=1275, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.3.bn1.bias" [id=1276, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.3.bn1.running_mean" [id=1277, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.3.bn1.running_var" [id=1278, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/3/bn1/batch_norm/0" [id=1279, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/3/relu/0" [id=1280, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/3/relu/0__0.0._scale_param_storage" [id=1281, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" [id=1282, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.3.conv1.weight" [id=1283, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/3/conv1/conv2d/0__1.0._scale_param_storage" [id=1284, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1285, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/3/conv1/conv2d/0" [id=1286, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.3.bn2.weight" [id=1287, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.3.bn2.bias" [id=1288, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.3.bn2.running_mean" [id=1289, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.3.bn2.running_var" [id=1290, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/3/bn2/batch_norm/0" [id=1291, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/3/relu/1" [id=1292, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/3/relu/1__0.0._scale_param_storage" [id=1293, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" [id=1294, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.3.conv2.weight" [id=1295, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/3/conv2/conv2d/0__1.0._scale_param_storage" [id=1296, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1297, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/3/conv2/conv2d/0" [id=1298, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/3/conv2/conv2d/0__0.0._scale_param_storage" [id=1299, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1300, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/3/cat/0" [id=1301, type=cat, metatype=PTCatMetatype]; +"dense4.4.bn1.weight" [id=1302, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.4.bn1.bias" [id=1303, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.4.bn1.running_mean" [id=1304, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.4.bn1.running_var" [id=1305, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/4/bn1/batch_norm/0" [id=1306, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/4/relu/0" [id=1307, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/4/relu/0__0.0._scale_param_storage" [id=1308, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" [id=1309, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.4.conv1.weight" [id=1310, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/4/conv1/conv2d/0__1.0._scale_param_storage" [id=1311, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1312, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/4/conv1/conv2d/0" [id=1313, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.4.bn2.weight" [id=1314, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.4.bn2.bias" [id=1315, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.4.bn2.running_mean" [id=1316, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.4.bn2.running_var" [id=1317, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/4/bn2/batch_norm/0" [id=1318, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/4/relu/1" [id=1319, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/4/relu/1__0.0._scale_param_storage" [id=1320, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" [id=1321, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.4.conv2.weight" [id=1322, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/4/conv2/conv2d/0__1.0._scale_param_storage" [id=1323, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1324, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/4/conv2/conv2d/0" [id=1325, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/4/conv2/conv2d/0__0.0._scale_param_storage" [id=1326, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1327, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/4/cat/0" [id=1328, type=cat, metatype=PTCatMetatype]; +"dense4.5.bn1.weight" [id=1329, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.5.bn1.bias" [id=1330, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.5.bn1.running_mean" [id=1331, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.5.bn1.running_var" [id=1332, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/5/bn1/batch_norm/0" [id=1333, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/5/relu/0" [id=1334, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/5/relu/0__0.0._scale_param_storage" [id=1335, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" [id=1336, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.5.conv1.weight" [id=1337, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/5/conv1/conv2d/0__1.0._scale_param_storage" [id=1338, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1339, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/5/conv1/conv2d/0" [id=1340, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.5.bn2.weight" [id=1341, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.5.bn2.bias" [id=1342, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.5.bn2.running_mean" [id=1343, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.5.bn2.running_var" [id=1344, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/5/bn2/batch_norm/0" [id=1345, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/5/relu/1" [id=1346, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/5/relu/1__0.0._scale_param_storage" [id=1347, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" [id=1348, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.5.conv2.weight" [id=1349, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/5/conv2/conv2d/0__1.0._scale_param_storage" [id=1350, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1351, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/5/conv2/conv2d/0" [id=1352, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/5/conv2/conv2d/0__0.0._scale_param_storage" [id=1353, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1354, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/5/cat/0" [id=1355, type=cat, metatype=PTCatMetatype]; +"dense4.6.bn1.weight" [id=1356, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.6.bn1.bias" [id=1357, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.6.bn1.running_mean" [id=1358, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.6.bn1.running_var" [id=1359, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/6/bn1/batch_norm/0" [id=1360, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/6/relu/0" [id=1361, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/6/relu/0__0.0._scale_param_storage" [id=1362, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" [id=1363, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.6.conv1.weight" [id=1364, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/6/conv1/conv2d/0__1.0._scale_param_storage" [id=1365, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1366, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/6/conv1/conv2d/0" [id=1367, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.6.bn2.weight" [id=1368, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.6.bn2.bias" [id=1369, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.6.bn2.running_mean" [id=1370, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.6.bn2.running_var" [id=1371, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/6/bn2/batch_norm/0" [id=1372, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/6/relu/1" [id=1373, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/6/relu/1__0.0._scale_param_storage" [id=1374, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" [id=1375, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.6.conv2.weight" [id=1376, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/6/conv2/conv2d/0__1.0._scale_param_storage" [id=1377, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1378, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/6/conv2/conv2d/0" [id=1379, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/6/conv2/conv2d/0__0.0._scale_param_storage" [id=1380, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1381, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/6/cat/0" [id=1382, type=cat, metatype=PTCatMetatype]; +"dense4.7.bn1.weight" [id=1383, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.7.bn1.bias" [id=1384, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.7.bn1.running_mean" [id=1385, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.7.bn1.running_var" [id=1386, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/7/bn1/batch_norm/0" [id=1387, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/7/relu/0" [id=1388, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/7/relu/0__0.0._scale_param_storage" [id=1389, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" [id=1390, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.7.conv1.weight" [id=1391, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/7/conv1/conv2d/0__1.0._scale_param_storage" [id=1392, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1393, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/7/conv1/conv2d/0" [id=1394, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.7.bn2.weight" [id=1395, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.7.bn2.bias" [id=1396, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.7.bn2.running_mean" [id=1397, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.7.bn2.running_var" [id=1398, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/7/bn2/batch_norm/0" [id=1399, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/7/relu/1" [id=1400, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/7/relu/1__0.0._scale_param_storage" [id=1401, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" [id=1402, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.7.conv2.weight" [id=1403, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/7/conv2/conv2d/0__1.0._scale_param_storage" [id=1404, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1405, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/7/conv2/conv2d/0" [id=1406, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/7/conv2/conv2d/0__0.0._scale_param_storage" [id=1407, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1408, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/7/cat/0" [id=1409, type=cat, metatype=PTCatMetatype]; +"dense4.8.bn1.weight" [id=1410, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.8.bn1.bias" [id=1411, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.8.bn1.running_mean" [id=1412, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.8.bn1.running_var" [id=1413, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/8/bn1/batch_norm/0" [id=1414, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/8/relu/0" [id=1415, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/8/relu/0__0.0._scale_param_storage" [id=1416, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" [id=1417, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.8.conv1.weight" [id=1418, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/8/conv1/conv2d/0__1.0._scale_param_storage" [id=1419, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1420, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/8/conv1/conv2d/0" [id=1421, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.8.bn2.weight" [id=1422, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.8.bn2.bias" [id=1423, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.8.bn2.running_mean" [id=1424, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.8.bn2.running_var" [id=1425, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/8/bn2/batch_norm/0" [id=1426, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/8/relu/1" [id=1427, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/8/relu/1__0.0._scale_param_storage" [id=1428, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" [id=1429, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.8.conv2.weight" [id=1430, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/8/conv2/conv2d/0__1.0._scale_param_storage" [id=1431, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1432, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/8/conv2/conv2d/0" [id=1433, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/8/conv2/conv2d/0__0.0._scale_param_storage" [id=1434, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1435, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/8/cat/0" [id=1436, type=cat, metatype=PTCatMetatype]; +"dense4.9.bn1.weight" [id=1437, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.9.bn1.bias" [id=1438, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.9.bn1.running_mean" [id=1439, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.9.bn1.running_var" [id=1440, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/9/bn1/batch_norm/0" [id=1441, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/9/relu/0" [id=1442, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/9/relu/0__0.0._scale_param_storage" [id=1443, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" [id=1444, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.9.conv1.weight" [id=1445, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/9/conv1/conv2d/0__1.0._scale_param_storage" [id=1446, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1447, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/9/conv1/conv2d/0" [id=1448, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.9.bn2.weight" [id=1449, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.9.bn2.bias" [id=1450, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.9.bn2.running_mean" [id=1451, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.9.bn2.running_var" [id=1452, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/9/bn2/batch_norm/0" [id=1453, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/9/relu/1" [id=1454, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/9/relu/1__0.0._scale_param_storage" [id=1455, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" [id=1456, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.9.conv2.weight" [id=1457, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/9/conv2/conv2d/0__1.0._scale_param_storage" [id=1458, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1459, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/9/conv2/conv2d/0" [id=1460, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/9/conv2/conv2d/0__0.0._scale_param_storage" [id=1461, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1462, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/9/cat/0" [id=1463, type=cat, metatype=PTCatMetatype]; +"dense4.10.bn1.weight" [id=1464, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.10.bn1.bias" [id=1465, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.10.bn1.running_mean" [id=1466, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.10.bn1.running_var" [id=1467, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/10/bn1/batch_norm/0" [id=1468, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/10/relu/0" [id=1469, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/10/relu/0__0.0._scale_param_storage" [id=1470, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" [id=1471, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.10.conv1.weight" [id=1472, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/10/conv1/conv2d/0__1.0._scale_param_storage" [id=1473, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1474, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/10/conv1/conv2d/0" [id=1475, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.10.bn2.weight" [id=1476, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.10.bn2.bias" [id=1477, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.10.bn2.running_mean" [id=1478, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.10.bn2.running_var" [id=1479, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/10/bn2/batch_norm/0" [id=1480, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/10/relu/1" [id=1481, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/10/relu/1__0.0._scale_param_storage" [id=1482, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" [id=1483, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.10.conv2.weight" [id=1484, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/10/conv2/conv2d/0__1.0._scale_param_storage" [id=1485, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1486, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/10/conv2/conv2d/0" [id=1487, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/10/conv2/conv2d/0__0.0._scale_param_storage" [id=1488, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1489, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/10/cat/0" [id=1490, type=cat, metatype=PTCatMetatype]; +"dense4.11.bn1.weight" [id=1491, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.11.bn1.bias" [id=1492, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.11.bn1.running_mean" [id=1493, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.11.bn1.running_var" [id=1494, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/11/bn1/batch_norm/0" [id=1495, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/11/relu/0" [id=1496, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/11/relu/0__0.0._scale_param_storage" [id=1497, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" [id=1498, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.11.conv1.weight" [id=1499, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/11/conv1/conv2d/0__1.0._scale_param_storage" [id=1500, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1501, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/11/conv1/conv2d/0" [id=1502, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.11.bn2.weight" [id=1503, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.11.bn2.bias" [id=1504, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.11.bn2.running_mean" [id=1505, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.11.bn2.running_var" [id=1506, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/11/bn2/batch_norm/0" [id=1507, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/11/relu/1" [id=1508, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/11/relu/1__0.0._scale_param_storage" [id=1509, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" [id=1510, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.11.conv2.weight" [id=1511, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/11/conv2/conv2d/0__1.0._scale_param_storage" [id=1512, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1513, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/11/conv2/conv2d/0" [id=1514, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/11/conv2/conv2d/0__0.0._scale_param_storage" [id=1515, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1516, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/11/cat/0" [id=1517, type=cat, metatype=PTCatMetatype]; +"dense4.12.bn1.weight" [id=1518, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.12.bn1.bias" [id=1519, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.12.bn1.running_mean" [id=1520, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.12.bn1.running_var" [id=1521, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/12/bn1/batch_norm/0" [id=1522, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/12/relu/0" [id=1523, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/12/relu/0__0.0._scale_param_storage" [id=1524, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" [id=1525, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.12.conv1.weight" [id=1526, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/12/conv1/conv2d/0__1.0._scale_param_storage" [id=1527, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1528, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/12/conv1/conv2d/0" [id=1529, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.12.bn2.weight" [id=1530, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.12.bn2.bias" [id=1531, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.12.bn2.running_mean" [id=1532, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.12.bn2.running_var" [id=1533, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/12/bn2/batch_norm/0" [id=1534, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/12/relu/1" [id=1535, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/12/relu/1__0.0._scale_param_storage" [id=1536, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" [id=1537, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.12.conv2.weight" [id=1538, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/12/conv2/conv2d/0__1.0._scale_param_storage" [id=1539, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1540, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/12/conv2/conv2d/0" [id=1541, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/12/conv2/conv2d/0__0.0._scale_param_storage" [id=1542, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1543, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/12/cat/0" [id=1544, type=cat, metatype=PTCatMetatype]; +"dense4.13.bn1.weight" [id=1545, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.13.bn1.bias" [id=1546, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.13.bn1.running_mean" [id=1547, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.13.bn1.running_var" [id=1548, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/13/bn1/batch_norm/0" [id=1549, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/13/relu/0" [id=1550, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/13/relu/0__0.0._scale_param_storage" [id=1551, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" [id=1552, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.13.conv1.weight" [id=1553, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/13/conv1/conv2d/0__1.0._scale_param_storage" [id=1554, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1555, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/13/conv1/conv2d/0" [id=1556, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.13.bn2.weight" [id=1557, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.13.bn2.bias" [id=1558, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.13.bn2.running_mean" [id=1559, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.13.bn2.running_var" [id=1560, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/13/bn2/batch_norm/0" [id=1561, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/13/relu/1" [id=1562, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/13/relu/1__0.0._scale_param_storage" [id=1563, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" [id=1564, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.13.conv2.weight" [id=1565, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/13/conv2/conv2d/0__1.0._scale_param_storage" [id=1566, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1567, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/13/conv2/conv2d/0" [id=1568, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/13/conv2/conv2d/0__0.0._scale_param_storage" [id=1569, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1570, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/13/cat/0" [id=1571, type=cat, metatype=PTCatMetatype]; +"dense4.14.bn1.weight" [id=1572, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.14.bn1.bias" [id=1573, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.14.bn1.running_mean" [id=1574, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.14.bn1.running_var" [id=1575, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/14/bn1/batch_norm/0" [id=1576, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/14/relu/0" [id=1577, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/14/relu/0__0.0._scale_param_storage" [id=1578, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" [id=1579, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.14.conv1.weight" [id=1580, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/14/conv1/conv2d/0__1.0._scale_param_storage" [id=1581, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1582, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/14/conv1/conv2d/0" [id=1583, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.14.bn2.weight" [id=1584, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.14.bn2.bias" [id=1585, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.14.bn2.running_mean" [id=1586, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.14.bn2.running_var" [id=1587, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/14/bn2/batch_norm/0" [id=1588, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/14/relu/1" [id=1589, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/14/relu/1__0.0._scale_param_storage" [id=1590, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" [id=1591, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.14.conv2.weight" [id=1592, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/14/conv2/conv2d/0__1.0._scale_param_storage" [id=1593, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1594, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/14/conv2/conv2d/0" [id=1595, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/14/conv2/conv2d/0__0.0._scale_param_storage" [id=1596, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1597, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/14/cat/0" [id=1598, type=cat, metatype=PTCatMetatype]; +"dense4.15.bn1.weight" [id=1599, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.15.bn1.bias" [id=1600, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.15.bn1.running_mean" [id=1601, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.15.bn1.running_var" [id=1602, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/15/bn1/batch_norm/0" [id=1603, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/15/relu/0" [id=1604, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/15/relu/0__0.0._scale_param_storage" [id=1605, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" [id=1606, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.15.conv1.weight" [id=1607, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/15/conv1/conv2d/0__1.0._scale_param_storage" [id=1608, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=1609, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/15/conv1/conv2d/0" [id=1610, type=conv2d, metatype=PTConv2dMetatype]; +"dense4.15.bn2.weight" [id=1611, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.15.bn2.bias" [id=1612, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.15.bn2.running_mean" [id=1613, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4.15.bn2.running_var" [id=1614, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/15/bn2/batch_norm/0" [id=1615, type="batch_norm", metatype=PT2BatchNormMetatype]; +"dense4/15/relu/1" [id=1616, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.dense4/15/relu/1__0.0._scale_param_storage" [id=1617, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" [id=1618, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4.15.conv2.weight" [id=1619, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.dense4/15/conv2/conv2d/0__1.0._scale_param_storage" [id=1620, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=1621, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/15/conv2/conv2d/0" [id=1622, type=conv2d, metatype=PTConv2dMetatype]; +"__nncf_hooks.post_hooks.dense4/15/conv2/conv2d/0__0.0._scale_param_storage" [id=1623, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [id=1624, type="symmetric_quantize", metatype=UnknownMetatype]; +"dense4/15/cat/0" [id=1625, type=cat, metatype=PTCatMetatype]; +"bn.weight" [id=1626, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn.bias" [id=1627, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn.running_mean" [id=1628, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn.running_var" [id=1629, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn/batch_norm/0" [id=1630, type="batch_norm", metatype=PT2BatchNormMetatype]; +"/relu/0" [id=1631, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=1632, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=1633, type="symmetric_quantize", metatype=UnknownMetatype]; +"/avg_pool2d/0" [id=1634, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" [id=1635, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1636, type="symmetric_quantize", metatype=UnknownMetatype]; +"/view/0" [id=1637, type=view, metatype=PTReshapeMetatype]; +"linear.weight" [id=1638, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"linear.bias" [id=1639, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=1640, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=1641, type="symmetric_quantize", metatype=UnknownMetatype]; +"linear/linear/0" [id=1642, type=linear, metatype=PTLinearMetatype]; +output [id=1643, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"conv1/conv2d/0" -> "conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.conv1/conv2d/0__0.0._scale_param_storage" -> "conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/0/bn1/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"conv1/post_hook__conv1-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/0/cat/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=1]; +"dense1.0.bn1.weight" -> "dense1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"dense1.0.bn1.bias" -> "dense1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"dense1.0.bn1.running_mean" -> "dense1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"dense1.0.bn1.running_var" -> "dense1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"dense1/0/bn1/batch_norm/0" -> "dense1/0/relu/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/0/relu/0" -> "dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/0/relu/0__0.0._scale_param_storage" -> "dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/0/post_hook__dense1-0-relu-0__0[0]/symmetric_quantize/0" -> "dense1/0/conv1/conv2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.0.conv1.weight" -> "dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense1/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense1/0/conv1/pre_hook__dense1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/0/conv1/conv2d/0" [dtype=float, shape="(128, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"dense1/0/conv1/conv2d/0" -> "dense1/0/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.0.bn2.weight" -> "dense1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense1.0.bn2.bias" -> "dense1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense1.0.bn2.running_mean" -> "dense1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense1.0.bn2.running_var" -> "dense1/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense1/0/bn2/batch_norm/0" -> "dense1/0/relu/1" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/0/relu/1" -> "dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/0/relu/1__0.0._scale_param_storage" -> "dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/0/post_hook__dense1-0-relu-1__0[0]/symmetric_quantize/0" -> "dense1/0/conv2/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.0.conv2.weight" -> "dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense1/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense1/0/conv2/pre_hook__dense1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/0/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense1/0/conv2/conv2d/0" -> "dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/0/conv2/post_hook__dense1-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/0/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/0/cat/0" -> "dense1/1/bn1/batch_norm/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/0/cat/0" -> "dense1/1/cat/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=1]; +"dense1.1.bn1.weight" -> "dense1/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"dense1.1.bn1.bias" -> "dense1/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"dense1.1.bn1.running_mean" -> "dense1/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"dense1.1.bn1.running_var" -> "dense1/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"dense1/1/bn1/batch_norm/0" -> "dense1/1/relu/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/1/relu/0" -> "dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/1/relu/0__0.0._scale_param_storage" -> "dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/1/post_hook__dense1-1-relu-0__0[0]/symmetric_quantize/0" -> "dense1/1/conv1/conv2d/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.1.conv1.weight" -> "dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense1/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense1/1/conv1/pre_hook__dense1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/1/conv1/conv2d/0" [dtype=float, shape="(128, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"dense1/1/conv1/conv2d/0" -> "dense1/1/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.1.bn2.weight" -> "dense1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense1.1.bn2.bias" -> "dense1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense1.1.bn2.running_mean" -> "dense1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense1.1.bn2.running_var" -> "dense1/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense1/1/bn2/batch_norm/0" -> "dense1/1/relu/1" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/1/relu/1" -> "dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/1/relu/1__0.0._scale_param_storage" -> "dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/1/post_hook__dense1-1-relu-1__0[0]/symmetric_quantize/0" -> "dense1/1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.1.conv2.weight" -> "dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense1/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense1/1/conv2/pre_hook__dense1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense1/1/conv2/conv2d/0" -> "dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/1/conv2/post_hook__dense1-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/1/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/1/cat/0" -> "dense1/2/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/1/cat/0" -> "dense1/2/cat/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=1]; +"dense1.2.bn1.weight" -> "dense1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense1.2.bn1.bias" -> "dense1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense1.2.bn1.running_mean" -> "dense1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense1.2.bn1.running_var" -> "dense1/2/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense1/2/bn1/batch_norm/0" -> "dense1/2/relu/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/2/relu/0" -> "dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/2/relu/0__0.0._scale_param_storage" -> "dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/2/post_hook__dense1-2-relu-0__0[0]/symmetric_quantize/0" -> "dense1/2/conv1/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.2.conv1.weight" -> "dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense1/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense1/2/conv1/pre_hook__dense1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/2/conv1/conv2d/0" [dtype=float, shape="(128, 128, 1, 1)", out_port_id=0, in_port_id=1]; +"dense1/2/conv1/conv2d/0" -> "dense1/2/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.2.bn2.weight" -> "dense1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense1.2.bn2.bias" -> "dense1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense1.2.bn2.running_mean" -> "dense1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense1.2.bn2.running_var" -> "dense1/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense1/2/bn2/batch_norm/0" -> "dense1/2/relu/1" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/2/relu/1" -> "dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/2/relu/1__0.0._scale_param_storage" -> "dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/2/post_hook__dense1-2-relu-1__0[0]/symmetric_quantize/0" -> "dense1/2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.2.conv2.weight" -> "dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense1/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense1/2/conv2/pre_hook__dense1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense1/2/conv2/conv2d/0" -> "dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/2/conv2/post_hook__dense1-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/2/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/2/cat/0" -> "dense1/3/bn1/batch_norm/0" [dtype=float, shape="(1, 160, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/2/cat/0" -> "dense1/3/cat/0" [dtype=float, shape="(1, 160, 32, 32)", out_port_id=0, in_port_id=1]; +"dense1.3.bn1.weight" -> "dense1/3/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"dense1.3.bn1.bias" -> "dense1/3/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"dense1.3.bn1.running_mean" -> "dense1/3/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"dense1.3.bn1.running_var" -> "dense1/3/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"dense1/3/bn1/batch_norm/0" -> "dense1/3/relu/0" [dtype=float, shape="(1, 160, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/3/relu/0" -> "dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/3/relu/0__0.0._scale_param_storage" -> "dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/3/post_hook__dense1-3-relu-0__0[0]/symmetric_quantize/0" -> "dense1/3/conv1/conv2d/0" [dtype=float, shape="(1, 160, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.3.conv1.weight" -> "dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense1/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense1/3/conv1/pre_hook__dense1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/3/conv1/conv2d/0" [dtype=float, shape="(128, 160, 1, 1)", out_port_id=0, in_port_id=1]; +"dense1/3/conv1/conv2d/0" -> "dense1/3/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.3.bn2.weight" -> "dense1/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense1.3.bn2.bias" -> "dense1/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense1.3.bn2.running_mean" -> "dense1/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense1.3.bn2.running_var" -> "dense1/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense1/3/bn2/batch_norm/0" -> "dense1/3/relu/1" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/3/relu/1" -> "dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/3/relu/1__0.0._scale_param_storage" -> "dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/3/post_hook__dense1-3-relu-1__0[0]/symmetric_quantize/0" -> "dense1/3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.3.conv2.weight" -> "dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense1/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense1/3/conv2/pre_hook__dense1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense1/3/conv2/conv2d/0" -> "dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/3/conv2/post_hook__dense1-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/3/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/3/cat/0" -> "dense1/4/bn1/batch_norm/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/3/cat/0" -> "dense1/4/cat/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=1]; +"dense1.4.bn1.weight" -> "dense1/4/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"dense1.4.bn1.bias" -> "dense1/4/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"dense1.4.bn1.running_mean" -> "dense1/4/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"dense1.4.bn1.running_var" -> "dense1/4/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"dense1/4/bn1/batch_norm/0" -> "dense1/4/relu/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/4/relu/0" -> "dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/4/relu/0__0.0._scale_param_storage" -> "dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/4/post_hook__dense1-4-relu-0__0[0]/symmetric_quantize/0" -> "dense1/4/conv1/conv2d/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.4.conv1.weight" -> "dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense1/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense1/4/conv1/pre_hook__dense1-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/4/conv1/conv2d/0" [dtype=float, shape="(128, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"dense1/4/conv1/conv2d/0" -> "dense1/4/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.4.bn2.weight" -> "dense1/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense1.4.bn2.bias" -> "dense1/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense1.4.bn2.running_mean" -> "dense1/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense1.4.bn2.running_var" -> "dense1/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense1/4/bn2/batch_norm/0" -> "dense1/4/relu/1" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/4/relu/1" -> "dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/4/relu/1__0.0._scale_param_storage" -> "dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/4/post_hook__dense1-4-relu-1__0[0]/symmetric_quantize/0" -> "dense1/4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.4.conv2.weight" -> "dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense1/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense1/4/conv2/pre_hook__dense1-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense1/4/conv2/conv2d/0" -> "dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/4/conv2/post_hook__dense1-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/4/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/4/cat/0" -> "dense1/5/bn1/batch_norm/0" [dtype=float, shape="(1, 224, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/4/cat/0" -> "dense1/5/cat/0" [dtype=float, shape="(1, 224, 32, 32)", out_port_id=0, in_port_id=1]; +"dense1.5.bn1.weight" -> "dense1/5/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=1]; +"dense1.5.bn1.bias" -> "dense1/5/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=2]; +"dense1.5.bn1.running_mean" -> "dense1/5/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=3]; +"dense1.5.bn1.running_var" -> "dense1/5/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=4]; +"dense1/5/bn1/batch_norm/0" -> "dense1/5/relu/0" [dtype=float, shape="(1, 224, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/5/relu/0" -> "dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 224, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/5/relu/0__0.0._scale_param_storage" -> "dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/5/post_hook__dense1-5-relu-0__0[0]/symmetric_quantize/0" -> "dense1/5/conv1/conv2d/0" [dtype=float, shape="(1, 224, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.5.conv1.weight" -> "dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 224, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense1/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense1/5/conv1/pre_hook__dense1-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/5/conv1/conv2d/0" [dtype=float, shape="(128, 224, 1, 1)", out_port_id=0, in_port_id=1]; +"dense1/5/conv1/conv2d/0" -> "dense1/5/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.5.bn2.weight" -> "dense1/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense1.5.bn2.bias" -> "dense1/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense1.5.bn2.running_mean" -> "dense1/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense1.5.bn2.running_var" -> "dense1/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense1/5/bn2/batch_norm/0" -> "dense1/5/relu/1" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/5/relu/1" -> "dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/5/relu/1__0.0._scale_param_storage" -> "dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/5/post_hook__dense1-5-relu-1__0[0]/symmetric_quantize/0" -> "dense1/5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1.5.conv2.weight" -> "dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense1/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense1/5/conv2/pre_hook__dense1-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense1/5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense1/5/conv2/conv2d/0" -> "dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense1/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense1/5/conv2/post_hook__dense1-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense1/5/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"dense1/5/cat/0" -> "trans1/bn/batch_norm/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; +"trans1.bn.weight" -> "trans1/bn/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"trans1.bn.bias" -> "trans1/bn/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"trans1.bn.running_mean" -> "trans1/bn/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"trans1.bn.running_var" -> "trans1/bn/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"trans1/bn/batch_norm/0" -> "trans1/relu/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; +"trans1/relu/0" -> "trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.trans1/relu/0__0.0._scale_param_storage" -> "trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"trans1/post_hook__trans1-relu-0__0[0]/symmetric_quantize/0" -> "trans1/conv/conv2d/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; +"trans1.conv.weight" -> "trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.trans1/conv/conv2d/0__1.0._scale_param_storage" -> "trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"trans1/conv/pre_hook__trans1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "trans1/conv/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"trans1/conv/conv2d/0" -> "trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.trans1/conv/conv2d/0__0.0._scale_param_storage" -> "trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"trans1/conv/post_hook__trans1-conv-conv2d-0__0[0]/symmetric_quantize/0" -> "trans1/avg_pool2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"trans1/avg_pool2d/0" -> "trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.trans1/avg_pool2d/0__0.0._scale_param_storage" -> "trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense2/0/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"trans1/post_hook__trans1-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense2/0/cat/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=1]; +"dense2.0.bn1.weight" -> "dense2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense2.0.bn1.bias" -> "dense2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense2.0.bn1.running_mean" -> "dense2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense2.0.bn1.running_var" -> "dense2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense2/0/bn1/batch_norm/0" -> "dense2/0/relu/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/0/relu/0" -> "dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/0/relu/0__0.0._scale_param_storage" -> "dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/0/post_hook__dense2-0-relu-0__0[0]/symmetric_quantize/0" -> "dense2/0/conv1/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.0.conv1.weight" -> "dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/0/conv1/pre_hook__dense2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/0/conv1/conv2d/0" [dtype=float, shape="(128, 128, 1, 1)", out_port_id=0, in_port_id=1]; +"dense2/0/conv1/conv2d/0" -> "dense2/0/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.0.bn2.weight" -> "dense2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense2.0.bn2.bias" -> "dense2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense2.0.bn2.running_mean" -> "dense2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense2.0.bn2.running_var" -> "dense2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense2/0/bn2/batch_norm/0" -> "dense2/0/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/0/relu/1" -> "dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/0/relu/1__0.0._scale_param_storage" -> "dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/0/post_hook__dense2-0-relu-1__0[0]/symmetric_quantize/0" -> "dense2/0/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.0.conv2.weight" -> "dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/0/conv2/pre_hook__dense2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/0/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense2/0/conv2/conv2d/0" -> "dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/0/conv2/post_hook__dense2-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/0/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/0/cat/0" -> "dense2/1/bn1/batch_norm/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/0/cat/0" -> "dense2/1/cat/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=1]; +"dense2.1.bn1.weight" -> "dense2/1/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"dense2.1.bn1.bias" -> "dense2/1/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"dense2.1.bn1.running_mean" -> "dense2/1/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"dense2.1.bn1.running_var" -> "dense2/1/bn1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"dense2/1/bn1/batch_norm/0" -> "dense2/1/relu/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/1/relu/0" -> "dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/1/relu/0__0.0._scale_param_storage" -> "dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/1/post_hook__dense2-1-relu-0__0[0]/symmetric_quantize/0" -> "dense2/1/conv1/conv2d/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.1.conv1.weight" -> "dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/1/conv1/pre_hook__dense2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/1/conv1/conv2d/0" [dtype=float, shape="(128, 160, 1, 1)", out_port_id=0, in_port_id=1]; +"dense2/1/conv1/conv2d/0" -> "dense2/1/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.1.bn2.weight" -> "dense2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense2.1.bn2.bias" -> "dense2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense2.1.bn2.running_mean" -> "dense2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense2.1.bn2.running_var" -> "dense2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense2/1/bn2/batch_norm/0" -> "dense2/1/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/1/relu/1" -> "dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/1/relu/1__0.0._scale_param_storage" -> "dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/1/post_hook__dense2-1-relu-1__0[0]/symmetric_quantize/0" -> "dense2/1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.1.conv2.weight" -> "dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/1/conv2/pre_hook__dense2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense2/1/conv2/conv2d/0" -> "dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/1/conv2/post_hook__dense2-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/1/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/1/cat/0" -> "dense2/2/bn1/batch_norm/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/1/cat/0" -> "dense2/2/cat/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=1]; +"dense2.2.bn1.weight" -> "dense2/2/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"dense2.2.bn1.bias" -> "dense2/2/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"dense2.2.bn1.running_mean" -> "dense2/2/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"dense2.2.bn1.running_var" -> "dense2/2/bn1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"dense2/2/bn1/batch_norm/0" -> "dense2/2/relu/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/2/relu/0" -> "dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/2/relu/0__0.0._scale_param_storage" -> "dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/2/post_hook__dense2-2-relu-0__0[0]/symmetric_quantize/0" -> "dense2/2/conv1/conv2d/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.2.conv1.weight" -> "dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/2/conv1/pre_hook__dense2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/2/conv1/conv2d/0" [dtype=float, shape="(128, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"dense2/2/conv1/conv2d/0" -> "dense2/2/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.2.bn2.weight" -> "dense2/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense2.2.bn2.bias" -> "dense2/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense2.2.bn2.running_mean" -> "dense2/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense2.2.bn2.running_var" -> "dense2/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense2/2/bn2/batch_norm/0" -> "dense2/2/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/2/relu/1" -> "dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/2/relu/1__0.0._scale_param_storage" -> "dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/2/post_hook__dense2-2-relu-1__0[0]/symmetric_quantize/0" -> "dense2/2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.2.conv2.weight" -> "dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/2/conv2/pre_hook__dense2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense2/2/conv2/conv2d/0" -> "dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/2/conv2/post_hook__dense2-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/2/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/2/cat/0" -> "dense2/3/bn1/batch_norm/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/2/cat/0" -> "dense2/3/cat/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=1]; +"dense2.3.bn1.weight" -> "dense2/3/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=1]; +"dense2.3.bn1.bias" -> "dense2/3/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=2]; +"dense2.3.bn1.running_mean" -> "dense2/3/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=3]; +"dense2.3.bn1.running_var" -> "dense2/3/bn1/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=4]; +"dense2/3/bn1/batch_norm/0" -> "dense2/3/relu/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/3/relu/0" -> "dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/3/relu/0__0.0._scale_param_storage" -> "dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/3/post_hook__dense2-3-relu-0__0[0]/symmetric_quantize/0" -> "dense2/3/conv1/conv2d/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.3.conv1.weight" -> "dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 224, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/3/conv1/pre_hook__dense2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/3/conv1/conv2d/0" [dtype=float, shape="(128, 224, 1, 1)", out_port_id=0, in_port_id=1]; +"dense2/3/conv1/conv2d/0" -> "dense2/3/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.3.bn2.weight" -> "dense2/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense2.3.bn2.bias" -> "dense2/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense2.3.bn2.running_mean" -> "dense2/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense2.3.bn2.running_var" -> "dense2/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense2/3/bn2/batch_norm/0" -> "dense2/3/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/3/relu/1" -> "dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/3/relu/1__0.0._scale_param_storage" -> "dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/3/post_hook__dense2-3-relu-1__0[0]/symmetric_quantize/0" -> "dense2/3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.3.conv2.weight" -> "dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/3/conv2/pre_hook__dense2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense2/3/conv2/conv2d/0" -> "dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/3/conv2/post_hook__dense2-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/3/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/3/cat/0" -> "dense2/4/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/3/cat/0" -> "dense2/4/cat/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=1]; +"dense2.4.bn1.weight" -> "dense2/4/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"dense2.4.bn1.bias" -> "dense2/4/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"dense2.4.bn1.running_mean" -> "dense2/4/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"dense2.4.bn1.running_var" -> "dense2/4/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"dense2/4/bn1/batch_norm/0" -> "dense2/4/relu/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/4/relu/0" -> "dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/4/relu/0__0.0._scale_param_storage" -> "dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/4/post_hook__dense2-4-relu-0__0[0]/symmetric_quantize/0" -> "dense2/4/conv1/conv2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.4.conv1.weight" -> "dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/4/conv1/pre_hook__dense2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/4/conv1/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"dense2/4/conv1/conv2d/0" -> "dense2/4/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.4.bn2.weight" -> "dense2/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense2.4.bn2.bias" -> "dense2/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense2.4.bn2.running_mean" -> "dense2/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense2.4.bn2.running_var" -> "dense2/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense2/4/bn2/batch_norm/0" -> "dense2/4/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/4/relu/1" -> "dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/4/relu/1__0.0._scale_param_storage" -> "dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/4/post_hook__dense2-4-relu-1__0[0]/symmetric_quantize/0" -> "dense2/4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.4.conv2.weight" -> "dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/4/conv2/pre_hook__dense2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense2/4/conv2/conv2d/0" -> "dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/4/conv2/post_hook__dense2-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/4/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/4/cat/0" -> "dense2/5/bn1/batch_norm/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/4/cat/0" -> "dense2/5/cat/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=1]; +"dense2.5.bn1.weight" -> "dense2/5/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; +"dense2.5.bn1.bias" -> "dense2/5/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; +"dense2.5.bn1.running_mean" -> "dense2/5/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; +"dense2.5.bn1.running_var" -> "dense2/5/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; +"dense2/5/bn1/batch_norm/0" -> "dense2/5/relu/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/5/relu/0" -> "dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/5/relu/0__0.0._scale_param_storage" -> "dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/5/post_hook__dense2-5-relu-0__0[0]/symmetric_quantize/0" -> "dense2/5/conv1/conv2d/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.5.conv1.weight" -> "dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/5/conv1/pre_hook__dense2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/5/conv1/conv2d/0" [dtype=float, shape="(128, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"dense2/5/conv1/conv2d/0" -> "dense2/5/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.5.bn2.weight" -> "dense2/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense2.5.bn2.bias" -> "dense2/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense2.5.bn2.running_mean" -> "dense2/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense2.5.bn2.running_var" -> "dense2/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense2/5/bn2/batch_norm/0" -> "dense2/5/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/5/relu/1" -> "dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/5/relu/1__0.0._scale_param_storage" -> "dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/5/post_hook__dense2-5-relu-1__0[0]/symmetric_quantize/0" -> "dense2/5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.5.conv2.weight" -> "dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/5/conv2/pre_hook__dense2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense2/5/conv2/conv2d/0" -> "dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/5/conv2/post_hook__dense2-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/5/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/5/cat/0" -> "dense2/6/bn1/batch_norm/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/5/cat/0" -> "dense2/6/cat/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=1]; +"dense2.6.bn1.weight" -> "dense2/6/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"dense2.6.bn1.bias" -> "dense2/6/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"dense2.6.bn1.running_mean" -> "dense2/6/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"dense2.6.bn1.running_var" -> "dense2/6/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"dense2/6/bn1/batch_norm/0" -> "dense2/6/relu/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/6/relu/0" -> "dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/6/relu/0__0.0._scale_param_storage" -> "dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/6/post_hook__dense2-6-relu-0__0[0]/symmetric_quantize/0" -> "dense2/6/conv1/conv2d/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.6.conv1.weight" -> "dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 320, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/6/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/6/conv1/pre_hook__dense2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/6/conv1/conv2d/0" [dtype=float, shape="(128, 320, 1, 1)", out_port_id=0, in_port_id=1]; +"dense2/6/conv1/conv2d/0" -> "dense2/6/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.6.bn2.weight" -> "dense2/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense2.6.bn2.bias" -> "dense2/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense2.6.bn2.running_mean" -> "dense2/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense2.6.bn2.running_var" -> "dense2/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense2/6/bn2/batch_norm/0" -> "dense2/6/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/6/relu/1" -> "dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/6/relu/1__0.0._scale_param_storage" -> "dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/6/post_hook__dense2-6-relu-1__0[0]/symmetric_quantize/0" -> "dense2/6/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.6.conv2.weight" -> "dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/6/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/6/conv2/pre_hook__dense2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/6/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense2/6/conv2/conv2d/0" -> "dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/6/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/6/conv2/post_hook__dense2-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/6/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/6/cat/0" -> "dense2/7/bn1/batch_norm/0" [dtype=float, shape="(1, 352, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/6/cat/0" -> "dense2/7/cat/0" [dtype=float, shape="(1, 352, 16, 16)", out_port_id=0, in_port_id=1]; +"dense2.7.bn1.weight" -> "dense2/7/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=1]; +"dense2.7.bn1.bias" -> "dense2/7/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=2]; +"dense2.7.bn1.running_mean" -> "dense2/7/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=3]; +"dense2.7.bn1.running_var" -> "dense2/7/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=4]; +"dense2/7/bn1/batch_norm/0" -> "dense2/7/relu/0" [dtype=float, shape="(1, 352, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/7/relu/0" -> "dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 352, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/7/relu/0__0.0._scale_param_storage" -> "dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/7/post_hook__dense2-7-relu-0__0[0]/symmetric_quantize/0" -> "dense2/7/conv1/conv2d/0" [dtype=float, shape="(1, 352, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.7.conv1.weight" -> "dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 352, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/7/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/7/conv1/pre_hook__dense2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/7/conv1/conv2d/0" [dtype=float, shape="(128, 352, 1, 1)", out_port_id=0, in_port_id=1]; +"dense2/7/conv1/conv2d/0" -> "dense2/7/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.7.bn2.weight" -> "dense2/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense2.7.bn2.bias" -> "dense2/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense2.7.bn2.running_mean" -> "dense2/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense2.7.bn2.running_var" -> "dense2/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense2/7/bn2/batch_norm/0" -> "dense2/7/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/7/relu/1" -> "dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/7/relu/1__0.0._scale_param_storage" -> "dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/7/post_hook__dense2-7-relu-1__0[0]/symmetric_quantize/0" -> "dense2/7/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.7.conv2.weight" -> "dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/7/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/7/conv2/pre_hook__dense2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/7/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense2/7/conv2/conv2d/0" -> "dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/7/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/7/conv2/post_hook__dense2-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/7/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/7/cat/0" -> "dense2/8/bn1/batch_norm/0" [dtype=float, shape="(1, 384, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/7/cat/0" -> "dense2/8/cat/0" [dtype=float, shape="(1, 384, 16, 16)", out_port_id=0, in_port_id=1]; +"dense2.8.bn1.weight" -> "dense2/8/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"dense2.8.bn1.bias" -> "dense2/8/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"dense2.8.bn1.running_mean" -> "dense2/8/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"dense2.8.bn1.running_var" -> "dense2/8/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"dense2/8/bn1/batch_norm/0" -> "dense2/8/relu/0" [dtype=float, shape="(1, 384, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/8/relu/0" -> "dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/8/relu/0__0.0._scale_param_storage" -> "dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/8/post_hook__dense2-8-relu-0__0[0]/symmetric_quantize/0" -> "dense2/8/conv1/conv2d/0" [dtype=float, shape="(1, 384, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.8.conv1.weight" -> "dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 384, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/8/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/8/conv1/pre_hook__dense2-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/8/conv1/conv2d/0" [dtype=float, shape="(128, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"dense2/8/conv1/conv2d/0" -> "dense2/8/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.8.bn2.weight" -> "dense2/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense2.8.bn2.bias" -> "dense2/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense2.8.bn2.running_mean" -> "dense2/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense2.8.bn2.running_var" -> "dense2/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense2/8/bn2/batch_norm/0" -> "dense2/8/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/8/relu/1" -> "dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/8/relu/1__0.0._scale_param_storage" -> "dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/8/post_hook__dense2-8-relu-1__0[0]/symmetric_quantize/0" -> "dense2/8/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.8.conv2.weight" -> "dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/8/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/8/conv2/pre_hook__dense2-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/8/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense2/8/conv2/conv2d/0" -> "dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/8/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/8/conv2/post_hook__dense2-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/8/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/8/cat/0" -> "dense2/9/bn1/batch_norm/0" [dtype=float, shape="(1, 416, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/8/cat/0" -> "dense2/9/cat/0" [dtype=float, shape="(1, 416, 16, 16)", out_port_id=0, in_port_id=1]; +"dense2.9.bn1.weight" -> "dense2/9/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=1]; +"dense2.9.bn1.bias" -> "dense2/9/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=2]; +"dense2.9.bn1.running_mean" -> "dense2/9/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=3]; +"dense2.9.bn1.running_var" -> "dense2/9/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=4]; +"dense2/9/bn1/batch_norm/0" -> "dense2/9/relu/0" [dtype=float, shape="(1, 416, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/9/relu/0" -> "dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 416, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/9/relu/0__0.0._scale_param_storage" -> "dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/9/post_hook__dense2-9-relu-0__0[0]/symmetric_quantize/0" -> "dense2/9/conv1/conv2d/0" [dtype=float, shape="(1, 416, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.9.conv1.weight" -> "dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 416, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/9/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/9/conv1/pre_hook__dense2-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/9/conv1/conv2d/0" [dtype=float, shape="(128, 416, 1, 1)", out_port_id=0, in_port_id=1]; +"dense2/9/conv1/conv2d/0" -> "dense2/9/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.9.bn2.weight" -> "dense2/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense2.9.bn2.bias" -> "dense2/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense2.9.bn2.running_mean" -> "dense2/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense2.9.bn2.running_var" -> "dense2/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense2/9/bn2/batch_norm/0" -> "dense2/9/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/9/relu/1" -> "dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/9/relu/1__0.0._scale_param_storage" -> "dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/9/post_hook__dense2-9-relu-1__0[0]/symmetric_quantize/0" -> "dense2/9/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.9.conv2.weight" -> "dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/9/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/9/conv2/pre_hook__dense2-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/9/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense2/9/conv2/conv2d/0" -> "dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/9/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/9/conv2/post_hook__dense2-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/9/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/9/cat/0" -> "dense2/10/bn1/batch_norm/0" [dtype=float, shape="(1, 448, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/9/cat/0" -> "dense2/10/cat/0" [dtype=float, shape="(1, 448, 16, 16)", out_port_id=0, in_port_id=1]; +"dense2.10.bn1.weight" -> "dense2/10/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; +"dense2.10.bn1.bias" -> "dense2/10/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; +"dense2.10.bn1.running_mean" -> "dense2/10/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; +"dense2.10.bn1.running_var" -> "dense2/10/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; +"dense2/10/bn1/batch_norm/0" -> "dense2/10/relu/0" [dtype=float, shape="(1, 448, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/10/relu/0" -> "dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 448, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/10/relu/0__0.0._scale_param_storage" -> "dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/10/post_hook__dense2-10-relu-0__0[0]/symmetric_quantize/0" -> "dense2/10/conv1/conv2d/0" [dtype=float, shape="(1, 448, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.10.conv1.weight" -> "dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 448, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/10/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/10/conv1/pre_hook__dense2-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/10/conv1/conv2d/0" [dtype=float, shape="(128, 448, 1, 1)", out_port_id=0, in_port_id=1]; +"dense2/10/conv1/conv2d/0" -> "dense2/10/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.10.bn2.weight" -> "dense2/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense2.10.bn2.bias" -> "dense2/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense2.10.bn2.running_mean" -> "dense2/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense2.10.bn2.running_var" -> "dense2/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense2/10/bn2/batch_norm/0" -> "dense2/10/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/10/relu/1" -> "dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/10/relu/1__0.0._scale_param_storage" -> "dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/10/post_hook__dense2-10-relu-1__0[0]/symmetric_quantize/0" -> "dense2/10/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.10.conv2.weight" -> "dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/10/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/10/conv2/pre_hook__dense2-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/10/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense2/10/conv2/conv2d/0" -> "dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/10/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/10/conv2/post_hook__dense2-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/10/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/10/cat/0" -> "dense2/11/bn1/batch_norm/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/10/cat/0" -> "dense2/11/cat/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=1]; +"dense2.11.bn1.weight" -> "dense2/11/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; +"dense2.11.bn1.bias" -> "dense2/11/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; +"dense2.11.bn1.running_mean" -> "dense2/11/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; +"dense2.11.bn1.running_var" -> "dense2/11/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; +"dense2/11/bn1/batch_norm/0" -> "dense2/11/relu/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/11/relu/0" -> "dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/11/relu/0__0.0._scale_param_storage" -> "dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/11/post_hook__dense2-11-relu-0__0[0]/symmetric_quantize/0" -> "dense2/11/conv1/conv2d/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.11.conv1.weight" -> "dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/11/conv1/conv2d/0__1.0._scale_param_storage" -> "dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/11/conv1/pre_hook__dense2-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/11/conv1/conv2d/0" [dtype=float, shape="(128, 480, 1, 1)", out_port_id=0, in_port_id=1]; +"dense2/11/conv1/conv2d/0" -> "dense2/11/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.11.bn2.weight" -> "dense2/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense2.11.bn2.bias" -> "dense2/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense2.11.bn2.running_mean" -> "dense2/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense2.11.bn2.running_var" -> "dense2/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense2/11/bn2/batch_norm/0" -> "dense2/11/relu/1" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/11/relu/1" -> "dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/11/relu/1__0.0._scale_param_storage" -> "dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/11/post_hook__dense2-11-relu-1__0[0]/symmetric_quantize/0" -> "dense2/11/conv2/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2.11.conv2.weight" -> "dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense2/11/conv2/conv2d/0__1.0._scale_param_storage" -> "dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense2/11/conv2/pre_hook__dense2-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense2/11/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense2/11/conv2/conv2d/0" -> "dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense2/11/conv2/conv2d/0__0.0._scale_param_storage" -> "dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense2/11/conv2/post_hook__dense2-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense2/11/cat/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"dense2/11/cat/0" -> "trans2/bn/batch_norm/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"trans2.bn.weight" -> "trans2/bn/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"trans2.bn.bias" -> "trans2/bn/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"trans2.bn.running_mean" -> "trans2/bn/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"trans2.bn.running_var" -> "trans2/bn/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"trans2/bn/batch_norm/0" -> "trans2/relu/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"trans2/relu/0" -> "trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.trans2/relu/0__0.0._scale_param_storage" -> "trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"trans2/post_hook__trans2-relu-0__0[0]/symmetric_quantize/0" -> "trans2/conv/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"trans2.conv.weight" -> "trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.trans2/conv/conv2d/0__1.0._scale_param_storage" -> "trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"trans2/conv/pre_hook__trans2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "trans2/conv/conv2d/0" [dtype=float, shape="(256, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"trans2/conv/conv2d/0" -> "trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.trans2/conv/conv2d/0__0.0._scale_param_storage" -> "trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"trans2/conv/post_hook__trans2-conv-conv2d-0__0[0]/symmetric_quantize/0" -> "trans2/avg_pool2d/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"trans2/avg_pool2d/0" -> "trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.trans2/avg_pool2d/0__0.0._scale_param_storage" -> "trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense3/0/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"trans2/post_hook__trans2-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense3/0/cat/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.0.bn1.weight" -> "dense3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"dense3.0.bn1.bias" -> "dense3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"dense3.0.bn1.running_mean" -> "dense3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"dense3.0.bn1.running_var" -> "dense3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"dense3/0/bn1/batch_norm/0" -> "dense3/0/relu/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/0/relu/0" -> "dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/0/relu/0__0.0._scale_param_storage" -> "dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/0/post_hook__dense3-0-relu-0__0[0]/symmetric_quantize/0" -> "dense3/0/conv1/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.0.conv1.weight" -> "dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/0/conv1/pre_hook__dense3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/0/conv1/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/0/conv1/conv2d/0" -> "dense3/0/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.0.bn2.weight" -> "dense3/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.0.bn2.bias" -> "dense3/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.0.bn2.running_mean" -> "dense3/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.0.bn2.running_var" -> "dense3/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/0/bn2/batch_norm/0" -> "dense3/0/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/0/relu/1" -> "dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/0/relu/1__0.0._scale_param_storage" -> "dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/0/post_hook__dense3-0-relu-1__0[0]/symmetric_quantize/0" -> "dense3/0/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.0.conv2.weight" -> "dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/0/conv2/pre_hook__dense3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/0/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/0/conv2/conv2d/0" -> "dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/0/conv2/post_hook__dense3-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/0/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/0/cat/0" -> "dense3/1/bn1/batch_norm/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/0/cat/0" -> "dense3/1/cat/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.1.bn1.weight" -> "dense3/1/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; +"dense3.1.bn1.bias" -> "dense3/1/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; +"dense3.1.bn1.running_mean" -> "dense3/1/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; +"dense3.1.bn1.running_var" -> "dense3/1/bn1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; +"dense3/1/bn1/batch_norm/0" -> "dense3/1/relu/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/1/relu/0" -> "dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/1/relu/0__0.0._scale_param_storage" -> "dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/1/post_hook__dense3-1-relu-0__0[0]/symmetric_quantize/0" -> "dense3/1/conv1/conv2d/0" [dtype=float, shape="(1, 288, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.1.conv1.weight" -> "dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/1/conv1/pre_hook__dense3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/1/conv1/conv2d/0" [dtype=float, shape="(128, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/1/conv1/conv2d/0" -> "dense3/1/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.1.bn2.weight" -> "dense3/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.1.bn2.bias" -> "dense3/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.1.bn2.running_mean" -> "dense3/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.1.bn2.running_var" -> "dense3/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/1/bn2/batch_norm/0" -> "dense3/1/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/1/relu/1" -> "dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/1/relu/1__0.0._scale_param_storage" -> "dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/1/post_hook__dense3-1-relu-1__0[0]/symmetric_quantize/0" -> "dense3/1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.1.conv2.weight" -> "dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/1/conv2/pre_hook__dense3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/1/conv2/conv2d/0" -> "dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/1/conv2/post_hook__dense3-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/1/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/1/cat/0" -> "dense3/2/bn1/batch_norm/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/1/cat/0" -> "dense3/2/cat/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.2.bn1.weight" -> "dense3/2/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"dense3.2.bn1.bias" -> "dense3/2/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"dense3.2.bn1.running_mean" -> "dense3/2/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"dense3.2.bn1.running_var" -> "dense3/2/bn1/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"dense3/2/bn1/batch_norm/0" -> "dense3/2/relu/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/2/relu/0" -> "dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/2/relu/0__0.0._scale_param_storage" -> "dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/2/post_hook__dense3-2-relu-0__0[0]/symmetric_quantize/0" -> "dense3/2/conv1/conv2d/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.2.conv1.weight" -> "dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 320, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/2/conv1/pre_hook__dense3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/2/conv1/conv2d/0" [dtype=float, shape="(128, 320, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/2/conv1/conv2d/0" -> "dense3/2/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.2.bn2.weight" -> "dense3/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.2.bn2.bias" -> "dense3/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.2.bn2.running_mean" -> "dense3/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.2.bn2.running_var" -> "dense3/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/2/bn2/batch_norm/0" -> "dense3/2/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/2/relu/1" -> "dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/2/relu/1__0.0._scale_param_storage" -> "dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/2/post_hook__dense3-2-relu-1__0[0]/symmetric_quantize/0" -> "dense3/2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.2.conv2.weight" -> "dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/2/conv2/pre_hook__dense3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/2/conv2/conv2d/0" -> "dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/2/conv2/post_hook__dense3-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/2/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/2/cat/0" -> "dense3/3/bn1/batch_norm/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/2/cat/0" -> "dense3/3/cat/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.3.bn1.weight" -> "dense3/3/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=1]; +"dense3.3.bn1.bias" -> "dense3/3/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=2]; +"dense3.3.bn1.running_mean" -> "dense3/3/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=3]; +"dense3.3.bn1.running_var" -> "dense3/3/bn1/batch_norm/0" [dtype=float, shape="(352,)", out_port_id=0, in_port_id=4]; +"dense3/3/bn1/batch_norm/0" -> "dense3/3/relu/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/3/relu/0" -> "dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/3/relu/0__0.0._scale_param_storage" -> "dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/3/post_hook__dense3-3-relu-0__0[0]/symmetric_quantize/0" -> "dense3/3/conv1/conv2d/0" [dtype=float, shape="(1, 352, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.3.conv1.weight" -> "dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 352, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/3/conv1/pre_hook__dense3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/3/conv1/conv2d/0" [dtype=float, shape="(128, 352, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/3/conv1/conv2d/0" -> "dense3/3/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.3.bn2.weight" -> "dense3/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.3.bn2.bias" -> "dense3/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.3.bn2.running_mean" -> "dense3/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.3.bn2.running_var" -> "dense3/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/3/bn2/batch_norm/0" -> "dense3/3/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/3/relu/1" -> "dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/3/relu/1__0.0._scale_param_storage" -> "dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/3/post_hook__dense3-3-relu-1__0[0]/symmetric_quantize/0" -> "dense3/3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.3.conv2.weight" -> "dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/3/conv2/pre_hook__dense3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/3/conv2/conv2d/0" -> "dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/3/conv2/post_hook__dense3-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/3/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/3/cat/0" -> "dense3/4/bn1/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/3/cat/0" -> "dense3/4/cat/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.4.bn1.weight" -> "dense3/4/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"dense3.4.bn1.bias" -> "dense3/4/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"dense3.4.bn1.running_mean" -> "dense3/4/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"dense3.4.bn1.running_var" -> "dense3/4/bn1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"dense3/4/bn1/batch_norm/0" -> "dense3/4/relu/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/4/relu/0" -> "dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/4/relu/0__0.0._scale_param_storage" -> "dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/4/post_hook__dense3-4-relu-0__0[0]/symmetric_quantize/0" -> "dense3/4/conv1/conv2d/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.4.conv1.weight" -> "dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 384, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/4/conv1/pre_hook__dense3-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/4/conv1/conv2d/0" [dtype=float, shape="(128, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/4/conv1/conv2d/0" -> "dense3/4/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.4.bn2.weight" -> "dense3/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.4.bn2.bias" -> "dense3/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.4.bn2.running_mean" -> "dense3/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.4.bn2.running_var" -> "dense3/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/4/bn2/batch_norm/0" -> "dense3/4/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/4/relu/1" -> "dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/4/relu/1__0.0._scale_param_storage" -> "dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/4/post_hook__dense3-4-relu-1__0[0]/symmetric_quantize/0" -> "dense3/4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.4.conv2.weight" -> "dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/4/conv2/pre_hook__dense3-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/4/conv2/conv2d/0" -> "dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/4/conv2/post_hook__dense3-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/4/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/4/cat/0" -> "dense3/5/bn1/batch_norm/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/4/cat/0" -> "dense3/5/cat/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.5.bn1.weight" -> "dense3/5/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=1]; +"dense3.5.bn1.bias" -> "dense3/5/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=2]; +"dense3.5.bn1.running_mean" -> "dense3/5/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=3]; +"dense3.5.bn1.running_var" -> "dense3/5/bn1/batch_norm/0" [dtype=float, shape="(416,)", out_port_id=0, in_port_id=4]; +"dense3/5/bn1/batch_norm/0" -> "dense3/5/relu/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/5/relu/0" -> "dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/5/relu/0__0.0._scale_param_storage" -> "dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/5/post_hook__dense3-5-relu-0__0[0]/symmetric_quantize/0" -> "dense3/5/conv1/conv2d/0" [dtype=float, shape="(1, 416, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.5.conv1.weight" -> "dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 416, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/5/conv1/pre_hook__dense3-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/5/conv1/conv2d/0" [dtype=float, shape="(128, 416, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/5/conv1/conv2d/0" -> "dense3/5/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.5.bn2.weight" -> "dense3/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.5.bn2.bias" -> "dense3/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.5.bn2.running_mean" -> "dense3/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.5.bn2.running_var" -> "dense3/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/5/bn2/batch_norm/0" -> "dense3/5/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/5/relu/1" -> "dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/5/relu/1__0.0._scale_param_storage" -> "dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/5/post_hook__dense3-5-relu-1__0[0]/symmetric_quantize/0" -> "dense3/5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.5.conv2.weight" -> "dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/5/conv2/pre_hook__dense3-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/5/conv2/conv2d/0" -> "dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/5/conv2/post_hook__dense3-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/5/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/5/cat/0" -> "dense3/6/bn1/batch_norm/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/5/cat/0" -> "dense3/6/cat/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.6.bn1.weight" -> "dense3/6/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; +"dense3.6.bn1.bias" -> "dense3/6/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; +"dense3.6.bn1.running_mean" -> "dense3/6/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; +"dense3.6.bn1.running_var" -> "dense3/6/bn1/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; +"dense3/6/bn1/batch_norm/0" -> "dense3/6/relu/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/6/relu/0" -> "dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/6/relu/0__0.0._scale_param_storage" -> "dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/6/post_hook__dense3-6-relu-0__0[0]/symmetric_quantize/0" -> "dense3/6/conv1/conv2d/0" [dtype=float, shape="(1, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.6.conv1.weight" -> "dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 448, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/6/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/6/conv1/pre_hook__dense3-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/6/conv1/conv2d/0" [dtype=float, shape="(128, 448, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/6/conv1/conv2d/0" -> "dense3/6/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.6.bn2.weight" -> "dense3/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.6.bn2.bias" -> "dense3/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.6.bn2.running_mean" -> "dense3/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.6.bn2.running_var" -> "dense3/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/6/bn2/batch_norm/0" -> "dense3/6/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/6/relu/1" -> "dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/6/relu/1__0.0._scale_param_storage" -> "dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/6/post_hook__dense3-6-relu-1__0[0]/symmetric_quantize/0" -> "dense3/6/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.6.conv2.weight" -> "dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/6/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/6/conv2/pre_hook__dense3-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/6/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/6/conv2/conv2d/0" -> "dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/6/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/6/conv2/post_hook__dense3-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/6/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/6/cat/0" -> "dense3/7/bn1/batch_norm/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/6/cat/0" -> "dense3/7/cat/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.7.bn1.weight" -> "dense3/7/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=1]; +"dense3.7.bn1.bias" -> "dense3/7/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=2]; +"dense3.7.bn1.running_mean" -> "dense3/7/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=3]; +"dense3.7.bn1.running_var" -> "dense3/7/bn1/batch_norm/0" [dtype=float, shape="(480,)", out_port_id=0, in_port_id=4]; +"dense3/7/bn1/batch_norm/0" -> "dense3/7/relu/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/7/relu/0" -> "dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/7/relu/0__0.0._scale_param_storage" -> "dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/7/post_hook__dense3-7-relu-0__0[0]/symmetric_quantize/0" -> "dense3/7/conv1/conv2d/0" [dtype=float, shape="(1, 480, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.7.conv1.weight" -> "dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/7/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/7/conv1/pre_hook__dense3-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/7/conv1/conv2d/0" [dtype=float, shape="(128, 480, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/7/conv1/conv2d/0" -> "dense3/7/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.7.bn2.weight" -> "dense3/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.7.bn2.bias" -> "dense3/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.7.bn2.running_mean" -> "dense3/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.7.bn2.running_var" -> "dense3/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/7/bn2/batch_norm/0" -> "dense3/7/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/7/relu/1" -> "dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/7/relu/1__0.0._scale_param_storage" -> "dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/7/post_hook__dense3-7-relu-1__0[0]/symmetric_quantize/0" -> "dense3/7/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.7.conv2.weight" -> "dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/7/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/7/conv2/pre_hook__dense3-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/7/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/7/conv2/conv2d/0" -> "dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/7/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/7/conv2/post_hook__dense3-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/7/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/7/cat/0" -> "dense3/8/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/7/cat/0" -> "dense3/8/cat/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.8.bn1.weight" -> "dense3/8/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"dense3.8.bn1.bias" -> "dense3/8/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"dense3.8.bn1.running_mean" -> "dense3/8/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"dense3.8.bn1.running_var" -> "dense3/8/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"dense3/8/bn1/batch_norm/0" -> "dense3/8/relu/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/8/relu/0" -> "dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/8/relu/0__0.0._scale_param_storage" -> "dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/8/post_hook__dense3-8-relu-0__0[0]/symmetric_quantize/0" -> "dense3/8/conv1/conv2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.8.conv1.weight" -> "dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/8/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/8/conv1/pre_hook__dense3-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/8/conv1/conv2d/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/8/conv1/conv2d/0" -> "dense3/8/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.8.bn2.weight" -> "dense3/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.8.bn2.bias" -> "dense3/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.8.bn2.running_mean" -> "dense3/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.8.bn2.running_var" -> "dense3/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/8/bn2/batch_norm/0" -> "dense3/8/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/8/relu/1" -> "dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/8/relu/1__0.0._scale_param_storage" -> "dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/8/post_hook__dense3-8-relu-1__0[0]/symmetric_quantize/0" -> "dense3/8/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.8.conv2.weight" -> "dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/8/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/8/conv2/pre_hook__dense3-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/8/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/8/conv2/conv2d/0" -> "dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/8/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/8/conv2/post_hook__dense3-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/8/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/8/cat/0" -> "dense3/9/bn1/batch_norm/0" [dtype=float, shape="(1, 544, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/8/cat/0" -> "dense3/9/cat/0" [dtype=float, shape="(1, 544, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.9.bn1.weight" -> "dense3/9/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=1]; +"dense3.9.bn1.bias" -> "dense3/9/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=2]; +"dense3.9.bn1.running_mean" -> "dense3/9/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=3]; +"dense3.9.bn1.running_var" -> "dense3/9/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=4]; +"dense3/9/bn1/batch_norm/0" -> "dense3/9/relu/0" [dtype=float, shape="(1, 544, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/9/relu/0" -> "dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 544, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/9/relu/0__0.0._scale_param_storage" -> "dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/9/post_hook__dense3-9-relu-0__0[0]/symmetric_quantize/0" -> "dense3/9/conv1/conv2d/0" [dtype=float, shape="(1, 544, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.9.conv1.weight" -> "dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 544, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/9/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/9/conv1/pre_hook__dense3-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/9/conv1/conv2d/0" [dtype=float, shape="(128, 544, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/9/conv1/conv2d/0" -> "dense3/9/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.9.bn2.weight" -> "dense3/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.9.bn2.bias" -> "dense3/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.9.bn2.running_mean" -> "dense3/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.9.bn2.running_var" -> "dense3/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/9/bn2/batch_norm/0" -> "dense3/9/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/9/relu/1" -> "dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/9/relu/1__0.0._scale_param_storage" -> "dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/9/post_hook__dense3-9-relu-1__0[0]/symmetric_quantize/0" -> "dense3/9/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.9.conv2.weight" -> "dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/9/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/9/conv2/pre_hook__dense3-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/9/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/9/conv2/conv2d/0" -> "dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/9/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/9/conv2/post_hook__dense3-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/9/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/9/cat/0" -> "dense3/10/bn1/batch_norm/0" [dtype=float, shape="(1, 576, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/9/cat/0" -> "dense3/10/cat/0" [dtype=float, shape="(1, 576, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.10.bn1.weight" -> "dense3/10/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"dense3.10.bn1.bias" -> "dense3/10/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"dense3.10.bn1.running_mean" -> "dense3/10/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"dense3.10.bn1.running_var" -> "dense3/10/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"dense3/10/bn1/batch_norm/0" -> "dense3/10/relu/0" [dtype=float, shape="(1, 576, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/10/relu/0" -> "dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/10/relu/0__0.0._scale_param_storage" -> "dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/10/post_hook__dense3-10-relu-0__0[0]/symmetric_quantize/0" -> "dense3/10/conv1/conv2d/0" [dtype=float, shape="(1, 576, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.10.conv1.weight" -> "dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/10/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/10/conv1/pre_hook__dense3-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/10/conv1/conv2d/0" [dtype=float, shape="(128, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/10/conv1/conv2d/0" -> "dense3/10/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.10.bn2.weight" -> "dense3/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.10.bn2.bias" -> "dense3/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.10.bn2.running_mean" -> "dense3/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.10.bn2.running_var" -> "dense3/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/10/bn2/batch_norm/0" -> "dense3/10/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/10/relu/1" -> "dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/10/relu/1__0.0._scale_param_storage" -> "dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/10/post_hook__dense3-10-relu-1__0[0]/symmetric_quantize/0" -> "dense3/10/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.10.conv2.weight" -> "dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/10/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/10/conv2/pre_hook__dense3-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/10/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/10/conv2/conv2d/0" -> "dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/10/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/10/conv2/post_hook__dense3-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/10/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/10/cat/0" -> "dense3/11/bn1/batch_norm/0" [dtype=float, shape="(1, 608, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/10/cat/0" -> "dense3/11/cat/0" [dtype=float, shape="(1, 608, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.11.bn1.weight" -> "dense3/11/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=1]; +"dense3.11.bn1.bias" -> "dense3/11/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=2]; +"dense3.11.bn1.running_mean" -> "dense3/11/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=3]; +"dense3.11.bn1.running_var" -> "dense3/11/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=4]; +"dense3/11/bn1/batch_norm/0" -> "dense3/11/relu/0" [dtype=float, shape="(1, 608, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/11/relu/0" -> "dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 608, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/11/relu/0__0.0._scale_param_storage" -> "dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/11/post_hook__dense3-11-relu-0__0[0]/symmetric_quantize/0" -> "dense3/11/conv1/conv2d/0" [dtype=float, shape="(1, 608, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.11.conv1.weight" -> "dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 608, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/11/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/11/conv1/pre_hook__dense3-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/11/conv1/conv2d/0" [dtype=float, shape="(128, 608, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/11/conv1/conv2d/0" -> "dense3/11/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.11.bn2.weight" -> "dense3/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.11.bn2.bias" -> "dense3/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.11.bn2.running_mean" -> "dense3/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.11.bn2.running_var" -> "dense3/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/11/bn2/batch_norm/0" -> "dense3/11/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/11/relu/1" -> "dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/11/relu/1__0.0._scale_param_storage" -> "dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/11/post_hook__dense3-11-relu-1__0[0]/symmetric_quantize/0" -> "dense3/11/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.11.conv2.weight" -> "dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/11/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/11/conv2/pre_hook__dense3-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/11/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/11/conv2/conv2d/0" -> "dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/11/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/11/conv2/post_hook__dense3-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/11/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/11/cat/0" -> "dense3/12/bn1/batch_norm/0" [dtype=float, shape="(1, 640, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/11/cat/0" -> "dense3/12/cat/0" [dtype=float, shape="(1, 640, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.12.bn1.weight" -> "dense3/12/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=1]; +"dense3.12.bn1.bias" -> "dense3/12/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=2]; +"dense3.12.bn1.running_mean" -> "dense3/12/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=3]; +"dense3.12.bn1.running_var" -> "dense3/12/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=4]; +"dense3/12/bn1/batch_norm/0" -> "dense3/12/relu/0" [dtype=float, shape="(1, 640, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/12/relu/0" -> "dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 640, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/12/relu/0__0.0._scale_param_storage" -> "dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/12/post_hook__dense3-12-relu-0__0[0]/symmetric_quantize/0" -> "dense3/12/conv1/conv2d/0" [dtype=float, shape="(1, 640, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.12.conv1.weight" -> "dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 640, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/12/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/12/conv1/pre_hook__dense3-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/12/conv1/conv2d/0" [dtype=float, shape="(128, 640, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/12/conv1/conv2d/0" -> "dense3/12/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.12.bn2.weight" -> "dense3/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.12.bn2.bias" -> "dense3/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.12.bn2.running_mean" -> "dense3/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.12.bn2.running_var" -> "dense3/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/12/bn2/batch_norm/0" -> "dense3/12/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/12/relu/1" -> "dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/12/relu/1__0.0._scale_param_storage" -> "dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/12/post_hook__dense3-12-relu-1__0[0]/symmetric_quantize/0" -> "dense3/12/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.12.conv2.weight" -> "dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/12/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/12/conv2/pre_hook__dense3-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/12/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/12/conv2/conv2d/0" -> "dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/12/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/12/conv2/post_hook__dense3-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/12/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/12/cat/0" -> "dense3/13/bn1/batch_norm/0" [dtype=float, shape="(1, 672, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/12/cat/0" -> "dense3/13/cat/0" [dtype=float, shape="(1, 672, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.13.bn1.weight" -> "dense3/13/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; +"dense3.13.bn1.bias" -> "dense3/13/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; +"dense3.13.bn1.running_mean" -> "dense3/13/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; +"dense3.13.bn1.running_var" -> "dense3/13/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; +"dense3/13/bn1/batch_norm/0" -> "dense3/13/relu/0" [dtype=float, shape="(1, 672, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/13/relu/0" -> "dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 672, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/13/relu/0__0.0._scale_param_storage" -> "dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/13/post_hook__dense3-13-relu-0__0[0]/symmetric_quantize/0" -> "dense3/13/conv1/conv2d/0" [dtype=float, shape="(1, 672, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.13.conv1.weight" -> "dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 672, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/13/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/13/conv1/pre_hook__dense3-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/13/conv1/conv2d/0" [dtype=float, shape="(128, 672, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/13/conv1/conv2d/0" -> "dense3/13/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.13.bn2.weight" -> "dense3/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.13.bn2.bias" -> "dense3/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.13.bn2.running_mean" -> "dense3/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.13.bn2.running_var" -> "dense3/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/13/bn2/batch_norm/0" -> "dense3/13/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/13/relu/1" -> "dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/13/relu/1__0.0._scale_param_storage" -> "dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/13/post_hook__dense3-13-relu-1__0[0]/symmetric_quantize/0" -> "dense3/13/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.13.conv2.weight" -> "dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/13/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/13/conv2/pre_hook__dense3-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/13/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/13/conv2/conv2d/0" -> "dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/13/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/13/conv2/post_hook__dense3-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/13/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/13/cat/0" -> "dense3/14/bn1/batch_norm/0" [dtype=float, shape="(1, 704, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/13/cat/0" -> "dense3/14/cat/0" [dtype=float, shape="(1, 704, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.14.bn1.weight" -> "dense3/14/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=1]; +"dense3.14.bn1.bias" -> "dense3/14/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=2]; +"dense3.14.bn1.running_mean" -> "dense3/14/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=3]; +"dense3.14.bn1.running_var" -> "dense3/14/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=4]; +"dense3/14/bn1/batch_norm/0" -> "dense3/14/relu/0" [dtype=float, shape="(1, 704, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/14/relu/0" -> "dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 704, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/14/relu/0__0.0._scale_param_storage" -> "dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/14/post_hook__dense3-14-relu-0__0[0]/symmetric_quantize/0" -> "dense3/14/conv1/conv2d/0" [dtype=float, shape="(1, 704, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.14.conv1.weight" -> "dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 704, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/14/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/14/conv1/pre_hook__dense3-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/14/conv1/conv2d/0" [dtype=float, shape="(128, 704, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/14/conv1/conv2d/0" -> "dense3/14/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.14.bn2.weight" -> "dense3/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.14.bn2.bias" -> "dense3/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.14.bn2.running_mean" -> "dense3/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.14.bn2.running_var" -> "dense3/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/14/bn2/batch_norm/0" -> "dense3/14/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/14/relu/1" -> "dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/14/relu/1__0.0._scale_param_storage" -> "dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/14/post_hook__dense3-14-relu-1__0[0]/symmetric_quantize/0" -> "dense3/14/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.14.conv2.weight" -> "dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/14/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/14/conv2/pre_hook__dense3-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/14/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/14/conv2/conv2d/0" -> "dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/14/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/14/conv2/post_hook__dense3-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/14/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/14/cat/0" -> "dense3/15/bn1/batch_norm/0" [dtype=float, shape="(1, 736, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/14/cat/0" -> "dense3/15/cat/0" [dtype=float, shape="(1, 736, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.15.bn1.weight" -> "dense3/15/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=1]; +"dense3.15.bn1.bias" -> "dense3/15/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=2]; +"dense3.15.bn1.running_mean" -> "dense3/15/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=3]; +"dense3.15.bn1.running_var" -> "dense3/15/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=4]; +"dense3/15/bn1/batch_norm/0" -> "dense3/15/relu/0" [dtype=float, shape="(1, 736, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/15/relu/0" -> "dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 736, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/15/relu/0__0.0._scale_param_storage" -> "dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/15/post_hook__dense3-15-relu-0__0[0]/symmetric_quantize/0" -> "dense3/15/conv1/conv2d/0" [dtype=float, shape="(1, 736, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.15.conv1.weight" -> "dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 736, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/15/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/15/conv1/pre_hook__dense3-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/15/conv1/conv2d/0" [dtype=float, shape="(128, 736, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/15/conv1/conv2d/0" -> "dense3/15/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.15.bn2.weight" -> "dense3/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.15.bn2.bias" -> "dense3/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.15.bn2.running_mean" -> "dense3/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.15.bn2.running_var" -> "dense3/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/15/bn2/batch_norm/0" -> "dense3/15/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/15/relu/1" -> "dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/15/relu/1__0.0._scale_param_storage" -> "dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/15/post_hook__dense3-15-relu-1__0[0]/symmetric_quantize/0" -> "dense3/15/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.15.conv2.weight" -> "dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/15/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/15/conv2/pre_hook__dense3-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/15/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/15/conv2/conv2d/0" -> "dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/15/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/15/conv2/post_hook__dense3-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/15/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/15/cat/0" -> "dense3/16/bn1/batch_norm/0" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/15/cat/0" -> "dense3/16/cat/0" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.16.bn1.weight" -> "dense3/16/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=1]; +"dense3.16.bn1.bias" -> "dense3/16/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"dense3.16.bn1.running_mean" -> "dense3/16/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; +"dense3.16.bn1.running_var" -> "dense3/16/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=4]; +"dense3/16/bn1/batch_norm/0" -> "dense3/16/relu/0" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/16/relu/0" -> "dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/16/relu/0__0.0._scale_param_storage" -> "dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/16/post_hook__dense3-16-relu-0__0[0]/symmetric_quantize/0" -> "dense3/16/conv1/conv2d/0" [dtype=float, shape="(1, 768, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.16.conv1.weight" -> "dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/16/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/16/conv1/pre_hook__dense3-16-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/16/conv1/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/16/conv1/conv2d/0" -> "dense3/16/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.16.bn2.weight" -> "dense3/16/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.16.bn2.bias" -> "dense3/16/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.16.bn2.running_mean" -> "dense3/16/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.16.bn2.running_var" -> "dense3/16/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/16/bn2/batch_norm/0" -> "dense3/16/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/16/relu/1" -> "dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/16/relu/1__0.0._scale_param_storage" -> "dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/16/post_hook__dense3-16-relu-1__0[0]/symmetric_quantize/0" -> "dense3/16/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.16.conv2.weight" -> "dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/16/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/16/conv2/pre_hook__dense3-16-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/16/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/16/conv2/conv2d/0" -> "dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/16/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/16/conv2/post_hook__dense3-16-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/16/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/16/cat/0" -> "dense3/17/bn1/batch_norm/0" [dtype=float, shape="(1, 800, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/16/cat/0" -> "dense3/17/cat/0" [dtype=float, shape="(1, 800, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.17.bn1.weight" -> "dense3/17/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=1]; +"dense3.17.bn1.bias" -> "dense3/17/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=2]; +"dense3.17.bn1.running_mean" -> "dense3/17/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=3]; +"dense3.17.bn1.running_var" -> "dense3/17/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=4]; +"dense3/17/bn1/batch_norm/0" -> "dense3/17/relu/0" [dtype=float, shape="(1, 800, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/17/relu/0" -> "dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 800, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/17/relu/0__0.0._scale_param_storage" -> "dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/17/post_hook__dense3-17-relu-0__0[0]/symmetric_quantize/0" -> "dense3/17/conv1/conv2d/0" [dtype=float, shape="(1, 800, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.17.conv1.weight" -> "dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 800, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/17/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/17/conv1/pre_hook__dense3-17-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/17/conv1/conv2d/0" [dtype=float, shape="(128, 800, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/17/conv1/conv2d/0" -> "dense3/17/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.17.bn2.weight" -> "dense3/17/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.17.bn2.bias" -> "dense3/17/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.17.bn2.running_mean" -> "dense3/17/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.17.bn2.running_var" -> "dense3/17/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/17/bn2/batch_norm/0" -> "dense3/17/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/17/relu/1" -> "dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/17/relu/1__0.0._scale_param_storage" -> "dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/17/post_hook__dense3-17-relu-1__0[0]/symmetric_quantize/0" -> "dense3/17/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.17.conv2.weight" -> "dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/17/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/17/conv2/pre_hook__dense3-17-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/17/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/17/conv2/conv2d/0" -> "dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/17/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/17/conv2/post_hook__dense3-17-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/17/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/17/cat/0" -> "dense3/18/bn1/batch_norm/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/17/cat/0" -> "dense3/18/cat/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.18.bn1.weight" -> "dense3/18/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=1]; +"dense3.18.bn1.bias" -> "dense3/18/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=2]; +"dense3.18.bn1.running_mean" -> "dense3/18/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=3]; +"dense3.18.bn1.running_var" -> "dense3/18/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=4]; +"dense3/18/bn1/batch_norm/0" -> "dense3/18/relu/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/18/relu/0" -> "dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/18/relu/0__0.0._scale_param_storage" -> "dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/18/post_hook__dense3-18-relu-0__0[0]/symmetric_quantize/0" -> "dense3/18/conv1/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.18.conv1.weight" -> "dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/18/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/18/conv1/pre_hook__dense3-18-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/18/conv1/conv2d/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/18/conv1/conv2d/0" -> "dense3/18/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.18.bn2.weight" -> "dense3/18/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.18.bn2.bias" -> "dense3/18/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.18.bn2.running_mean" -> "dense3/18/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.18.bn2.running_var" -> "dense3/18/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/18/bn2/batch_norm/0" -> "dense3/18/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/18/relu/1" -> "dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/18/relu/1__0.0._scale_param_storage" -> "dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/18/post_hook__dense3-18-relu-1__0[0]/symmetric_quantize/0" -> "dense3/18/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.18.conv2.weight" -> "dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/18/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/18/conv2/pre_hook__dense3-18-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/18/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/18/conv2/conv2d/0" -> "dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/18/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/18/conv2/post_hook__dense3-18-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/18/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/18/cat/0" -> "dense3/19/bn1/batch_norm/0" [dtype=float, shape="(1, 864, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/18/cat/0" -> "dense3/19/cat/0" [dtype=float, shape="(1, 864, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.19.bn1.weight" -> "dense3/19/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=1]; +"dense3.19.bn1.bias" -> "dense3/19/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=2]; +"dense3.19.bn1.running_mean" -> "dense3/19/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=3]; +"dense3.19.bn1.running_var" -> "dense3/19/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=4]; +"dense3/19/bn1/batch_norm/0" -> "dense3/19/relu/0" [dtype=float, shape="(1, 864, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/19/relu/0" -> "dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 864, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/19/relu/0__0.0._scale_param_storage" -> "dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/19/post_hook__dense3-19-relu-0__0[0]/symmetric_quantize/0" -> "dense3/19/conv1/conv2d/0" [dtype=float, shape="(1, 864, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.19.conv1.weight" -> "dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 864, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/19/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/19/conv1/pre_hook__dense3-19-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/19/conv1/conv2d/0" [dtype=float, shape="(128, 864, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/19/conv1/conv2d/0" -> "dense3/19/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.19.bn2.weight" -> "dense3/19/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.19.bn2.bias" -> "dense3/19/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.19.bn2.running_mean" -> "dense3/19/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.19.bn2.running_var" -> "dense3/19/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/19/bn2/batch_norm/0" -> "dense3/19/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/19/relu/1" -> "dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/19/relu/1__0.0._scale_param_storage" -> "dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/19/post_hook__dense3-19-relu-1__0[0]/symmetric_quantize/0" -> "dense3/19/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.19.conv2.weight" -> "dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/19/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/19/conv2/pre_hook__dense3-19-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/19/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/19/conv2/conv2d/0" -> "dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/19/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/19/conv2/post_hook__dense3-19-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/19/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/19/cat/0" -> "dense3/20/bn1/batch_norm/0" [dtype=float, shape="(1, 896, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/19/cat/0" -> "dense3/20/cat/0" [dtype=float, shape="(1, 896, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.20.bn1.weight" -> "dense3/20/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=1]; +"dense3.20.bn1.bias" -> "dense3/20/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=2]; +"dense3.20.bn1.running_mean" -> "dense3/20/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=3]; +"dense3.20.bn1.running_var" -> "dense3/20/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=4]; +"dense3/20/bn1/batch_norm/0" -> "dense3/20/relu/0" [dtype=float, shape="(1, 896, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/20/relu/0" -> "dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 896, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/20/relu/0__0.0._scale_param_storage" -> "dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/20/post_hook__dense3-20-relu-0__0[0]/symmetric_quantize/0" -> "dense3/20/conv1/conv2d/0" [dtype=float, shape="(1, 896, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.20.conv1.weight" -> "dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 896, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/20/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/20/conv1/pre_hook__dense3-20-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/20/conv1/conv2d/0" [dtype=float, shape="(128, 896, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/20/conv1/conv2d/0" -> "dense3/20/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.20.bn2.weight" -> "dense3/20/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.20.bn2.bias" -> "dense3/20/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.20.bn2.running_mean" -> "dense3/20/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.20.bn2.running_var" -> "dense3/20/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/20/bn2/batch_norm/0" -> "dense3/20/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/20/relu/1" -> "dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/20/relu/1__0.0._scale_param_storage" -> "dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/20/post_hook__dense3-20-relu-1__0[0]/symmetric_quantize/0" -> "dense3/20/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.20.conv2.weight" -> "dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/20/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/20/conv2/pre_hook__dense3-20-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/20/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/20/conv2/conv2d/0" -> "dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/20/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/20/conv2/post_hook__dense3-20-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/20/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/20/cat/0" -> "dense3/21/bn1/batch_norm/0" [dtype=float, shape="(1, 928, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/20/cat/0" -> "dense3/21/cat/0" [dtype=float, shape="(1, 928, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.21.bn1.weight" -> "dense3/21/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=1]; +"dense3.21.bn1.bias" -> "dense3/21/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=2]; +"dense3.21.bn1.running_mean" -> "dense3/21/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=3]; +"dense3.21.bn1.running_var" -> "dense3/21/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=4]; +"dense3/21/bn1/batch_norm/0" -> "dense3/21/relu/0" [dtype=float, shape="(1, 928, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/21/relu/0" -> "dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 928, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/21/relu/0__0.0._scale_param_storage" -> "dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/21/post_hook__dense3-21-relu-0__0[0]/symmetric_quantize/0" -> "dense3/21/conv1/conv2d/0" [dtype=float, shape="(1, 928, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.21.conv1.weight" -> "dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 928, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/21/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/21/conv1/pre_hook__dense3-21-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/21/conv1/conv2d/0" [dtype=float, shape="(128, 928, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/21/conv1/conv2d/0" -> "dense3/21/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.21.bn2.weight" -> "dense3/21/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.21.bn2.bias" -> "dense3/21/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.21.bn2.running_mean" -> "dense3/21/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.21.bn2.running_var" -> "dense3/21/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/21/bn2/batch_norm/0" -> "dense3/21/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/21/relu/1" -> "dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/21/relu/1__0.0._scale_param_storage" -> "dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/21/post_hook__dense3-21-relu-1__0[0]/symmetric_quantize/0" -> "dense3/21/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.21.conv2.weight" -> "dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/21/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/21/conv2/pre_hook__dense3-21-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/21/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/21/conv2/conv2d/0" -> "dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/21/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/21/conv2/post_hook__dense3-21-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/21/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/21/cat/0" -> "dense3/22/bn1/batch_norm/0" [dtype=float, shape="(1, 960, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/21/cat/0" -> "dense3/22/cat/0" [dtype=float, shape="(1, 960, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.22.bn1.weight" -> "dense3/22/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"dense3.22.bn1.bias" -> "dense3/22/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"dense3.22.bn1.running_mean" -> "dense3/22/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"dense3.22.bn1.running_var" -> "dense3/22/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"dense3/22/bn1/batch_norm/0" -> "dense3/22/relu/0" [dtype=float, shape="(1, 960, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/22/relu/0" -> "dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/22/relu/0__0.0._scale_param_storage" -> "dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/22/post_hook__dense3-22-relu-0__0[0]/symmetric_quantize/0" -> "dense3/22/conv1/conv2d/0" [dtype=float, shape="(1, 960, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.22.conv1.weight" -> "dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/22/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/22/conv1/pre_hook__dense3-22-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/22/conv1/conv2d/0" [dtype=float, shape="(128, 960, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/22/conv1/conv2d/0" -> "dense3/22/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.22.bn2.weight" -> "dense3/22/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.22.bn2.bias" -> "dense3/22/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.22.bn2.running_mean" -> "dense3/22/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.22.bn2.running_var" -> "dense3/22/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/22/bn2/batch_norm/0" -> "dense3/22/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/22/relu/1" -> "dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/22/relu/1__0.0._scale_param_storage" -> "dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/22/post_hook__dense3-22-relu-1__0[0]/symmetric_quantize/0" -> "dense3/22/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.22.conv2.weight" -> "dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/22/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/22/conv2/pre_hook__dense3-22-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/22/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/22/conv2/conv2d/0" -> "dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/22/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/22/conv2/post_hook__dense3-22-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/22/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/22/cat/0" -> "dense3/23/bn1/batch_norm/0" [dtype=float, shape="(1, 992, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/22/cat/0" -> "dense3/23/cat/0" [dtype=float, shape="(1, 992, 8, 8)", out_port_id=0, in_port_id=1]; +"dense3.23.bn1.weight" -> "dense3/23/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=1]; +"dense3.23.bn1.bias" -> "dense3/23/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=2]; +"dense3.23.bn1.running_mean" -> "dense3/23/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=3]; +"dense3.23.bn1.running_var" -> "dense3/23/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=4]; +"dense3/23/bn1/batch_norm/0" -> "dense3/23/relu/0" [dtype=float, shape="(1, 992, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/23/relu/0" -> "dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 992, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/23/relu/0__0.0._scale_param_storage" -> "dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/23/post_hook__dense3-23-relu-0__0[0]/symmetric_quantize/0" -> "dense3/23/conv1/conv2d/0" [dtype=float, shape="(1, 992, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.23.conv1.weight" -> "dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 992, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/23/conv1/conv2d/0__1.0._scale_param_storage" -> "dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/23/conv1/pre_hook__dense3-23-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/23/conv1/conv2d/0" [dtype=float, shape="(128, 992, 1, 1)", out_port_id=0, in_port_id=1]; +"dense3/23/conv1/conv2d/0" -> "dense3/23/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.23.bn2.weight" -> "dense3/23/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense3.23.bn2.bias" -> "dense3/23/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense3.23.bn2.running_mean" -> "dense3/23/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense3.23.bn2.running_var" -> "dense3/23/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense3/23/bn2/batch_norm/0" -> "dense3/23/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/23/relu/1" -> "dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/23/relu/1__0.0._scale_param_storage" -> "dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/23/post_hook__dense3-23-relu-1__0[0]/symmetric_quantize/0" -> "dense3/23/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3.23.conv2.weight" -> "dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense3/23/conv2/conv2d/0__1.0._scale_param_storage" -> "dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense3/23/conv2/pre_hook__dense3-23-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense3/23/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense3/23/conv2/conv2d/0" -> "dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense3/23/conv2/conv2d/0__0.0._scale_param_storage" -> "dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense3/23/conv2/post_hook__dense3-23-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense3/23/cat/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"dense3/23/cat/0" -> "trans3/bn/batch_norm/0" [dtype=float, shape="(1, 1024, 8, 8)", out_port_id=0, in_port_id=0]; +"trans3.bn.weight" -> "trans3/bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"trans3.bn.bias" -> "trans3/bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"trans3.bn.running_mean" -> "trans3/bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"trans3.bn.running_var" -> "trans3/bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"trans3/bn/batch_norm/0" -> "trans3/relu/0" [dtype=float, shape="(1, 1024, 8, 8)", out_port_id=0, in_port_id=0]; +"trans3/relu/0" -> "trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.trans3/relu/0__0.0._scale_param_storage" -> "trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"trans3/post_hook__trans3-relu-0__0[0]/symmetric_quantize/0" -> "trans3/conv/conv2d/0" [dtype=float, shape="(1, 1024, 8, 8)", out_port_id=0, in_port_id=0]; +"trans3.conv.weight" -> "trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.trans3/conv/conv2d/0__1.0._scale_param_storage" -> "trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"trans3/conv/pre_hook__trans3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "trans3/conv/conv2d/0" [dtype=float, shape="(512, 1024, 1, 1)", out_port_id=0, in_port_id=1]; +"trans3/conv/conv2d/0" -> "trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.trans3/conv/conv2d/0__0.0._scale_param_storage" -> "trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"trans3/conv/post_hook__trans3-conv-conv2d-0__0[0]/symmetric_quantize/0" -> "trans3/avg_pool2d/0" [dtype=float, shape="(1, 512, 8, 8)", out_port_id=0, in_port_id=0]; +"trans3/avg_pool2d/0" -> "trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.trans3/avg_pool2d/0__0.0._scale_param_storage" -> "trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense4/0/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"trans3/post_hook__trans3-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "dense4/0/cat/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.0.bn1.weight" -> "dense4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"dense4.0.bn1.bias" -> "dense4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"dense4.0.bn1.running_mean" -> "dense4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"dense4.0.bn1.running_var" -> "dense4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"dense4/0/bn1/batch_norm/0" -> "dense4/0/relu/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/0/relu/0" -> "dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/0/relu/0__0.0._scale_param_storage" -> "dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/0/post_hook__dense4-0-relu-0__0[0]/symmetric_quantize/0" -> "dense4/0/conv1/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.0.conv1.weight" -> "dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/0/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/0/conv1/pre_hook__dense4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/0/conv1/conv2d/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/0/conv1/conv2d/0" -> "dense4/0/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.0.bn2.weight" -> "dense4/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.0.bn2.bias" -> "dense4/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.0.bn2.running_mean" -> "dense4/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.0.bn2.running_var" -> "dense4/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/0/bn2/batch_norm/0" -> "dense4/0/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/0/relu/1" -> "dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/0/relu/1__0.0._scale_param_storage" -> "dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/0/post_hook__dense4-0-relu-1__0[0]/symmetric_quantize/0" -> "dense4/0/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.0.conv2.weight" -> "dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/0/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/0/conv2/pre_hook__dense4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/0/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/0/conv2/conv2d/0" -> "dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/0/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/0/conv2/post_hook__dense4-0-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/0/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/0/cat/0" -> "dense4/1/bn1/batch_norm/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/0/cat/0" -> "dense4/1/cat/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.1.bn1.weight" -> "dense4/1/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=1]; +"dense4.1.bn1.bias" -> "dense4/1/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=2]; +"dense4.1.bn1.running_mean" -> "dense4/1/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=3]; +"dense4.1.bn1.running_var" -> "dense4/1/bn1/batch_norm/0" [dtype=float, shape="(544,)", out_port_id=0, in_port_id=4]; +"dense4/1/bn1/batch_norm/0" -> "dense4/1/relu/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/1/relu/0" -> "dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/1/relu/0__0.0._scale_param_storage" -> "dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/1/post_hook__dense4-1-relu-0__0[0]/symmetric_quantize/0" -> "dense4/1/conv1/conv2d/0" [dtype=float, shape="(1, 544, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.1.conv1.weight" -> "dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 544, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/1/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/1/conv1/pre_hook__dense4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/1/conv1/conv2d/0" [dtype=float, shape="(128, 544, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/1/conv1/conv2d/0" -> "dense4/1/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.1.bn2.weight" -> "dense4/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.1.bn2.bias" -> "dense4/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.1.bn2.running_mean" -> "dense4/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.1.bn2.running_var" -> "dense4/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/1/bn2/batch_norm/0" -> "dense4/1/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/1/relu/1" -> "dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/1/relu/1__0.0._scale_param_storage" -> "dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/1/post_hook__dense4-1-relu-1__0[0]/symmetric_quantize/0" -> "dense4/1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.1.conv2.weight" -> "dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/1/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/1/conv2/pre_hook__dense4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/1/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/1/conv2/conv2d/0" -> "dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/1/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/1/conv2/post_hook__dense4-1-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/1/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/1/cat/0" -> "dense4/2/bn1/batch_norm/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/1/cat/0" -> "dense4/2/cat/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.2.bn1.weight" -> "dense4/2/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"dense4.2.bn1.bias" -> "dense4/2/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"dense4.2.bn1.running_mean" -> "dense4/2/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"dense4.2.bn1.running_var" -> "dense4/2/bn1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"dense4/2/bn1/batch_norm/0" -> "dense4/2/relu/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/2/relu/0" -> "dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/2/relu/0__0.0._scale_param_storage" -> "dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/2/post_hook__dense4-2-relu-0__0[0]/symmetric_quantize/0" -> "dense4/2/conv1/conv2d/0" [dtype=float, shape="(1, 576, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.2.conv1.weight" -> "dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/2/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/2/conv1/pre_hook__dense4-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/2/conv1/conv2d/0" [dtype=float, shape="(128, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/2/conv1/conv2d/0" -> "dense4/2/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.2.bn2.weight" -> "dense4/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.2.bn2.bias" -> "dense4/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.2.bn2.running_mean" -> "dense4/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.2.bn2.running_var" -> "dense4/2/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/2/bn2/batch_norm/0" -> "dense4/2/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/2/relu/1" -> "dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/2/relu/1__0.0._scale_param_storage" -> "dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/2/post_hook__dense4-2-relu-1__0[0]/symmetric_quantize/0" -> "dense4/2/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.2.conv2.weight" -> "dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/2/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/2/conv2/pre_hook__dense4-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/2/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/2/conv2/conv2d/0" -> "dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/2/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/2/conv2/post_hook__dense4-2-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/2/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/2/cat/0" -> "dense4/3/bn1/batch_norm/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/2/cat/0" -> "dense4/3/cat/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.3.bn1.weight" -> "dense4/3/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=1]; +"dense4.3.bn1.bias" -> "dense4/3/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=2]; +"dense4.3.bn1.running_mean" -> "dense4/3/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=3]; +"dense4.3.bn1.running_var" -> "dense4/3/bn1/batch_norm/0" [dtype=float, shape="(608,)", out_port_id=0, in_port_id=4]; +"dense4/3/bn1/batch_norm/0" -> "dense4/3/relu/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/3/relu/0" -> "dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/3/relu/0__0.0._scale_param_storage" -> "dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/3/post_hook__dense4-3-relu-0__0[0]/symmetric_quantize/0" -> "dense4/3/conv1/conv2d/0" [dtype=float, shape="(1, 608, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.3.conv1.weight" -> "dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 608, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/3/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/3/conv1/pre_hook__dense4-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/3/conv1/conv2d/0" [dtype=float, shape="(128, 608, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/3/conv1/conv2d/0" -> "dense4/3/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.3.bn2.weight" -> "dense4/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.3.bn2.bias" -> "dense4/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.3.bn2.running_mean" -> "dense4/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.3.bn2.running_var" -> "dense4/3/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/3/bn2/batch_norm/0" -> "dense4/3/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/3/relu/1" -> "dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/3/relu/1__0.0._scale_param_storage" -> "dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/3/post_hook__dense4-3-relu-1__0[0]/symmetric_quantize/0" -> "dense4/3/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.3.conv2.weight" -> "dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/3/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/3/conv2/pre_hook__dense4-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/3/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/3/conv2/conv2d/0" -> "dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/3/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/3/conv2/post_hook__dense4-3-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/3/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/3/cat/0" -> "dense4/4/bn1/batch_norm/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/3/cat/0" -> "dense4/4/cat/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.4.bn1.weight" -> "dense4/4/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=1]; +"dense4.4.bn1.bias" -> "dense4/4/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=2]; +"dense4.4.bn1.running_mean" -> "dense4/4/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=3]; +"dense4.4.bn1.running_var" -> "dense4/4/bn1/batch_norm/0" [dtype=float, shape="(640,)", out_port_id=0, in_port_id=4]; +"dense4/4/bn1/batch_norm/0" -> "dense4/4/relu/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/4/relu/0" -> "dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/4/relu/0__0.0._scale_param_storage" -> "dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/4/post_hook__dense4-4-relu-0__0[0]/symmetric_quantize/0" -> "dense4/4/conv1/conv2d/0" [dtype=float, shape="(1, 640, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.4.conv1.weight" -> "dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 640, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/4/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/4/conv1/pre_hook__dense4-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/4/conv1/conv2d/0" [dtype=float, shape="(128, 640, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/4/conv1/conv2d/0" -> "dense4/4/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.4.bn2.weight" -> "dense4/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.4.bn2.bias" -> "dense4/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.4.bn2.running_mean" -> "dense4/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.4.bn2.running_var" -> "dense4/4/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/4/bn2/batch_norm/0" -> "dense4/4/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/4/relu/1" -> "dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/4/relu/1__0.0._scale_param_storage" -> "dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/4/post_hook__dense4-4-relu-1__0[0]/symmetric_quantize/0" -> "dense4/4/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.4.conv2.weight" -> "dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/4/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/4/conv2/pre_hook__dense4-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/4/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/4/conv2/conv2d/0" -> "dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/4/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/4/conv2/post_hook__dense4-4-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/4/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/4/cat/0" -> "dense4/5/bn1/batch_norm/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/4/cat/0" -> "dense4/5/cat/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.5.bn1.weight" -> "dense4/5/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=1]; +"dense4.5.bn1.bias" -> "dense4/5/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=2]; +"dense4.5.bn1.running_mean" -> "dense4/5/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=3]; +"dense4.5.bn1.running_var" -> "dense4/5/bn1/batch_norm/0" [dtype=float, shape="(672,)", out_port_id=0, in_port_id=4]; +"dense4/5/bn1/batch_norm/0" -> "dense4/5/relu/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/5/relu/0" -> "dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/5/relu/0__0.0._scale_param_storage" -> "dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/5/post_hook__dense4-5-relu-0__0[0]/symmetric_quantize/0" -> "dense4/5/conv1/conv2d/0" [dtype=float, shape="(1, 672, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.5.conv1.weight" -> "dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 672, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/5/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/5/conv1/pre_hook__dense4-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/5/conv1/conv2d/0" [dtype=float, shape="(128, 672, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/5/conv1/conv2d/0" -> "dense4/5/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.5.bn2.weight" -> "dense4/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.5.bn2.bias" -> "dense4/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.5.bn2.running_mean" -> "dense4/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.5.bn2.running_var" -> "dense4/5/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/5/bn2/batch_norm/0" -> "dense4/5/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/5/relu/1" -> "dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/5/relu/1__0.0._scale_param_storage" -> "dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/5/post_hook__dense4-5-relu-1__0[0]/symmetric_quantize/0" -> "dense4/5/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.5.conv2.weight" -> "dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/5/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/5/conv2/pre_hook__dense4-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/5/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/5/conv2/conv2d/0" -> "dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/5/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/5/conv2/post_hook__dense4-5-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/5/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/5/cat/0" -> "dense4/6/bn1/batch_norm/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/5/cat/0" -> "dense4/6/cat/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.6.bn1.weight" -> "dense4/6/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=1]; +"dense4.6.bn1.bias" -> "dense4/6/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=2]; +"dense4.6.bn1.running_mean" -> "dense4/6/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=3]; +"dense4.6.bn1.running_var" -> "dense4/6/bn1/batch_norm/0" [dtype=float, shape="(704,)", out_port_id=0, in_port_id=4]; +"dense4/6/bn1/batch_norm/0" -> "dense4/6/relu/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/6/relu/0" -> "dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/6/relu/0__0.0._scale_param_storage" -> "dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/6/post_hook__dense4-6-relu-0__0[0]/symmetric_quantize/0" -> "dense4/6/conv1/conv2d/0" [dtype=float, shape="(1, 704, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.6.conv1.weight" -> "dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 704, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/6/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/6/conv1/pre_hook__dense4-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/6/conv1/conv2d/0" [dtype=float, shape="(128, 704, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/6/conv1/conv2d/0" -> "dense4/6/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.6.bn2.weight" -> "dense4/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.6.bn2.bias" -> "dense4/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.6.bn2.running_mean" -> "dense4/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.6.bn2.running_var" -> "dense4/6/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/6/bn2/batch_norm/0" -> "dense4/6/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/6/relu/1" -> "dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/6/relu/1__0.0._scale_param_storage" -> "dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/6/post_hook__dense4-6-relu-1__0[0]/symmetric_quantize/0" -> "dense4/6/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.6.conv2.weight" -> "dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/6/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/6/conv2/pre_hook__dense4-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/6/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/6/conv2/conv2d/0" -> "dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/6/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/6/conv2/post_hook__dense4-6-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/6/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/6/cat/0" -> "dense4/7/bn1/batch_norm/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/6/cat/0" -> "dense4/7/cat/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.7.bn1.weight" -> "dense4/7/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=1]; +"dense4.7.bn1.bias" -> "dense4/7/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=2]; +"dense4.7.bn1.running_mean" -> "dense4/7/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=3]; +"dense4.7.bn1.running_var" -> "dense4/7/bn1/batch_norm/0" [dtype=float, shape="(736,)", out_port_id=0, in_port_id=4]; +"dense4/7/bn1/batch_norm/0" -> "dense4/7/relu/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/7/relu/0" -> "dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/7/relu/0__0.0._scale_param_storage" -> "dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/7/post_hook__dense4-7-relu-0__0[0]/symmetric_quantize/0" -> "dense4/7/conv1/conv2d/0" [dtype=float, shape="(1, 736, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.7.conv1.weight" -> "dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 736, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/7/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/7/conv1/pre_hook__dense4-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/7/conv1/conv2d/0" [dtype=float, shape="(128, 736, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/7/conv1/conv2d/0" -> "dense4/7/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.7.bn2.weight" -> "dense4/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.7.bn2.bias" -> "dense4/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.7.bn2.running_mean" -> "dense4/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.7.bn2.running_var" -> "dense4/7/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/7/bn2/batch_norm/0" -> "dense4/7/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/7/relu/1" -> "dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/7/relu/1__0.0._scale_param_storage" -> "dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/7/post_hook__dense4-7-relu-1__0[0]/symmetric_quantize/0" -> "dense4/7/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.7.conv2.weight" -> "dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/7/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/7/conv2/pre_hook__dense4-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/7/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/7/conv2/conv2d/0" -> "dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/7/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/7/conv2/post_hook__dense4-7-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/7/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/7/cat/0" -> "dense4/8/bn1/batch_norm/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/7/cat/0" -> "dense4/8/cat/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.8.bn1.weight" -> "dense4/8/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=1]; +"dense4.8.bn1.bias" -> "dense4/8/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=2]; +"dense4.8.bn1.running_mean" -> "dense4/8/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=3]; +"dense4.8.bn1.running_var" -> "dense4/8/bn1/batch_norm/0" [dtype=float, shape="(768,)", out_port_id=0, in_port_id=4]; +"dense4/8/bn1/batch_norm/0" -> "dense4/8/relu/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/8/relu/0" -> "dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/8/relu/0__0.0._scale_param_storage" -> "dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/8/post_hook__dense4-8-relu-0__0[0]/symmetric_quantize/0" -> "dense4/8/conv1/conv2d/0" [dtype=float, shape="(1, 768, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.8.conv1.weight" -> "dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/8/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/8/conv1/pre_hook__dense4-8-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/8/conv1/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/8/conv1/conv2d/0" -> "dense4/8/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.8.bn2.weight" -> "dense4/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.8.bn2.bias" -> "dense4/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.8.bn2.running_mean" -> "dense4/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.8.bn2.running_var" -> "dense4/8/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/8/bn2/batch_norm/0" -> "dense4/8/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/8/relu/1" -> "dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/8/relu/1__0.0._scale_param_storage" -> "dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/8/post_hook__dense4-8-relu-1__0[0]/symmetric_quantize/0" -> "dense4/8/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.8.conv2.weight" -> "dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/8/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/8/conv2/pre_hook__dense4-8-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/8/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/8/conv2/conv2d/0" -> "dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/8/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/8/conv2/post_hook__dense4-8-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/8/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/8/cat/0" -> "dense4/9/bn1/batch_norm/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/8/cat/0" -> "dense4/9/cat/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.9.bn1.weight" -> "dense4/9/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=1]; +"dense4.9.bn1.bias" -> "dense4/9/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=2]; +"dense4.9.bn1.running_mean" -> "dense4/9/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=3]; +"dense4.9.bn1.running_var" -> "dense4/9/bn1/batch_norm/0" [dtype=float, shape="(800,)", out_port_id=0, in_port_id=4]; +"dense4/9/bn1/batch_norm/0" -> "dense4/9/relu/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/9/relu/0" -> "dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/9/relu/0__0.0._scale_param_storage" -> "dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/9/post_hook__dense4-9-relu-0__0[0]/symmetric_quantize/0" -> "dense4/9/conv1/conv2d/0" [dtype=float, shape="(1, 800, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.9.conv1.weight" -> "dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 800, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/9/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/9/conv1/pre_hook__dense4-9-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/9/conv1/conv2d/0" [dtype=float, shape="(128, 800, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/9/conv1/conv2d/0" -> "dense4/9/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.9.bn2.weight" -> "dense4/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.9.bn2.bias" -> "dense4/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.9.bn2.running_mean" -> "dense4/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.9.bn2.running_var" -> "dense4/9/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/9/bn2/batch_norm/0" -> "dense4/9/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/9/relu/1" -> "dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/9/relu/1__0.0._scale_param_storage" -> "dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/9/post_hook__dense4-9-relu-1__0[0]/symmetric_quantize/0" -> "dense4/9/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.9.conv2.weight" -> "dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/9/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/9/conv2/pre_hook__dense4-9-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/9/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/9/conv2/conv2d/0" -> "dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/9/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/9/conv2/post_hook__dense4-9-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/9/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/9/cat/0" -> "dense4/10/bn1/batch_norm/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/9/cat/0" -> "dense4/10/cat/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.10.bn1.weight" -> "dense4/10/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=1]; +"dense4.10.bn1.bias" -> "dense4/10/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=2]; +"dense4.10.bn1.running_mean" -> "dense4/10/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=3]; +"dense4.10.bn1.running_var" -> "dense4/10/bn1/batch_norm/0" [dtype=float, shape="(832,)", out_port_id=0, in_port_id=4]; +"dense4/10/bn1/batch_norm/0" -> "dense4/10/relu/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/10/relu/0" -> "dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/10/relu/0__0.0._scale_param_storage" -> "dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/10/post_hook__dense4-10-relu-0__0[0]/symmetric_quantize/0" -> "dense4/10/conv1/conv2d/0" [dtype=float, shape="(1, 832, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.10.conv1.weight" -> "dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/10/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/10/conv1/pre_hook__dense4-10-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/10/conv1/conv2d/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/10/conv1/conv2d/0" -> "dense4/10/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.10.bn2.weight" -> "dense4/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.10.bn2.bias" -> "dense4/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.10.bn2.running_mean" -> "dense4/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.10.bn2.running_var" -> "dense4/10/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/10/bn2/batch_norm/0" -> "dense4/10/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/10/relu/1" -> "dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/10/relu/1__0.0._scale_param_storage" -> "dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/10/post_hook__dense4-10-relu-1__0[0]/symmetric_quantize/0" -> "dense4/10/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.10.conv2.weight" -> "dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/10/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/10/conv2/pre_hook__dense4-10-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/10/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/10/conv2/conv2d/0" -> "dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/10/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/10/conv2/post_hook__dense4-10-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/10/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/10/cat/0" -> "dense4/11/bn1/batch_norm/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/10/cat/0" -> "dense4/11/cat/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.11.bn1.weight" -> "dense4/11/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=1]; +"dense4.11.bn1.bias" -> "dense4/11/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=2]; +"dense4.11.bn1.running_mean" -> "dense4/11/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=3]; +"dense4.11.bn1.running_var" -> "dense4/11/bn1/batch_norm/0" [dtype=float, shape="(864,)", out_port_id=0, in_port_id=4]; +"dense4/11/bn1/batch_norm/0" -> "dense4/11/relu/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/11/relu/0" -> "dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/11/relu/0__0.0._scale_param_storage" -> "dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/11/post_hook__dense4-11-relu-0__0[0]/symmetric_quantize/0" -> "dense4/11/conv1/conv2d/0" [dtype=float, shape="(1, 864, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.11.conv1.weight" -> "dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 864, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/11/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/11/conv1/pre_hook__dense4-11-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/11/conv1/conv2d/0" [dtype=float, shape="(128, 864, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/11/conv1/conv2d/0" -> "dense4/11/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.11.bn2.weight" -> "dense4/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.11.bn2.bias" -> "dense4/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.11.bn2.running_mean" -> "dense4/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.11.bn2.running_var" -> "dense4/11/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/11/bn2/batch_norm/0" -> "dense4/11/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/11/relu/1" -> "dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/11/relu/1__0.0._scale_param_storage" -> "dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/11/post_hook__dense4-11-relu-1__0[0]/symmetric_quantize/0" -> "dense4/11/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.11.conv2.weight" -> "dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/11/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/11/conv2/pre_hook__dense4-11-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/11/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/11/conv2/conv2d/0" -> "dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/11/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/11/conv2/post_hook__dense4-11-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/11/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/11/cat/0" -> "dense4/12/bn1/batch_norm/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/11/cat/0" -> "dense4/12/cat/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.12.bn1.weight" -> "dense4/12/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=1]; +"dense4.12.bn1.bias" -> "dense4/12/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=2]; +"dense4.12.bn1.running_mean" -> "dense4/12/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=3]; +"dense4.12.bn1.running_var" -> "dense4/12/bn1/batch_norm/0" [dtype=float, shape="(896,)", out_port_id=0, in_port_id=4]; +"dense4/12/bn1/batch_norm/0" -> "dense4/12/relu/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/12/relu/0" -> "dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/12/relu/0__0.0._scale_param_storage" -> "dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/12/post_hook__dense4-12-relu-0__0[0]/symmetric_quantize/0" -> "dense4/12/conv1/conv2d/0" [dtype=float, shape="(1, 896, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.12.conv1.weight" -> "dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 896, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/12/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/12/conv1/pre_hook__dense4-12-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/12/conv1/conv2d/0" [dtype=float, shape="(128, 896, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/12/conv1/conv2d/0" -> "dense4/12/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.12.bn2.weight" -> "dense4/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.12.bn2.bias" -> "dense4/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.12.bn2.running_mean" -> "dense4/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.12.bn2.running_var" -> "dense4/12/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/12/bn2/batch_norm/0" -> "dense4/12/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/12/relu/1" -> "dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/12/relu/1__0.0._scale_param_storage" -> "dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/12/post_hook__dense4-12-relu-1__0[0]/symmetric_quantize/0" -> "dense4/12/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.12.conv2.weight" -> "dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/12/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/12/conv2/pre_hook__dense4-12-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/12/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/12/conv2/conv2d/0" -> "dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/12/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/12/conv2/post_hook__dense4-12-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/12/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/12/cat/0" -> "dense4/13/bn1/batch_norm/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/12/cat/0" -> "dense4/13/cat/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.13.bn1.weight" -> "dense4/13/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=1]; +"dense4.13.bn1.bias" -> "dense4/13/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=2]; +"dense4.13.bn1.running_mean" -> "dense4/13/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=3]; +"dense4.13.bn1.running_var" -> "dense4/13/bn1/batch_norm/0" [dtype=float, shape="(928,)", out_port_id=0, in_port_id=4]; +"dense4/13/bn1/batch_norm/0" -> "dense4/13/relu/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/13/relu/0" -> "dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/13/relu/0__0.0._scale_param_storage" -> "dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/13/post_hook__dense4-13-relu-0__0[0]/symmetric_quantize/0" -> "dense4/13/conv1/conv2d/0" [dtype=float, shape="(1, 928, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.13.conv1.weight" -> "dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 928, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/13/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/13/conv1/pre_hook__dense4-13-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/13/conv1/conv2d/0" [dtype=float, shape="(128, 928, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/13/conv1/conv2d/0" -> "dense4/13/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.13.bn2.weight" -> "dense4/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.13.bn2.bias" -> "dense4/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.13.bn2.running_mean" -> "dense4/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.13.bn2.running_var" -> "dense4/13/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/13/bn2/batch_norm/0" -> "dense4/13/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/13/relu/1" -> "dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/13/relu/1__0.0._scale_param_storage" -> "dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/13/post_hook__dense4-13-relu-1__0[0]/symmetric_quantize/0" -> "dense4/13/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.13.conv2.weight" -> "dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/13/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/13/conv2/pre_hook__dense4-13-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/13/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/13/conv2/conv2d/0" -> "dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/13/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/13/conv2/post_hook__dense4-13-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/13/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/13/cat/0" -> "dense4/14/bn1/batch_norm/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/13/cat/0" -> "dense4/14/cat/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.14.bn1.weight" -> "dense4/14/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"dense4.14.bn1.bias" -> "dense4/14/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"dense4.14.bn1.running_mean" -> "dense4/14/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"dense4.14.bn1.running_var" -> "dense4/14/bn1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"dense4/14/bn1/batch_norm/0" -> "dense4/14/relu/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/14/relu/0" -> "dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/14/relu/0__0.0._scale_param_storage" -> "dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/14/post_hook__dense4-14-relu-0__0[0]/symmetric_quantize/0" -> "dense4/14/conv1/conv2d/0" [dtype=float, shape="(1, 960, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.14.conv1.weight" -> "dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/14/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/14/conv1/pre_hook__dense4-14-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/14/conv1/conv2d/0" [dtype=float, shape="(128, 960, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/14/conv1/conv2d/0" -> "dense4/14/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.14.bn2.weight" -> "dense4/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.14.bn2.bias" -> "dense4/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.14.bn2.running_mean" -> "dense4/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.14.bn2.running_var" -> "dense4/14/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/14/bn2/batch_norm/0" -> "dense4/14/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/14/relu/1" -> "dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/14/relu/1__0.0._scale_param_storage" -> "dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/14/post_hook__dense4-14-relu-1__0[0]/symmetric_quantize/0" -> "dense4/14/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.14.conv2.weight" -> "dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/14/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/14/conv2/pre_hook__dense4-14-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/14/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/14/conv2/conv2d/0" -> "dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/14/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/14/conv2/post_hook__dense4-14-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/14/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/14/cat/0" -> "dense4/15/bn1/batch_norm/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/14/cat/0" -> "dense4/15/cat/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=1]; +"dense4.15.bn1.weight" -> "dense4/15/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=1]; +"dense4.15.bn1.bias" -> "dense4/15/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=2]; +"dense4.15.bn1.running_mean" -> "dense4/15/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=3]; +"dense4.15.bn1.running_var" -> "dense4/15/bn1/batch_norm/0" [dtype=float, shape="(992,)", out_port_id=0, in_port_id=4]; +"dense4/15/bn1/batch_norm/0" -> "dense4/15/relu/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/15/relu/0" -> "dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/15/relu/0__0.0._scale_param_storage" -> "dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/15/post_hook__dense4-15-relu-0__0[0]/symmetric_quantize/0" -> "dense4/15/conv1/conv2d/0" [dtype=float, shape="(1, 992, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.15.conv1.weight" -> "dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 992, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/15/conv1/conv2d/0__1.0._scale_param_storage" -> "dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/15/conv1/pre_hook__dense4-15-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/15/conv1/conv2d/0" [dtype=float, shape="(128, 992, 1, 1)", out_port_id=0, in_port_id=1]; +"dense4/15/conv1/conv2d/0" -> "dense4/15/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.15.bn2.weight" -> "dense4/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"dense4.15.bn2.bias" -> "dense4/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"dense4.15.bn2.running_mean" -> "dense4/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"dense4.15.bn2.running_var" -> "dense4/15/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"dense4/15/bn2/batch_norm/0" -> "dense4/15/relu/1" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/15/relu/1" -> "dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/15/relu/1__0.0._scale_param_storage" -> "dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/15/post_hook__dense4-15-relu-1__0[0]/symmetric_quantize/0" -> "dense4/15/conv2/conv2d/0" [dtype=float, shape="(1, 128, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4.15.conv2.weight" -> "dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.dense4/15/conv2/conv2d/0__1.0._scale_param_storage" -> "dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"dense4/15/conv2/pre_hook__dense4-15-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "dense4/15/conv2/conv2d/0" [dtype=float, shape="(32, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"dense4/15/conv2/conv2d/0" -> "dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.dense4/15/conv2/conv2d/0__0.0._scale_param_storage" -> "dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"dense4/15/conv2/post_hook__dense4-15-conv2-conv2d-0__0[0]/symmetric_quantize/0" -> "dense4/15/cat/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"dense4/15/cat/0" -> "bn/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"bn.weight" -> "bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"bn.bias" -> "bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"bn.running_mean" -> "bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"bn.running_var" -> "bn/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"bn/batch_norm/0" -> "/relu/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "/avg_pool2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"/avg_pool2d/0" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; +"/view/0" -> "linear/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1024)", out_port_id=0, in_port_id=0]; +"linear.bias" -> "linear/linear/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1)", out_port_id=0, in_port_id=4]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, shape="(10, 1024)", out_port_id=0, in_port_id=1]; +"linear/linear/0" -> output [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/embedding_model.dot b/tests/torch2/data/quantization/test_quantized_graphs/embedding_model.dot index 8e16c622b54..75a203dc2b2 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/embedding_model.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/embedding_model.dot @@ -1,25 +1,25 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"/type/0" [id=1, metatype=UnknownMetatype, type=type]; -"embedding.weight" [id=2, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.embedding/embedding/0__1.0._scale_param_storage" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" [id=4, metatype=UnknownMetatype, type=symmetric_quantize]; -"embedding/embedding/0" [id=5, metatype=PTEmbeddingMetatype, type=embedding]; -"matmul.weight" [id=6, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"matmul.bias" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.matmul/linear/0__1.0._scale_param_storage" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" [id=9, metatype=UnknownMetatype, type=symmetric_quantize]; -"matmul/linear/0" [id=10, metatype=PTLinearMetatype, type=linear]; -output [id=11, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "/type/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; -"/type/0" -> "embedding/embedding/0" [dtype=int, in_port_id=0, out_port_id=0, shape="(1, 10)"]; -"embedding.weight" -> "embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 20)"]; -"__nncf_hooks.pre_hooks.embedding/embedding/0__1.0._scale_param_storage" -> "embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" -> "embedding/embedding/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 20)"]; -"embedding/embedding/0" -> "matmul/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 20)"]; -"matmul.weight" -> "matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(5, 20)"]; -"matmul.bias" -> "matmul/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 5)"]; -"__nncf_hooks.pre_hooks.matmul/linear/0__1.0._scale_param_storage" -> "matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(5, 1)"]; -"matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" -> "matmul/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(5, 20)"]; -"matmul/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 5)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"/type/0" [id=1, type=type, metatype=UnknownMetatype]; +"embedding.weight" [id=2, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.embedding/embedding/0__1.0._scale_param_storage" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" [id=4, type="symmetric_quantize", metatype=UnknownMetatype]; +"embedding/embedding/0" [id=5, type=embedding, metatype=PTEmbeddingMetatype]; +"matmul.weight" [id=6, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"matmul.bias" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.matmul/linear/0__1.0._scale_param_storage" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" [id=9, type="symmetric_quantize", metatype=UnknownMetatype]; +"matmul/linear/0" [id=10, type=linear, metatype=PTLinearMetatype]; +output [id=11, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "/type/0" [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; +"/type/0" -> "embedding/embedding/0" [dtype=int, shape="(1, 10)", out_port_id=0, in_port_id=0]; +"embedding.weight" -> "embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 20)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.embedding/embedding/0__1.0._scale_param_storage" -> "embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"embedding/pre_hook__embedding-embedding-0__1[0]/symmetric_quantize/0" -> "embedding/embedding/0" [dtype=float, shape="(10, 20)", out_port_id=0, in_port_id=1]; +"embedding/embedding/0" -> "matmul/linear/0" [dtype=float, shape="(1, 10, 20)", out_port_id=0, in_port_id=0]; +"matmul.weight" -> "matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(5, 20)", out_port_id=0, in_port_id=0]; +"matmul.bias" -> "matmul/linear/0" [dtype=float, shape="(1, 5)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.matmul/linear/0__1.0._scale_param_storage" -> "matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(5, 1)", out_port_id=0, in_port_id=4]; +"matmul/pre_hook__matmul-linear-0__1[0]/symmetric_quantize/0" -> "matmul/linear/0" [dtype=float, shape="(5, 20)", out_port_id=0, in_port_id=1]; +"matmul/linear/0" -> output [dtype=float, shape="(1, 10, 5)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/inception.dot b/tests/torch2/data/quantization/test_quantized_graphs/inception.dot index 0881ccd1dee..089bb818c9b 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/inception.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/inception.dot @@ -1,1734 +1,1734 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -"pre_layers.0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"pre_layers.0.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.pre_layers/0/conv2d/0__1.0._scale_param_storage" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, metatype=UnknownMetatype, type=symmetric_quantize]; -"pre_layers/0/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; -"pre_layers.1.weight" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"pre_layers.1.bias" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"pre_layers.1.running_mean" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"pre_layers.1.running_var" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"pre_layers/1/batch_norm/0" [id=12, metatype=PT2BatchNormMetatype, type=batch_norm]; -"pre_layers/2/relu_/0" [id=13, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.pre_layers/2/relu_/0__0.0._scale_param_storage" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" [id=15, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3.b1.0.weight" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b1.0.bias" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a3/b1/0/conv2d/0__1.0._scale_param_storage" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=19, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3/b1/0/conv2d/0" [id=20, metatype=PTConv2dMetatype, type=conv2d]; -"a3.b1.1.weight" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b1.1.bias" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b1.1.running_mean" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b1.1.running_var" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b1/1/batch_norm/0" [id=25, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a3/b1/2/relu_/0" [id=26, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=28, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3.b2.0.weight" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b2.0.bias" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a3/b2/0/conv2d/0__1.0._scale_param_storage" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=32, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3/b2/0/conv2d/0" [id=33, metatype=PTConv2dMetatype, type=conv2d]; -"a3.b2.1.weight" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b2.1.bias" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b2.1.running_mean" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b2.1.running_var" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b2/1/batch_norm/0" [id=38, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a3/b2/2/relu_/0" [id=39, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.a3/b2/2/relu_/0__0.0._scale_param_storage" [id=40, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=41, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3.b2.3.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b2.3.bias" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a3/b2/3/conv2d/0__1.0._scale_param_storage" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=45, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3/b2/3/conv2d/0" [id=46, metatype=PTConv2dMetatype, type=conv2d]; -"a3.b2.4.weight" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b2.4.bias" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b2.4.running_mean" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b2.4.running_var" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b2/4/batch_norm/0" [id=51, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a3/b2/5/relu_/0" [id=52, metatype=PTRELUMetatype, type=relu_]; -"a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=53, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3.b3.0.weight" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b3.0.bias" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a3/b3/0/conv2d/0__1.0._scale_param_storage" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=57, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3/b3/0/conv2d/0" [id=58, metatype=PTConv2dMetatype, type=conv2d]; -"a3.b3.1.weight" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b3.1.bias" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b3.1.running_mean" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b3.1.running_var" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b3/1/batch_norm/0" [id=63, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a3/b3/2/relu_/0" [id=64, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.a3/b3/2/relu_/0__0.0._scale_param_storage" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=66, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3.b3.3.weight" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b3.3.bias" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a3/b3/3/conv2d/0__1.0._scale_param_storage" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=70, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3/b3/3/conv2d/0" [id=71, metatype=PTConv2dMetatype, type=conv2d]; -"a3.b3.4.weight" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b3.4.bias" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b3.4.running_mean" [id=74, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b3.4.running_var" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b3/4/batch_norm/0" [id=76, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a3/b3/5/relu_/0" [id=77, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.a3/b3/5/relu_/0__0.0._scale_param_storage" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=79, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3.b3.6.weight" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b3.6.bias" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a3/b3/6/conv2d/0__1.0._scale_param_storage" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=83, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3/b3/6/conv2d/0" [id=84, metatype=PTConv2dMetatype, type=conv2d]; -"a3.b3.7.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b3.7.bias" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b3.7.running_mean" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b3.7.running_var" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b3/7/batch_norm/0" [id=89, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a3/b3/8/relu_/0" [id=90, metatype=PTRELUMetatype, type=relu_]; -"a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=91, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3/b4/0/max_pool2d/0" [id=92, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"a3.b4.1.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b4.1.bias" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a3/b4/1/conv2d/0__1.0._scale_param_storage" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=96, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3/b4/1/conv2d/0" [id=97, metatype=PTConv2dMetatype, type=conv2d]; -"a3.b4.2.weight" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b4.2.bias" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b4.2.running_mean" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3.b4.2.running_var" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a3/b4/2/batch_norm/0" [id=102, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a3/b4/3/relu_/0" [id=103, metatype=PTRELUMetatype, type=relu_]; -"a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=104, metatype=UnknownMetatype, type=symmetric_quantize]; -"a3/cat/0" [id=105, metatype=PTCatMetatype, type=cat]; -"b3.b1.0.weight" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b1.0.bias" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b3/b1/0/conv2d/0__1.0._scale_param_storage" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=109, metatype=UnknownMetatype, type=symmetric_quantize]; -"b3/b1/0/conv2d/0" [id=110, metatype=PTConv2dMetatype, type=conv2d]; -"b3.b1.1.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b1.1.bias" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b1.1.running_mean" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b1.1.running_var" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b1/1/batch_norm/0" [id=115, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b3/b1/2/relu_/0" [id=116, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=118, metatype=UnknownMetatype, type=symmetric_quantize]; -"b3.b2.0.weight" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b2.0.bias" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b3/b2/0/conv2d/0__1.0._scale_param_storage" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=122, metatype=UnknownMetatype, type=symmetric_quantize]; -"b3/b2/0/conv2d/0" [id=123, metatype=PTConv2dMetatype, type=conv2d]; -"b3.b2.1.weight" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b2.1.bias" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b2.1.running_mean" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b2.1.running_var" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b2/1/batch_norm/0" [id=128, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b3/b2/2/relu_/0" [id=129, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b3/b2/2/relu_/0__0.0._scale_param_storage" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=131, metatype=UnknownMetatype, type=symmetric_quantize]; -"b3.b2.3.weight" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b2.3.bias" [id=133, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b3/b2/3/conv2d/0__1.0._scale_param_storage" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=135, metatype=UnknownMetatype, type=symmetric_quantize]; -"b3/b2/3/conv2d/0" [id=136, metatype=PTConv2dMetatype, type=conv2d]; -"b3.b2.4.weight" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b2.4.bias" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b2.4.running_mean" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b2.4.running_var" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b2/4/batch_norm/0" [id=141, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b3/b2/5/relu_/0" [id=142, metatype=PTRELUMetatype, type=relu_]; -"b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=143, metatype=UnknownMetatype, type=symmetric_quantize]; -"b3.b3.0.weight" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b3.0.bias" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b3/b3/0/conv2d/0__1.0._scale_param_storage" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=147, metatype=UnknownMetatype, type=symmetric_quantize]; -"b3/b3/0/conv2d/0" [id=148, metatype=PTConv2dMetatype, type=conv2d]; -"b3.b3.1.weight" [id=149, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b3.1.bias" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b3.1.running_mean" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b3.1.running_var" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b3/1/batch_norm/0" [id=153, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b3/b3/2/relu_/0" [id=154, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b3/b3/2/relu_/0__0.0._scale_param_storage" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=156, metatype=UnknownMetatype, type=symmetric_quantize]; -"b3.b3.3.weight" [id=157, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b3.3.bias" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b3/b3/3/conv2d/0__1.0._scale_param_storage" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=160, metatype=UnknownMetatype, type=symmetric_quantize]; -"b3/b3/3/conv2d/0" [id=161, metatype=PTConv2dMetatype, type=conv2d]; -"b3.b3.4.weight" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b3.4.bias" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b3.4.running_mean" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b3.4.running_var" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b3/4/batch_norm/0" [id=166, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b3/b3/5/relu_/0" [id=167, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b3/b3/5/relu_/0__0.0._scale_param_storage" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=169, metatype=UnknownMetatype, type=symmetric_quantize]; -"b3.b3.6.weight" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b3.6.bias" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b3/b3/6/conv2d/0__1.0._scale_param_storage" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=173, metatype=UnknownMetatype, type=symmetric_quantize]; -"b3/b3/6/conv2d/0" [id=174, metatype=PTConv2dMetatype, type=conv2d]; -"b3.b3.7.weight" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b3.7.bias" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b3.7.running_mean" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b3.7.running_var" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b3/7/batch_norm/0" [id=179, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b3/b3/8/relu_/0" [id=180, metatype=PTRELUMetatype, type=relu_]; -"b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=181, metatype=UnknownMetatype, type=symmetric_quantize]; -"b3/b4/0/max_pool2d/0" [id=182, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"b3.b4.1.weight" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b4.1.bias" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b3/b4/1/conv2d/0__1.0._scale_param_storage" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=186, metatype=UnknownMetatype, type=symmetric_quantize]; -"b3/b4/1/conv2d/0" [id=187, metatype=PTConv2dMetatype, type=conv2d]; -"b3.b4.2.weight" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b4.2.bias" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b4.2.running_mean" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3.b4.2.running_var" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b3/b4/2/batch_norm/0" [id=192, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b3/b4/3/relu_/0" [id=193, metatype=PTRELUMetatype, type=relu_]; -"b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=194, metatype=UnknownMetatype, type=symmetric_quantize]; -"b3/cat/0" [id=195, metatype=PTCatMetatype, type=cat]; -"maxpool/max_pool2d/0" [id=196, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"a4.b1.0.weight" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b1.0.bias" [id=198, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a4/b1/0/conv2d/0__1.0._scale_param_storage" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=200, metatype=UnknownMetatype, type=symmetric_quantize]; -"a4/b1/0/conv2d/0" [id=201, metatype=PTConv2dMetatype, type=conv2d]; -"a4.b1.1.weight" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b1.1.bias" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b1.1.running_mean" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b1.1.running_var" [id=205, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b1/1/batch_norm/0" [id=206, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a4/b1/2/relu_/0" [id=207, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=209, metatype=UnknownMetatype, type=symmetric_quantize]; -"a4.b2.0.weight" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b2.0.bias" [id=211, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a4/b2/0/conv2d/0__1.0._scale_param_storage" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=213, metatype=UnknownMetatype, type=symmetric_quantize]; -"a4/b2/0/conv2d/0" [id=214, metatype=PTConv2dMetatype, type=conv2d]; -"a4.b2.1.weight" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b2.1.bias" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b2.1.running_mean" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b2.1.running_var" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b2/1/batch_norm/0" [id=219, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a4/b2/2/relu_/0" [id=220, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.a4/b2/2/relu_/0__0.0._scale_param_storage" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=222, metatype=UnknownMetatype, type=symmetric_quantize]; -"a4.b2.3.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b2.3.bias" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a4/b2/3/conv2d/0__1.0._scale_param_storage" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=226, metatype=UnknownMetatype, type=symmetric_quantize]; -"a4/b2/3/conv2d/0" [id=227, metatype=PTConv2dMetatype, type=conv2d]; -"a4.b2.4.weight" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b2.4.bias" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b2.4.running_mean" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b2.4.running_var" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b2/4/batch_norm/0" [id=232, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a4/b2/5/relu_/0" [id=233, metatype=PTRELUMetatype, type=relu_]; -"a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=234, metatype=UnknownMetatype, type=symmetric_quantize]; -"a4.b3.0.weight" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b3.0.bias" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a4/b3/0/conv2d/0__1.0._scale_param_storage" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=238, metatype=UnknownMetatype, type=symmetric_quantize]; -"a4/b3/0/conv2d/0" [id=239, metatype=PTConv2dMetatype, type=conv2d]; -"a4.b3.1.weight" [id=240, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b3.1.bias" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b3.1.running_mean" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b3.1.running_var" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b3/1/batch_norm/0" [id=244, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a4/b3/2/relu_/0" [id=245, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.a4/b3/2/relu_/0__0.0._scale_param_storage" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=247, metatype=UnknownMetatype, type=symmetric_quantize]; -"a4.b3.3.weight" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b3.3.bias" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a4/b3/3/conv2d/0__1.0._scale_param_storage" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=251, metatype=UnknownMetatype, type=symmetric_quantize]; -"a4/b3/3/conv2d/0" [id=252, metatype=PTConv2dMetatype, type=conv2d]; -"a4.b3.4.weight" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b3.4.bias" [id=254, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b3.4.running_mean" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b3.4.running_var" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b3/4/batch_norm/0" [id=257, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a4/b3/5/relu_/0" [id=258, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.a4/b3/5/relu_/0__0.0._scale_param_storage" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=260, metatype=UnknownMetatype, type=symmetric_quantize]; -"a4.b3.6.weight" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b3.6.bias" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a4/b3/6/conv2d/0__1.0._scale_param_storage" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=264, metatype=UnknownMetatype, type=symmetric_quantize]; -"a4/b3/6/conv2d/0" [id=265, metatype=PTConv2dMetatype, type=conv2d]; -"a4.b3.7.weight" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b3.7.bias" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b3.7.running_mean" [id=268, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b3.7.running_var" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b3/7/batch_norm/0" [id=270, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a4/b3/8/relu_/0" [id=271, metatype=PTRELUMetatype, type=relu_]; -"a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=272, metatype=UnknownMetatype, type=symmetric_quantize]; -"a4/b4/0/max_pool2d/0" [id=273, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"a4.b4.1.weight" [id=274, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b4.1.bias" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a4/b4/1/conv2d/0__1.0._scale_param_storage" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=277, metatype=UnknownMetatype, type=symmetric_quantize]; -"a4/b4/1/conv2d/0" [id=278, metatype=PTConv2dMetatype, type=conv2d]; -"a4.b4.2.weight" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b4.2.bias" [id=280, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b4.2.running_mean" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4.b4.2.running_var" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a4/b4/2/batch_norm/0" [id=283, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a4/b4/3/relu_/0" [id=284, metatype=PTRELUMetatype, type=relu_]; -"a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=285, metatype=UnknownMetatype, type=symmetric_quantize]; -"a4/cat/0" [id=286, metatype=PTCatMetatype, type=cat]; -"b4.b1.0.weight" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b1.0.bias" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b4/b1/0/conv2d/0__1.0._scale_param_storage" [id=289, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=290, metatype=UnknownMetatype, type=symmetric_quantize]; -"b4/b1/0/conv2d/0" [id=291, metatype=PTConv2dMetatype, type=conv2d]; -"b4.b1.1.weight" [id=292, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b1.1.bias" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b1.1.running_mean" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b1.1.running_var" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b1/1/batch_norm/0" [id=296, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b4/b1/2/relu_/0" [id=297, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" [id=298, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=299, metatype=UnknownMetatype, type=symmetric_quantize]; -"b4.b2.0.weight" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b2.0.bias" [id=301, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b4/b2/0/conv2d/0__1.0._scale_param_storage" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=303, metatype=UnknownMetatype, type=symmetric_quantize]; -"b4/b2/0/conv2d/0" [id=304, metatype=PTConv2dMetatype, type=conv2d]; -"b4.b2.1.weight" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b2.1.bias" [id=306, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b2.1.running_mean" [id=307, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b2.1.running_var" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b2/1/batch_norm/0" [id=309, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b4/b2/2/relu_/0" [id=310, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b4/b2/2/relu_/0__0.0._scale_param_storage" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=312, metatype=UnknownMetatype, type=symmetric_quantize]; -"b4.b2.3.weight" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b2.3.bias" [id=314, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b4/b2/3/conv2d/0__1.0._scale_param_storage" [id=315, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=316, metatype=UnknownMetatype, type=symmetric_quantize]; -"b4/b2/3/conv2d/0" [id=317, metatype=PTConv2dMetatype, type=conv2d]; -"b4.b2.4.weight" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b2.4.bias" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b2.4.running_mean" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b2.4.running_var" [id=321, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b2/4/batch_norm/0" [id=322, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b4/b2/5/relu_/0" [id=323, metatype=PTRELUMetatype, type=relu_]; -"b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=324, metatype=UnknownMetatype, type=symmetric_quantize]; -"b4.b3.0.weight" [id=325, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b3.0.bias" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b4/b3/0/conv2d/0__1.0._scale_param_storage" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=328, metatype=UnknownMetatype, type=symmetric_quantize]; -"b4/b3/0/conv2d/0" [id=329, metatype=PTConv2dMetatype, type=conv2d]; -"b4.b3.1.weight" [id=330, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b3.1.bias" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b3.1.running_mean" [id=332, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b3.1.running_var" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b3/1/batch_norm/0" [id=334, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b4/b3/2/relu_/0" [id=335, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b4/b3/2/relu_/0__0.0._scale_param_storage" [id=336, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=337, metatype=UnknownMetatype, type=symmetric_quantize]; -"b4.b3.3.weight" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b3.3.bias" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b4/b3/3/conv2d/0__1.0._scale_param_storage" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=341, metatype=UnknownMetatype, type=symmetric_quantize]; -"b4/b3/3/conv2d/0" [id=342, metatype=PTConv2dMetatype, type=conv2d]; -"b4.b3.4.weight" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b3.4.bias" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b3.4.running_mean" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b3.4.running_var" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b3/4/batch_norm/0" [id=347, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b4/b3/5/relu_/0" [id=348, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b4/b3/5/relu_/0__0.0._scale_param_storage" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=350, metatype=UnknownMetatype, type=symmetric_quantize]; -"b4.b3.6.weight" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b3.6.bias" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b4/b3/6/conv2d/0__1.0._scale_param_storage" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=354, metatype=UnknownMetatype, type=symmetric_quantize]; -"b4/b3/6/conv2d/0" [id=355, metatype=PTConv2dMetatype, type=conv2d]; -"b4.b3.7.weight" [id=356, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b3.7.bias" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b3.7.running_mean" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b3.7.running_var" [id=359, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b3/7/batch_norm/0" [id=360, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b4/b3/8/relu_/0" [id=361, metatype=PTRELUMetatype, type=relu_]; -"b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=362, metatype=UnknownMetatype, type=symmetric_quantize]; -"b4/b4/0/max_pool2d/0" [id=363, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"b4.b4.1.weight" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b4.1.bias" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b4/b4/1/conv2d/0__1.0._scale_param_storage" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=367, metatype=UnknownMetatype, type=symmetric_quantize]; -"b4/b4/1/conv2d/0" [id=368, metatype=PTConv2dMetatype, type=conv2d]; -"b4.b4.2.weight" [id=369, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b4.2.bias" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b4.2.running_mean" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4.b4.2.running_var" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b4/b4/2/batch_norm/0" [id=373, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b4/b4/3/relu_/0" [id=374, metatype=PTRELUMetatype, type=relu_]; -"b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=375, metatype=UnknownMetatype, type=symmetric_quantize]; -"b4/cat/0" [id=376, metatype=PTCatMetatype, type=cat]; -"c4.b1.0.weight" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b1.0.bias" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.c4/b1/0/conv2d/0__1.0._scale_param_storage" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=380, metatype=UnknownMetatype, type=symmetric_quantize]; -"c4/b1/0/conv2d/0" [id=381, metatype=PTConv2dMetatype, type=conv2d]; -"c4.b1.1.weight" [id=382, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b1.1.bias" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b1.1.running_mean" [id=384, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b1.1.running_var" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b1/1/batch_norm/0" [id=386, metatype=PT2BatchNormMetatype, type=batch_norm]; -"c4/b1/2/relu_/0" [id=387, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" [id=388, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=389, metatype=UnknownMetatype, type=symmetric_quantize]; -"c4.b2.0.weight" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b2.0.bias" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.c4/b2/0/conv2d/0__1.0._scale_param_storage" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=393, metatype=UnknownMetatype, type=symmetric_quantize]; -"c4/b2/0/conv2d/0" [id=394, metatype=PTConv2dMetatype, type=conv2d]; -"c4.b2.1.weight" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b2.1.bias" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b2.1.running_mean" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b2.1.running_var" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b2/1/batch_norm/0" [id=399, metatype=PT2BatchNormMetatype, type=batch_norm]; -"c4/b2/2/relu_/0" [id=400, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.c4/b2/2/relu_/0__0.0._scale_param_storage" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=402, metatype=UnknownMetatype, type=symmetric_quantize]; -"c4.b2.3.weight" [id=403, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b2.3.bias" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.c4/b2/3/conv2d/0__1.0._scale_param_storage" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=406, metatype=UnknownMetatype, type=symmetric_quantize]; -"c4/b2/3/conv2d/0" [id=407, metatype=PTConv2dMetatype, type=conv2d]; -"c4.b2.4.weight" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b2.4.bias" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b2.4.running_mean" [id=410, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b2.4.running_var" [id=411, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b2/4/batch_norm/0" [id=412, metatype=PT2BatchNormMetatype, type=batch_norm]; -"c4/b2/5/relu_/0" [id=413, metatype=PTRELUMetatype, type=relu_]; -"c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=414, metatype=UnknownMetatype, type=symmetric_quantize]; -"c4.b3.0.weight" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b3.0.bias" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.c4/b3/0/conv2d/0__1.0._scale_param_storage" [id=417, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=418, metatype=UnknownMetatype, type=symmetric_quantize]; -"c4/b3/0/conv2d/0" [id=419, metatype=PTConv2dMetatype, type=conv2d]; -"c4.b3.1.weight" [id=420, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b3.1.bias" [id=421, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b3.1.running_mean" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b3.1.running_var" [id=423, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b3/1/batch_norm/0" [id=424, metatype=PT2BatchNormMetatype, type=batch_norm]; -"c4/b3/2/relu_/0" [id=425, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.c4/b3/2/relu_/0__0.0._scale_param_storage" [id=426, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=427, metatype=UnknownMetatype, type=symmetric_quantize]; -"c4.b3.3.weight" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b3.3.bias" [id=429, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.c4/b3/3/conv2d/0__1.0._scale_param_storage" [id=430, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=431, metatype=UnknownMetatype, type=symmetric_quantize]; -"c4/b3/3/conv2d/0" [id=432, metatype=PTConv2dMetatype, type=conv2d]; -"c4.b3.4.weight" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b3.4.bias" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b3.4.running_mean" [id=435, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b3.4.running_var" [id=436, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b3/4/batch_norm/0" [id=437, metatype=PT2BatchNormMetatype, type=batch_norm]; -"c4/b3/5/relu_/0" [id=438, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.c4/b3/5/relu_/0__0.0._scale_param_storage" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=440, metatype=UnknownMetatype, type=symmetric_quantize]; -"c4.b3.6.weight" [id=441, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b3.6.bias" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.c4/b3/6/conv2d/0__1.0._scale_param_storage" [id=443, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=444, metatype=UnknownMetatype, type=symmetric_quantize]; -"c4/b3/6/conv2d/0" [id=445, metatype=PTConv2dMetatype, type=conv2d]; -"c4.b3.7.weight" [id=446, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b3.7.bias" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b3.7.running_mean" [id=448, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b3.7.running_var" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b3/7/batch_norm/0" [id=450, metatype=PT2BatchNormMetatype, type=batch_norm]; -"c4/b3/8/relu_/0" [id=451, metatype=PTRELUMetatype, type=relu_]; -"c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=452, metatype=UnknownMetatype, type=symmetric_quantize]; -"c4/b4/0/max_pool2d/0" [id=453, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"c4.b4.1.weight" [id=454, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b4.1.bias" [id=455, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.c4/b4/1/conv2d/0__1.0._scale_param_storage" [id=456, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=457, metatype=UnknownMetatype, type=symmetric_quantize]; -"c4/b4/1/conv2d/0" [id=458, metatype=PTConv2dMetatype, type=conv2d]; -"c4.b4.2.weight" [id=459, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b4.2.bias" [id=460, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b4.2.running_mean" [id=461, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4.b4.2.running_var" [id=462, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"c4/b4/2/batch_norm/0" [id=463, metatype=PT2BatchNormMetatype, type=batch_norm]; -"c4/b4/3/relu_/0" [id=464, metatype=PTRELUMetatype, type=relu_]; -"c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=465, metatype=UnknownMetatype, type=symmetric_quantize]; -"c4/cat/0" [id=466, metatype=PTCatMetatype, type=cat]; -"d4.b1.0.weight" [id=467, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b1.0.bias" [id=468, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.d4/b1/0/conv2d/0__1.0._scale_param_storage" [id=469, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=470, metatype=UnknownMetatype, type=symmetric_quantize]; -"d4/b1/0/conv2d/0" [id=471, metatype=PTConv2dMetatype, type=conv2d]; -"d4.b1.1.weight" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b1.1.bias" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b1.1.running_mean" [id=474, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b1.1.running_var" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b1/1/batch_norm/0" [id=476, metatype=PT2BatchNormMetatype, type=batch_norm]; -"d4/b1/2/relu_/0" [id=477, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" [id=478, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=479, metatype=UnknownMetatype, type=symmetric_quantize]; -"d4.b2.0.weight" [id=480, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b2.0.bias" [id=481, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.d4/b2/0/conv2d/0__1.0._scale_param_storage" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=483, metatype=UnknownMetatype, type=symmetric_quantize]; -"d4/b2/0/conv2d/0" [id=484, metatype=PTConv2dMetatype, type=conv2d]; -"d4.b2.1.weight" [id=485, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b2.1.bias" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b2.1.running_mean" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b2.1.running_var" [id=488, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b2/1/batch_norm/0" [id=489, metatype=PT2BatchNormMetatype, type=batch_norm]; -"d4/b2/2/relu_/0" [id=490, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.d4/b2/2/relu_/0__0.0._scale_param_storage" [id=491, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=492, metatype=UnknownMetatype, type=symmetric_quantize]; -"d4.b2.3.weight" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b2.3.bias" [id=494, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.d4/b2/3/conv2d/0__1.0._scale_param_storage" [id=495, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=496, metatype=UnknownMetatype, type=symmetric_quantize]; -"d4/b2/3/conv2d/0" [id=497, metatype=PTConv2dMetatype, type=conv2d]; -"d4.b2.4.weight" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b2.4.bias" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b2.4.running_mean" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b2.4.running_var" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b2/4/batch_norm/0" [id=502, metatype=PT2BatchNormMetatype, type=batch_norm]; -"d4/b2/5/relu_/0" [id=503, metatype=PTRELUMetatype, type=relu_]; -"d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=504, metatype=UnknownMetatype, type=symmetric_quantize]; -"d4.b3.0.weight" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b3.0.bias" [id=506, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.d4/b3/0/conv2d/0__1.0._scale_param_storage" [id=507, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=508, metatype=UnknownMetatype, type=symmetric_quantize]; -"d4/b3/0/conv2d/0" [id=509, metatype=PTConv2dMetatype, type=conv2d]; -"d4.b3.1.weight" [id=510, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b3.1.bias" [id=511, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b3.1.running_mean" [id=512, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b3.1.running_var" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b3/1/batch_norm/0" [id=514, metatype=PT2BatchNormMetatype, type=batch_norm]; -"d4/b3/2/relu_/0" [id=515, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.d4/b3/2/relu_/0__0.0._scale_param_storage" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=517, metatype=UnknownMetatype, type=symmetric_quantize]; -"d4.b3.3.weight" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b3.3.bias" [id=519, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.d4/b3/3/conv2d/0__1.0._scale_param_storage" [id=520, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=521, metatype=UnknownMetatype, type=symmetric_quantize]; -"d4/b3/3/conv2d/0" [id=522, metatype=PTConv2dMetatype, type=conv2d]; -"d4.b3.4.weight" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b3.4.bias" [id=524, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b3.4.running_mean" [id=525, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b3.4.running_var" [id=526, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b3/4/batch_norm/0" [id=527, metatype=PT2BatchNormMetatype, type=batch_norm]; -"d4/b3/5/relu_/0" [id=528, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.d4/b3/5/relu_/0__0.0._scale_param_storage" [id=529, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=530, metatype=UnknownMetatype, type=symmetric_quantize]; -"d4.b3.6.weight" [id=531, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b3.6.bias" [id=532, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.d4/b3/6/conv2d/0__1.0._scale_param_storage" [id=533, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=534, metatype=UnknownMetatype, type=symmetric_quantize]; -"d4/b3/6/conv2d/0" [id=535, metatype=PTConv2dMetatype, type=conv2d]; -"d4.b3.7.weight" [id=536, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b3.7.bias" [id=537, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b3.7.running_mean" [id=538, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b3.7.running_var" [id=539, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b3/7/batch_norm/0" [id=540, metatype=PT2BatchNormMetatype, type=batch_norm]; -"d4/b3/8/relu_/0" [id=541, metatype=PTRELUMetatype, type=relu_]; -"d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=542, metatype=UnknownMetatype, type=symmetric_quantize]; -"d4/b4/0/max_pool2d/0" [id=543, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"d4.b4.1.weight" [id=544, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b4.1.bias" [id=545, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.d4/b4/1/conv2d/0__1.0._scale_param_storage" [id=546, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=547, metatype=UnknownMetatype, type=symmetric_quantize]; -"d4/b4/1/conv2d/0" [id=548, metatype=PTConv2dMetatype, type=conv2d]; -"d4.b4.2.weight" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b4.2.bias" [id=550, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b4.2.running_mean" [id=551, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4.b4.2.running_var" [id=552, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"d4/b4/2/batch_norm/0" [id=553, metatype=PT2BatchNormMetatype, type=batch_norm]; -"d4/b4/3/relu_/0" [id=554, metatype=PTRELUMetatype, type=relu_]; -"d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=555, metatype=UnknownMetatype, type=symmetric_quantize]; -"d4/cat/0" [id=556, metatype=PTCatMetatype, type=cat]; -"e4.b1.0.weight" [id=557, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b1.0.bias" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.e4/b1/0/conv2d/0__1.0._scale_param_storage" [id=559, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=560, metatype=UnknownMetatype, type=symmetric_quantize]; -"e4/b1/0/conv2d/0" [id=561, metatype=PTConv2dMetatype, type=conv2d]; -"e4.b1.1.weight" [id=562, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b1.1.bias" [id=563, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b1.1.running_mean" [id=564, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b1.1.running_var" [id=565, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b1/1/batch_norm/0" [id=566, metatype=PT2BatchNormMetatype, type=batch_norm]; -"e4/b1/2/relu_/0" [id=567, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" [id=568, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=569, metatype=UnknownMetatype, type=symmetric_quantize]; -"e4.b2.0.weight" [id=570, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b2.0.bias" [id=571, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.e4/b2/0/conv2d/0__1.0._scale_param_storage" [id=572, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=573, metatype=UnknownMetatype, type=symmetric_quantize]; -"e4/b2/0/conv2d/0" [id=574, metatype=PTConv2dMetatype, type=conv2d]; -"e4.b2.1.weight" [id=575, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b2.1.bias" [id=576, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b2.1.running_mean" [id=577, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b2.1.running_var" [id=578, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b2/1/batch_norm/0" [id=579, metatype=PT2BatchNormMetatype, type=batch_norm]; -"e4/b2/2/relu_/0" [id=580, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.e4/b2/2/relu_/0__0.0._scale_param_storage" [id=581, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=582, metatype=UnknownMetatype, type=symmetric_quantize]; -"e4.b2.3.weight" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b2.3.bias" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.e4/b2/3/conv2d/0__1.0._scale_param_storage" [id=585, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=586, metatype=UnknownMetatype, type=symmetric_quantize]; -"e4/b2/3/conv2d/0" [id=587, metatype=PTConv2dMetatype, type=conv2d]; -"e4.b2.4.weight" [id=588, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b2.4.bias" [id=589, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b2.4.running_mean" [id=590, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b2.4.running_var" [id=591, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b2/4/batch_norm/0" [id=592, metatype=PT2BatchNormMetatype, type=batch_norm]; -"e4/b2/5/relu_/0" [id=593, metatype=PTRELUMetatype, type=relu_]; -"e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=594, metatype=UnknownMetatype, type=symmetric_quantize]; -"e4.b3.0.weight" [id=595, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b3.0.bias" [id=596, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.e4/b3/0/conv2d/0__1.0._scale_param_storage" [id=597, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=598, metatype=UnknownMetatype, type=symmetric_quantize]; -"e4/b3/0/conv2d/0" [id=599, metatype=PTConv2dMetatype, type=conv2d]; -"e4.b3.1.weight" [id=600, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b3.1.bias" [id=601, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b3.1.running_mean" [id=602, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b3.1.running_var" [id=603, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b3/1/batch_norm/0" [id=604, metatype=PT2BatchNormMetatype, type=batch_norm]; -"e4/b3/2/relu_/0" [id=605, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.e4/b3/2/relu_/0__0.0._scale_param_storage" [id=606, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=607, metatype=UnknownMetatype, type=symmetric_quantize]; -"e4.b3.3.weight" [id=608, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b3.3.bias" [id=609, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.e4/b3/3/conv2d/0__1.0._scale_param_storage" [id=610, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=611, metatype=UnknownMetatype, type=symmetric_quantize]; -"e4/b3/3/conv2d/0" [id=612, metatype=PTConv2dMetatype, type=conv2d]; -"e4.b3.4.weight" [id=613, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b3.4.bias" [id=614, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b3.4.running_mean" [id=615, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b3.4.running_var" [id=616, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b3/4/batch_norm/0" [id=617, metatype=PT2BatchNormMetatype, type=batch_norm]; -"e4/b3/5/relu_/0" [id=618, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.e4/b3/5/relu_/0__0.0._scale_param_storage" [id=619, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=620, metatype=UnknownMetatype, type=symmetric_quantize]; -"e4.b3.6.weight" [id=621, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b3.6.bias" [id=622, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.e4/b3/6/conv2d/0__1.0._scale_param_storage" [id=623, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=624, metatype=UnknownMetatype, type=symmetric_quantize]; -"e4/b3/6/conv2d/0" [id=625, metatype=PTConv2dMetatype, type=conv2d]; -"e4.b3.7.weight" [id=626, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b3.7.bias" [id=627, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b3.7.running_mean" [id=628, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b3.7.running_var" [id=629, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b3/7/batch_norm/0" [id=630, metatype=PT2BatchNormMetatype, type=batch_norm]; -"e4/b3/8/relu_/0" [id=631, metatype=PTRELUMetatype, type=relu_]; -"e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=632, metatype=UnknownMetatype, type=symmetric_quantize]; -"e4/b4/0/max_pool2d/0" [id=633, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"e4.b4.1.weight" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b4.1.bias" [id=635, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.e4/b4/1/conv2d/0__1.0._scale_param_storage" [id=636, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=637, metatype=UnknownMetatype, type=symmetric_quantize]; -"e4/b4/1/conv2d/0" [id=638, metatype=PTConv2dMetatype, type=conv2d]; -"e4.b4.2.weight" [id=639, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b4.2.bias" [id=640, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b4.2.running_mean" [id=641, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4.b4.2.running_var" [id=642, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"e4/b4/2/batch_norm/0" [id=643, metatype=PT2BatchNormMetatype, type=batch_norm]; -"e4/b4/3/relu_/0" [id=644, metatype=PTRELUMetatype, type=relu_]; -"e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=645, metatype=UnknownMetatype, type=symmetric_quantize]; -"e4/cat/0" [id=646, metatype=PTCatMetatype, type=cat]; -"maxpool/max_pool2d/1" [id=647, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"a5.b1.0.weight" [id=648, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b1.0.bias" [id=649, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a5/b1/0/conv2d/0__1.0._scale_param_storage" [id=650, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=651, metatype=UnknownMetatype, type=symmetric_quantize]; -"a5/b1/0/conv2d/0" [id=652, metatype=PTConv2dMetatype, type=conv2d]; -"a5.b1.1.weight" [id=653, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b1.1.bias" [id=654, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b1.1.running_mean" [id=655, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b1.1.running_var" [id=656, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b1/1/batch_norm/0" [id=657, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a5/b1/2/relu_/0" [id=658, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" [id=659, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=660, metatype=UnknownMetatype, type=symmetric_quantize]; -"a5.b2.0.weight" [id=661, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b2.0.bias" [id=662, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a5/b2/0/conv2d/0__1.0._scale_param_storage" [id=663, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=664, metatype=UnknownMetatype, type=symmetric_quantize]; -"a5/b2/0/conv2d/0" [id=665, metatype=PTConv2dMetatype, type=conv2d]; -"a5.b2.1.weight" [id=666, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b2.1.bias" [id=667, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b2.1.running_mean" [id=668, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b2.1.running_var" [id=669, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b2/1/batch_norm/0" [id=670, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a5/b2/2/relu_/0" [id=671, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.a5/b2/2/relu_/0__0.0._scale_param_storage" [id=672, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=673, metatype=UnknownMetatype, type=symmetric_quantize]; -"a5.b2.3.weight" [id=674, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b2.3.bias" [id=675, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a5/b2/3/conv2d/0__1.0._scale_param_storage" [id=676, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=677, metatype=UnknownMetatype, type=symmetric_quantize]; -"a5/b2/3/conv2d/0" [id=678, metatype=PTConv2dMetatype, type=conv2d]; -"a5.b2.4.weight" [id=679, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b2.4.bias" [id=680, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b2.4.running_mean" [id=681, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b2.4.running_var" [id=682, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b2/4/batch_norm/0" [id=683, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a5/b2/5/relu_/0" [id=684, metatype=PTRELUMetatype, type=relu_]; -"a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=685, metatype=UnknownMetatype, type=symmetric_quantize]; -"a5.b3.0.weight" [id=686, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b3.0.bias" [id=687, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a5/b3/0/conv2d/0__1.0._scale_param_storage" [id=688, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=689, metatype=UnknownMetatype, type=symmetric_quantize]; -"a5/b3/0/conv2d/0" [id=690, metatype=PTConv2dMetatype, type=conv2d]; -"a5.b3.1.weight" [id=691, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b3.1.bias" [id=692, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b3.1.running_mean" [id=693, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b3.1.running_var" [id=694, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b3/1/batch_norm/0" [id=695, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a5/b3/2/relu_/0" [id=696, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.a5/b3/2/relu_/0__0.0._scale_param_storage" [id=697, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=698, metatype=UnknownMetatype, type=symmetric_quantize]; -"a5.b3.3.weight" [id=699, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b3.3.bias" [id=700, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a5/b3/3/conv2d/0__1.0._scale_param_storage" [id=701, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=702, metatype=UnknownMetatype, type=symmetric_quantize]; -"a5/b3/3/conv2d/0" [id=703, metatype=PTConv2dMetatype, type=conv2d]; -"a5.b3.4.weight" [id=704, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b3.4.bias" [id=705, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b3.4.running_mean" [id=706, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b3.4.running_var" [id=707, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b3/4/batch_norm/0" [id=708, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a5/b3/5/relu_/0" [id=709, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.a5/b3/5/relu_/0__0.0._scale_param_storage" [id=710, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=711, metatype=UnknownMetatype, type=symmetric_quantize]; -"a5.b3.6.weight" [id=712, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b3.6.bias" [id=713, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a5/b3/6/conv2d/0__1.0._scale_param_storage" [id=714, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=715, metatype=UnknownMetatype, type=symmetric_quantize]; -"a5/b3/6/conv2d/0" [id=716, metatype=PTConv2dMetatype, type=conv2d]; -"a5.b3.7.weight" [id=717, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b3.7.bias" [id=718, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b3.7.running_mean" [id=719, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b3.7.running_var" [id=720, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b3/7/batch_norm/0" [id=721, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a5/b3/8/relu_/0" [id=722, metatype=PTRELUMetatype, type=relu_]; -"a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=723, metatype=UnknownMetatype, type=symmetric_quantize]; -"a5/b4/0/max_pool2d/0" [id=724, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"a5.b4.1.weight" [id=725, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b4.1.bias" [id=726, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.a5/b4/1/conv2d/0__1.0._scale_param_storage" [id=727, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=728, metatype=UnknownMetatype, type=symmetric_quantize]; -"a5/b4/1/conv2d/0" [id=729, metatype=PTConv2dMetatype, type=conv2d]; -"a5.b4.2.weight" [id=730, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b4.2.bias" [id=731, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b4.2.running_mean" [id=732, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5.b4.2.running_var" [id=733, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"a5/b4/2/batch_norm/0" [id=734, metatype=PT2BatchNormMetatype, type=batch_norm]; -"a5/b4/3/relu_/0" [id=735, metatype=PTRELUMetatype, type=relu_]; -"a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=736, metatype=UnknownMetatype, type=symmetric_quantize]; -"a5/cat/0" [id=737, metatype=PTCatMetatype, type=cat]; -"b5.b1.0.weight" [id=738, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b1.0.bias" [id=739, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b5/b1/0/conv2d/0__1.0._scale_param_storage" [id=740, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=741, metatype=UnknownMetatype, type=symmetric_quantize]; -"b5/b1/0/conv2d/0" [id=742, metatype=PTConv2dMetatype, type=conv2d]; -"b5.b1.1.weight" [id=743, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b1.1.bias" [id=744, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b1.1.running_mean" [id=745, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b1.1.running_var" [id=746, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b1/1/batch_norm/0" [id=747, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b5/b1/2/relu_/0" [id=748, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b5/b1/2/relu_/0__0.0._scale_param_storage" [id=749, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=750, metatype=UnknownMetatype, type=symmetric_quantize]; -"b5.b2.0.weight" [id=751, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b2.0.bias" [id=752, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b5/b2/0/conv2d/0__1.0._scale_param_storage" [id=753, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=754, metatype=UnknownMetatype, type=symmetric_quantize]; -"b5/b2/0/conv2d/0" [id=755, metatype=PTConv2dMetatype, type=conv2d]; -"b5.b2.1.weight" [id=756, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b2.1.bias" [id=757, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b2.1.running_mean" [id=758, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b2.1.running_var" [id=759, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b2/1/batch_norm/0" [id=760, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b5/b2/2/relu_/0" [id=761, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b5/b2/2/relu_/0__0.0._scale_param_storage" [id=762, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=763, metatype=UnknownMetatype, type=symmetric_quantize]; -"b5.b2.3.weight" [id=764, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b2.3.bias" [id=765, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b5/b2/3/conv2d/0__1.0._scale_param_storage" [id=766, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=767, metatype=UnknownMetatype, type=symmetric_quantize]; -"b5/b2/3/conv2d/0" [id=768, metatype=PTConv2dMetatype, type=conv2d]; -"b5.b2.4.weight" [id=769, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b2.4.bias" [id=770, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b2.4.running_mean" [id=771, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b2.4.running_var" [id=772, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b2/4/batch_norm/0" [id=773, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b5/b2/5/relu_/0" [id=774, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b5/b2/5/relu_/0__0.0._scale_param_storage" [id=775, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" [id=776, metatype=UnknownMetatype, type=symmetric_quantize]; -"b5.b3.0.weight" [id=777, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b3.0.bias" [id=778, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b5/b3/0/conv2d/0__1.0._scale_param_storage" [id=779, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=780, metatype=UnknownMetatype, type=symmetric_quantize]; -"b5/b3/0/conv2d/0" [id=781, metatype=PTConv2dMetatype, type=conv2d]; -"b5.b3.1.weight" [id=782, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b3.1.bias" [id=783, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b3.1.running_mean" [id=784, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b3.1.running_var" [id=785, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b3/1/batch_norm/0" [id=786, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b5/b3/2/relu_/0" [id=787, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b5/b3/2/relu_/0__0.0._scale_param_storage" [id=788, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=789, metatype=UnknownMetatype, type=symmetric_quantize]; -"b5.b3.3.weight" [id=790, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b3.3.bias" [id=791, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b5/b3/3/conv2d/0__1.0._scale_param_storage" [id=792, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=793, metatype=UnknownMetatype, type=symmetric_quantize]; -"b5/b3/3/conv2d/0" [id=794, metatype=PTConv2dMetatype, type=conv2d]; -"b5.b3.4.weight" [id=795, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b3.4.bias" [id=796, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b3.4.running_mean" [id=797, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b3.4.running_var" [id=798, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b3/4/batch_norm/0" [id=799, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b5/b3/5/relu_/0" [id=800, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b5/b3/5/relu_/0__0.0._scale_param_storage" [id=801, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=802, metatype=UnknownMetatype, type=symmetric_quantize]; -"b5.b3.6.weight" [id=803, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b3.6.bias" [id=804, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b5/b3/6/conv2d/0__1.0._scale_param_storage" [id=805, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=806, metatype=UnknownMetatype, type=symmetric_quantize]; -"b5/b3/6/conv2d/0" [id=807, metatype=PTConv2dMetatype, type=conv2d]; -"b5.b3.7.weight" [id=808, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b3.7.bias" [id=809, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b3.7.running_mean" [id=810, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b3.7.running_var" [id=811, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b3/7/batch_norm/0" [id=812, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b5/b3/8/relu_/0" [id=813, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b5/b3/8/relu_/0__0.0._scale_param_storage" [id=814, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=815, metatype=UnknownMetatype, type=symmetric_quantize]; -"b5/b4/0/max_pool2d/0" [id=816, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"b5.b4.1.weight" [id=817, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b4.1.bias" [id=818, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.b5/b4/1/conv2d/0__1.0._scale_param_storage" [id=819, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=820, metatype=UnknownMetatype, type=symmetric_quantize]; -"b5/b4/1/conv2d/0" [id=821, metatype=PTConv2dMetatype, type=conv2d]; -"b5.b4.2.weight" [id=822, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b4.2.bias" [id=823, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b4.2.running_mean" [id=824, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5.b4.2.running_var" [id=825, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b4/2/batch_norm/0" [id=826, metatype=PT2BatchNormMetatype, type=batch_norm]; -"b5/b4/3/relu_/0" [id=827, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.b5/b4/3/relu_/0__0.0._scale_param_storage" [id=828, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=829, metatype=UnknownMetatype, type=symmetric_quantize]; -"b5/cat/0" [id=830, metatype=PTCatMetatype, type=cat]; -"avgpool/avg_pool2d/0" [id=831, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks.avgpool/avg_pool2d/0__0.0._scale_param_storage" [id=832, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=833, metatype=UnknownMetatype, type=symmetric_quantize]; -"/view/0" [id=834, metatype=PTReshapeMetatype, type=view]; -"linear.weight" [id=835, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"linear.bias" [id=836, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=837, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=838, metatype=UnknownMetatype, type=symmetric_quantize]; -"linear/linear/0" [id=839, metatype=PTLinearMetatype, type=linear]; -output [id=840, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "pre_layers/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"pre_layers.0.weight" -> "pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 3, 3, 3)"]; -"pre_layers.0.bias" -> "pre_layers/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"__nncf_hooks.pre_hooks.pre_layers/0/conv2d/0__1.0._scale_param_storage" -> "pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" -> "pre_layers/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 3, 3, 3)"]; -"pre_layers/0/conv2d/0" -> "pre_layers/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"pre_layers.1.weight" -> "pre_layers/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"pre_layers.1.bias" -> "pre_layers/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"pre_layers.1.running_mean" -> "pre_layers/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"pre_layers.1.running_var" -> "pre_layers/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"pre_layers/1/batch_norm/0" -> "pre_layers/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"pre_layers/2/relu_/0" -> "pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"__nncf_hooks.post_hooks.pre_layers/2/relu_/0__0.0._scale_param_storage" -> "pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"a3.b1.0.weight" -> "a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 192, 1, 1)"]; -"a3.b1.0.bias" -> "a3/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.a3/b1/0/conv2d/0__1.0._scale_param_storage" -> "a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 192, 1, 1)"]; -"a3/b1/0/conv2d/0" -> "a3/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"a3.b1.1.weight" -> "a3/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"a3.b1.1.bias" -> "a3/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"a3.b1.1.running_mean" -> "a3/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"a3.b1.1.running_var" -> "a3/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"a3/b1/1/batch_norm/0" -> "a3/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"a3/b1/2/relu_/0" -> "a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"a3.b2.0.weight" -> "a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 192, 1, 1)"]; -"a3.b2.0.bias" -> "a3/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"__nncf_hooks.pre_hooks.a3/b2/0/conv2d/0__1.0._scale_param_storage" -> "a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 192, 1, 1)"]; -"a3/b2/0/conv2d/0" -> "a3/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"a3.b2.1.weight" -> "a3/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"a3.b2.1.bias" -> "a3/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"a3.b2.1.running_mean" -> "a3/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"a3.b2.1.running_var" -> "a3/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"a3/b2/1/batch_norm/0" -> "a3/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"a3/b2/2/relu_/0" -> "a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"__nncf_hooks.post_hooks.a3/b2/2/relu_/0__0.0._scale_param_storage" -> "a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"a3.b2.3.weight" -> "a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 96, 3, 3)"]; -"a3.b2.3.bias" -> "a3/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.a3/b2/3/conv2d/0__1.0._scale_param_storage" -> "a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 96, 3, 3)"]; -"a3/b2/3/conv2d/0" -> "a3/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"a3.b2.4.weight" -> "a3/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"a3.b2.4.bias" -> "a3/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"a3.b2.4.running_mean" -> "a3/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"a3.b2.4.running_var" -> "a3/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"a3/b2/4/batch_norm/0" -> "a3/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"a3/b2/5/relu_/0" -> "a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 32, 32)"]; -"a3.b3.0.weight" -> "a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 192, 1, 1)"]; -"a3.b3.0.bias" -> "a3/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"__nncf_hooks.pre_hooks.a3/b3/0/conv2d/0__1.0._scale_param_storage" -> "a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; -"a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 192, 1, 1)"]; -"a3/b3/0/conv2d/0" -> "a3/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; -"a3.b3.1.weight" -> "a3/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; -"a3.b3.1.bias" -> "a3/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"a3.b3.1.running_mean" -> "a3/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; -"a3.b3.1.running_var" -> "a3/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; -"a3/b3/1/batch_norm/0" -> "a3/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; -"a3/b3/2/relu_/0" -> "a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; -"__nncf_hooks.post_hooks.a3/b3/2/relu_/0__0.0._scale_param_storage" -> "a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 32, 32)"]; -"a3.b3.3.weight" -> "a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 16, 3, 3)"]; -"a3.b3.3.bias" -> "a3/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"__nncf_hooks.pre_hooks.a3/b3/3/conv2d/0__1.0._scale_param_storage" -> "a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 16, 3, 3)"]; -"a3/b3/3/conv2d/0" -> "a3/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"a3.b3.4.weight" -> "a3/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"a3.b3.4.bias" -> "a3/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"a3.b3.4.running_mean" -> "a3/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"a3.b3.4.running_var" -> "a3/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"a3/b3/4/batch_norm/0" -> "a3/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"a3/b3/5/relu_/0" -> "a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"__nncf_hooks.post_hooks.a3/b3/5/relu_/0__0.0._scale_param_storage" -> "a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"a3.b3.6.weight" -> "a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 32, 3, 3)"]; -"a3.b3.6.bias" -> "a3/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"__nncf_hooks.pre_hooks.a3/b3/6/conv2d/0__1.0._scale_param_storage" -> "a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 32, 3, 3)"]; -"a3/b3/6/conv2d/0" -> "a3/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"a3.b3.7.weight" -> "a3/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"a3.b3.7.bias" -> "a3/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"a3.b3.7.running_mean" -> "a3/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"a3.b3.7.running_var" -> "a3/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"a3/b3/7/batch_norm/0" -> "a3/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"a3/b3/8/relu_/0" -> "a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 32, 32, 32)"]; -"a3/b4/0/max_pool2d/0" -> "a3/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"a3.b4.1.weight" -> "a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 192, 1, 1)"]; -"a3.b4.1.bias" -> "a3/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"__nncf_hooks.pre_hooks.a3/b4/1/conv2d/0__1.0._scale_param_storage" -> "a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 192, 1, 1)"]; -"a3/b4/1/conv2d/0" -> "a3/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"a3.b4.2.weight" -> "a3/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"a3.b4.2.bias" -> "a3/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"a3.b4.2.running_mean" -> "a3/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"a3.b4.2.running_var" -> "a3/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"a3/b4/2/batch_norm/0" -> "a3/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"a3/b4/3/relu_/0" -> "a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 32, 32, 32)"]; -"a3/cat/0" -> "b3/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; -"a3/cat/0" -> "b3/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; -"a3/cat/0" -> "b3/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; -"a3/cat/0" -> "b3/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; -"b3.b1.0.weight" -> "b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 256, 1, 1)"]; -"b3.b1.0.bias" -> "b3/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.b3/b1/0/conv2d/0__1.0._scale_param_storage" -> "b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; -"b3/b1/0/conv2d/0" -> "b3/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"b3.b1.1.weight" -> "b3/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"b3.b1.1.bias" -> "b3/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"b3.b1.1.running_mean" -> "b3/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"b3.b1.1.running_var" -> "b3/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"b3/b1/1/batch_norm/0" -> "b3/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"b3/b1/2/relu_/0" -> "b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"b3.b2.0.weight" -> "b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 256, 1, 1)"]; -"b3.b2.0.bias" -> "b3/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.b3/b2/0/conv2d/0__1.0._scale_param_storage" -> "b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 1, 1)"]; -"b3/b2/0/conv2d/0" -> "b3/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"b3.b2.1.weight" -> "b3/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"b3.b2.1.bias" -> "b3/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"b3.b2.1.running_mean" -> "b3/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"b3.b2.1.running_var" -> "b3/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"b3/b2/1/batch_norm/0" -> "b3/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"b3/b2/2/relu_/0" -> "b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"__nncf_hooks.post_hooks.b3/b2/2/relu_/0__0.0._scale_param_storage" -> "b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "b3/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 32, 32)"]; -"b3.b2.3.weight" -> "b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 128, 3, 3)"]; -"b3.b2.3.bias" -> "b3/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"__nncf_hooks.pre_hooks.b3/b2/3/conv2d/0__1.0._scale_param_storage" -> "b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 128, 3, 3)"]; -"b3/b2/3/conv2d/0" -> "b3/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"b3.b2.4.weight" -> "b3/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"b3.b2.4.bias" -> "b3/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"b3.b2.4.running_mean" -> "b3/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"b3.b2.4.running_var" -> "b3/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"b3/b2/4/batch_norm/0" -> "b3/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"b3/b2/5/relu_/0" -> "b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 32, 32)"]; -"b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 32, 32)"]; -"b3.b3.0.weight" -> "b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 256, 1, 1)"]; -"b3.b3.0.bias" -> "b3/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"__nncf_hooks.pre_hooks.b3/b3/0/conv2d/0__1.0._scale_param_storage" -> "b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 256, 1, 1)"]; -"b3/b3/0/conv2d/0" -> "b3/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"b3.b3.1.weight" -> "b3/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"b3.b3.1.bias" -> "b3/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"b3.b3.1.running_mean" -> "b3/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"b3.b3.1.running_var" -> "b3/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"b3/b3/1/batch_norm/0" -> "b3/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"b3/b3/2/relu_/0" -> "b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"__nncf_hooks.post_hooks.b3/b3/2/relu_/0__0.0._scale_param_storage" -> "b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "b3/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 32, 32)"]; -"b3.b3.3.weight" -> "b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 32, 3, 3)"]; -"b3.b3.3.bias" -> "b3/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"__nncf_hooks.pre_hooks.b3/b3/3/conv2d/0__1.0._scale_param_storage" -> "b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 32, 3, 3)"]; -"b3/b3/3/conv2d/0" -> "b3/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"b3.b3.4.weight" -> "b3/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"b3.b3.4.bias" -> "b3/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"b3.b3.4.running_mean" -> "b3/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"b3.b3.4.running_var" -> "b3/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"b3/b3/4/batch_norm/0" -> "b3/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"b3/b3/5/relu_/0" -> "b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"__nncf_hooks.post_hooks.b3/b3/5/relu_/0__0.0._scale_param_storage" -> "b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "b3/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"b3.b3.6.weight" -> "b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 3, 3)"]; -"b3.b3.6.bias" -> "b3/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"__nncf_hooks.pre_hooks.b3/b3/6/conv2d/0__1.0._scale_param_storage" -> "b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; -"b3/b3/6/conv2d/0" -> "b3/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"b3.b3.7.weight" -> "b3/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"b3.b3.7.bias" -> "b3/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"b3.b3.7.running_mean" -> "b3/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"b3.b3.7.running_var" -> "b3/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"b3/b3/7/batch_norm/0" -> "b3/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"b3/b3/8/relu_/0" -> "b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 32, 32)"]; -"b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 96, 32, 32)"]; -"b3/b4/0/max_pool2d/0" -> "b3/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 32, 32)"]; -"b3.b4.1.weight" -> "b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 256, 1, 1)"]; -"b3.b4.1.bias" -> "b3/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.b3/b4/1/conv2d/0__1.0._scale_param_storage" -> "b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 256, 1, 1)"]; -"b3/b4/1/conv2d/0" -> "b3/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"b3.b4.2.weight" -> "b3/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"b3.b4.2.bias" -> "b3/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"b3.b4.2.running_mean" -> "b3/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"b3.b4.2.running_var" -> "b3/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"b3/b4/2/batch_norm/0" -> "b3/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"b3/b4/3/relu_/0" -> "b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 64, 32, 32)"]; -"b3/cat/0" -> "maxpool/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 32, 32)"]; -"maxpool/max_pool2d/0" -> "a4/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; -"maxpool/max_pool2d/0" -> "a4/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; -"maxpool/max_pool2d/0" -> "a4/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; -"maxpool/max_pool2d/0" -> "a4/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; -"a4.b1.0.weight" -> "a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 480, 1, 1)"]; -"a4.b1.0.bias" -> "a4/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"__nncf_hooks.pre_hooks.a4/b1/0/conv2d/0__1.0._scale_param_storage" -> "a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 480, 1, 1)"]; -"a4/b1/0/conv2d/0" -> "a4/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; -"a4.b1.1.weight" -> "a4/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"a4.b1.1.bias" -> "a4/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"a4.b1.1.running_mean" -> "a4/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"a4.b1.1.running_var" -> "a4/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"a4/b1/1/batch_norm/0" -> "a4/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; -"a4/b1/2/relu_/0" -> "a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; -"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 16, 16)"]; -"a4.b2.0.weight" -> "a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 480, 1, 1)"]; -"a4.b2.0.bias" -> "a4/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"__nncf_hooks.pre_hooks.a4/b2/0/conv2d/0__1.0._scale_param_storage" -> "a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 480, 1, 1)"]; -"a4/b2/0/conv2d/0" -> "a4/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"a4.b2.1.weight" -> "a4/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"a4.b2.1.bias" -> "a4/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"a4.b2.1.running_mean" -> "a4/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"a4.b2.1.running_var" -> "a4/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"a4/b2/1/batch_norm/0" -> "a4/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"a4/b2/2/relu_/0" -> "a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"__nncf_hooks.post_hooks.a4/b2/2/relu_/0__0.0._scale_param_storage" -> "a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "a4/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"a4.b2.3.weight" -> "a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(208, 96, 3, 3)"]; -"a4.b2.3.bias" -> "a4/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(208,)"]; -"__nncf_hooks.pre_hooks.a4/b2/3/conv2d/0__1.0._scale_param_storage" -> "a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(208, 1, 1, 1)"]; -"a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(208, 96, 3, 3)"]; -"a4/b2/3/conv2d/0" -> "a4/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 208, 16, 16)"]; -"a4.b2.4.weight" -> "a4/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(208,)"]; -"a4.b2.4.bias" -> "a4/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(208,)"]; -"a4.b2.4.running_mean" -> "a4/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(208,)"]; -"a4.b2.4.running_var" -> "a4/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(208,)"]; -"a4/b2/4/batch_norm/0" -> "a4/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 208, 16, 16)"]; -"a4/b2/5/relu_/0" -> "a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 208, 16, 16)"]; -"a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 208, 16, 16)"]; -"a4.b3.0.weight" -> "a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 480, 1, 1)"]; -"a4.b3.0.bias" -> "a4/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"__nncf_hooks.pre_hooks.a4/b3/0/conv2d/0__1.0._scale_param_storage" -> "a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; -"a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 480, 1, 1)"]; -"a4/b3/0/conv2d/0" -> "a4/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"a4.b3.1.weight" -> "a4/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; -"a4.b3.1.bias" -> "a4/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"a4.b3.1.running_mean" -> "a4/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; -"a4.b3.1.running_var" -> "a4/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; -"a4/b3/1/batch_norm/0" -> "a4/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"a4/b3/2/relu_/0" -> "a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"__nncf_hooks.post_hooks.a4/b3/2/relu_/0__0.0._scale_param_storage" -> "a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "a4/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"a4.b3.3.weight" -> "a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 16, 3, 3)"]; -"a4.b3.3.bias" -> "a4/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"__nncf_hooks.pre_hooks.a4/b3/3/conv2d/0__1.0._scale_param_storage" -> "a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 16, 3, 3)"]; -"a4/b3/3/conv2d/0" -> "a4/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"a4.b3.4.weight" -> "a4/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"a4.b3.4.bias" -> "a4/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"a4.b3.4.running_mean" -> "a4/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"a4.b3.4.running_var" -> "a4/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"a4/b3/4/batch_norm/0" -> "a4/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"a4/b3/5/relu_/0" -> "a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"__nncf_hooks.post_hooks.a4/b3/5/relu_/0__0.0._scale_param_storage" -> "a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "a4/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"a4.b3.6.weight" -> "a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 3, 3)"]; -"a4.b3.6.bias" -> "a4/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"__nncf_hooks.pre_hooks.a4/b3/6/conv2d/0__1.0._scale_param_storage" -> "a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 3, 3)"]; -"a4/b3/6/conv2d/0" -> "a4/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"a4.b3.7.weight" -> "a4/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"a4.b3.7.bias" -> "a4/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"a4.b3.7.running_mean" -> "a4/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"a4.b3.7.running_var" -> "a4/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"a4/b3/7/batch_norm/0" -> "a4/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"a4/b3/8/relu_/0" -> "a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 48, 16, 16)"]; -"a4/b4/0/max_pool2d/0" -> "a4/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 480, 16, 16)"]; -"a4.b4.1.weight" -> "a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 480, 1, 1)"]; -"a4.b4.1.bias" -> "a4/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.a4/b4/1/conv2d/0__1.0._scale_param_storage" -> "a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 480, 1, 1)"]; -"a4/b4/1/conv2d/0" -> "a4/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"a4.b4.2.weight" -> "a4/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"a4.b4.2.bias" -> "a4/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"a4.b4.2.running_mean" -> "a4/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"a4.b4.2.running_var" -> "a4/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"a4/b4/2/batch_norm/0" -> "a4/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"a4/b4/3/relu_/0" -> "a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 64, 16, 16)"]; -"a4/cat/0" -> "b4/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"a4/cat/0" -> "b4/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"a4/cat/0" -> "b4/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"a4/cat/0" -> "b4/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"b4.b1.0.weight" -> "b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 512, 1, 1)"]; -"b4.b1.0.bias" -> "b4/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"__nncf_hooks.pre_hooks.b4/b1/0/conv2d/0__1.0._scale_param_storage" -> "b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 512, 1, 1)"]; -"b4/b1/0/conv2d/0" -> "b4/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"b4.b1.1.weight" -> "b4/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"b4.b1.1.bias" -> "b4/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"b4.b1.1.running_mean" -> "b4/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"b4.b1.1.running_var" -> "b4/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"b4/b1/1/batch_norm/0" -> "b4/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"b4/b1/2/relu_/0" -> "b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"b4.b2.0.weight" -> "b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(112, 512, 1, 1)"]; -"b4.b2.0.bias" -> "b4/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(112,)"]; -"__nncf_hooks.pre_hooks.b4/b2/0/conv2d/0__1.0._scale_param_storage" -> "b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(112, 1, 1, 1)"]; -"b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112, 512, 1, 1)"]; -"b4/b2/0/conv2d/0" -> "b4/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; -"b4.b2.1.weight" -> "b4/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112,)"]; -"b4.b2.1.bias" -> "b4/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(112,)"]; -"b4.b2.1.running_mean" -> "b4/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(112,)"]; -"b4.b2.1.running_var" -> "b4/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(112,)"]; -"b4/b2/1/batch_norm/0" -> "b4/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; -"b4/b2/2/relu_/0" -> "b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; -"__nncf_hooks.post_hooks.b4/b2/2/relu_/0__0.0._scale_param_storage" -> "b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "b4/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; -"b4.b2.3.weight" -> "b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(224, 112, 3, 3)"]; -"b4.b2.3.bias" -> "b4/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(224,)"]; -"__nncf_hooks.pre_hooks.b4/b2/3/conv2d/0__1.0._scale_param_storage" -> "b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(224, 1, 1, 1)"]; -"b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(224, 112, 3, 3)"]; -"b4/b2/3/conv2d/0" -> "b4/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; -"b4.b2.4.weight" -> "b4/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(224,)"]; -"b4.b2.4.bias" -> "b4/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(224,)"]; -"b4.b2.4.running_mean" -> "b4/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(224,)"]; -"b4.b2.4.running_var" -> "b4/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(224,)"]; -"b4/b2/4/batch_norm/0" -> "b4/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; -"b4/b2/5/relu_/0" -> "b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 224, 16, 16)"]; -"b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 224, 16, 16)"]; -"b4.b3.0.weight" -> "b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 512, 1, 1)"]; -"b4.b3.0.bias" -> "b4/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"__nncf_hooks.pre_hooks.b4/b3/0/conv2d/0__1.0._scale_param_storage" -> "b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 512, 1, 1)"]; -"b4/b3/0/conv2d/0" -> "b4/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"b4.b3.1.weight" -> "b4/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"b4.b3.1.bias" -> "b4/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"b4.b3.1.running_mean" -> "b4/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"b4.b3.1.running_var" -> "b4/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"b4/b3/1/batch_norm/0" -> "b4/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"b4/b3/2/relu_/0" -> "b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"__nncf_hooks.post_hooks.b4/b3/2/relu_/0__0.0._scale_param_storage" -> "b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "b4/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"b4.b3.3.weight" -> "b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 24, 3, 3)"]; -"b4.b3.3.bias" -> "b4/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.b4/b3/3/conv2d/0__1.0._scale_param_storage" -> "b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 24, 3, 3)"]; -"b4/b3/3/conv2d/0" -> "b4/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"b4.b3.4.weight" -> "b4/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"b4.b3.4.bias" -> "b4/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"b4.b3.4.running_mean" -> "b4/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"b4.b3.4.running_var" -> "b4/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"b4/b3/4/batch_norm/0" -> "b4/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"b4/b3/5/relu_/0" -> "b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"__nncf_hooks.post_hooks.b4/b3/5/relu_/0__0.0._scale_param_storage" -> "b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "b4/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"b4.b3.6.weight" -> "b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; -"b4.b3.6.bias" -> "b4/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.b4/b3/6/conv2d/0__1.0._scale_param_storage" -> "b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"b4/b3/6/conv2d/0" -> "b4/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"b4.b3.7.weight" -> "b4/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"b4.b3.7.bias" -> "b4/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"b4.b3.7.running_mean" -> "b4/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"b4.b3.7.running_var" -> "b4/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"b4/b3/7/batch_norm/0" -> "b4/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"b4/b3/8/relu_/0" -> "b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 64, 16, 16)"]; -"b4/b4/0/max_pool2d/0" -> "b4/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"b4.b4.1.weight" -> "b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 512, 1, 1)"]; -"b4.b4.1.bias" -> "b4/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.b4/b4/1/conv2d/0__1.0._scale_param_storage" -> "b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 512, 1, 1)"]; -"b4/b4/1/conv2d/0" -> "b4/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"b4.b4.2.weight" -> "b4/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"b4.b4.2.bias" -> "b4/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"b4.b4.2.running_mean" -> "b4/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"b4.b4.2.running_var" -> "b4/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"b4/b4/2/batch_norm/0" -> "b4/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"b4/b4/3/relu_/0" -> "b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 64, 16, 16)"]; -"b4/cat/0" -> "c4/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"b4/cat/0" -> "c4/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"b4/cat/0" -> "c4/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"b4/cat/0" -> "c4/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"c4.b1.0.weight" -> "c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 512, 1, 1)"]; -"c4.b1.0.bias" -> "c4/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.c4/b1/0/conv2d/0__1.0._scale_param_storage" -> "c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512, 1, 1)"]; -"c4/b1/0/conv2d/0" -> "c4/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"c4.b1.1.weight" -> "c4/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"c4.b1.1.bias" -> "c4/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"c4.b1.1.running_mean" -> "c4/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"c4.b1.1.running_var" -> "c4/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"c4/b1/1/batch_norm/0" -> "c4/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"c4/b1/2/relu_/0" -> "c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"c4.b2.0.weight" -> "c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 512, 1, 1)"]; -"c4.b2.0.bias" -> "c4/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.c4/b2/0/conv2d/0__1.0._scale_param_storage" -> "c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 512, 1, 1)"]; -"c4/b2/0/conv2d/0" -> "c4/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"c4.b2.1.weight" -> "c4/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"c4.b2.1.bias" -> "c4/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"c4.b2.1.running_mean" -> "c4/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"c4.b2.1.running_var" -> "c4/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"c4/b2/1/batch_norm/0" -> "c4/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"c4/b2/2/relu_/0" -> "c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.c4/b2/2/relu_/0__0.0._scale_param_storage" -> "c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"c4.b2.3.weight" -> "c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 128, 3, 3)"]; -"c4.b2.3.bias" -> "c4/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.c4/b2/3/conv2d/0__1.0._scale_param_storage" -> "c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 3, 3)"]; -"c4/b2/3/conv2d/0" -> "c4/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"c4.b2.4.weight" -> "c4/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"c4.b2.4.bias" -> "c4/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"c4.b2.4.running_mean" -> "c4/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"c4.b2.4.running_var" -> "c4/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"c4/b2/4/batch_norm/0" -> "c4/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"c4/b2/5/relu_/0" -> "c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 16, 16)"]; -"c4.b3.0.weight" -> "c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 512, 1, 1)"]; -"c4.b3.0.bias" -> "c4/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"__nncf_hooks.pre_hooks.c4/b3/0/conv2d/0__1.0._scale_param_storage" -> "c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 512, 1, 1)"]; -"c4/b3/0/conv2d/0" -> "c4/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"c4.b3.1.weight" -> "c4/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"c4.b3.1.bias" -> "c4/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"c4.b3.1.running_mean" -> "c4/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"c4.b3.1.running_var" -> "c4/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"c4/b3/1/batch_norm/0" -> "c4/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"c4/b3/2/relu_/0" -> "c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"__nncf_hooks.post_hooks.c4/b3/2/relu_/0__0.0._scale_param_storage" -> "c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"c4.b3.3.weight" -> "c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 24, 3, 3)"]; -"c4.b3.3.bias" -> "c4/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.c4/b3/3/conv2d/0__1.0._scale_param_storage" -> "c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 24, 3, 3)"]; -"c4/b3/3/conv2d/0" -> "c4/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"c4.b3.4.weight" -> "c4/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"c4.b3.4.bias" -> "c4/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"c4.b3.4.running_mean" -> "c4/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"c4.b3.4.running_var" -> "c4/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"c4/b3/4/batch_norm/0" -> "c4/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"c4/b3/5/relu_/0" -> "c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"__nncf_hooks.post_hooks.c4/b3/5/relu_/0__0.0._scale_param_storage" -> "c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "c4/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"c4.b3.6.weight" -> "c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; -"c4.b3.6.bias" -> "c4/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.c4/b3/6/conv2d/0__1.0._scale_param_storage" -> "c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"c4/b3/6/conv2d/0" -> "c4/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"c4.b3.7.weight" -> "c4/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"c4.b3.7.bias" -> "c4/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"c4.b3.7.running_mean" -> "c4/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"c4.b3.7.running_var" -> "c4/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"c4/b3/7/batch_norm/0" -> "c4/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"c4/b3/8/relu_/0" -> "c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 64, 16, 16)"]; -"c4/b4/0/max_pool2d/0" -> "c4/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"c4.b4.1.weight" -> "c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 512, 1, 1)"]; -"c4.b4.1.bias" -> "c4/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.c4/b4/1/conv2d/0__1.0._scale_param_storage" -> "c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 512, 1, 1)"]; -"c4/b4/1/conv2d/0" -> "c4/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"c4.b4.2.weight" -> "c4/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"c4.b4.2.bias" -> "c4/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"c4.b4.2.running_mean" -> "c4/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"c4.b4.2.running_var" -> "c4/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"c4/b4/2/batch_norm/0" -> "c4/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"c4/b4/3/relu_/0" -> "c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 64, 16, 16)"]; -"c4/cat/0" -> "d4/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"c4/cat/0" -> "d4/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"c4/cat/0" -> "d4/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"c4/cat/0" -> "d4/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"d4.b1.0.weight" -> "d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(112, 512, 1, 1)"]; -"d4.b1.0.bias" -> "d4/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(112,)"]; -"__nncf_hooks.pre_hooks.d4/b1/0/conv2d/0__1.0._scale_param_storage" -> "d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(112, 1, 1, 1)"]; -"d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112, 512, 1, 1)"]; -"d4/b1/0/conv2d/0" -> "d4/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; -"d4.b1.1.weight" -> "d4/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(112,)"]; -"d4.b1.1.bias" -> "d4/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(112,)"]; -"d4.b1.1.running_mean" -> "d4/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(112,)"]; -"d4.b1.1.running_var" -> "d4/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(112,)"]; -"d4/b1/1/batch_norm/0" -> "d4/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; -"d4/b1/2/relu_/0" -> "d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; -"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 112, 16, 16)"]; -"d4.b2.0.weight" -> "d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(144, 512, 1, 1)"]; -"d4.b2.0.bias" -> "d4/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"__nncf_hooks.pre_hooks.d4/b2/0/conv2d/0__1.0._scale_param_storage" -> "d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144, 1, 1, 1)"]; -"d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 512, 1, 1)"]; -"d4/b2/0/conv2d/0" -> "d4/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"d4.b2.1.weight" -> "d4/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"d4.b2.1.bias" -> "d4/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"d4.b2.1.running_mean" -> "d4/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"d4.b2.1.running_var" -> "d4/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"d4/b2/1/batch_norm/0" -> "d4/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"d4/b2/2/relu_/0" -> "d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"__nncf_hooks.post_hooks.d4/b2/2/relu_/0__0.0._scale_param_storage" -> "d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 16, 16)"]; -"d4.b2.3.weight" -> "d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(288, 144, 3, 3)"]; -"d4.b2.3.bias" -> "d4/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; -"__nncf_hooks.pre_hooks.d4/b2/3/conv2d/0__1.0._scale_param_storage" -> "d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288, 1, 1, 1)"]; -"d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288, 144, 3, 3)"]; -"d4/b2/3/conv2d/0" -> "d4/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 16, 16)"]; -"d4.b2.4.weight" -> "d4/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; -"d4.b2.4.bias" -> "d4/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; -"d4.b2.4.running_mean" -> "d4/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; -"d4.b2.4.running_var" -> "d4/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; -"d4/b2/4/batch_norm/0" -> "d4/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 16, 16)"]; -"d4/b2/5/relu_/0" -> "d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 16, 16)"]; -"d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 288, 16, 16)"]; -"d4.b3.0.weight" -> "d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 512, 1, 1)"]; -"d4.b3.0.bias" -> "d4/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"__nncf_hooks.pre_hooks.d4/b3/0/conv2d/0__1.0._scale_param_storage" -> "d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 512, 1, 1)"]; -"d4/b3/0/conv2d/0" -> "d4/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"d4.b3.1.weight" -> "d4/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"d4.b3.1.bias" -> "d4/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"d4.b3.1.running_mean" -> "d4/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"d4.b3.1.running_var" -> "d4/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"d4/b3/1/batch_norm/0" -> "d4/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"d4/b3/2/relu_/0" -> "d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.d4/b3/2/relu_/0__0.0._scale_param_storage" -> "d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"d4.b3.3.weight" -> "d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 32, 3, 3)"]; -"d4.b3.3.bias" -> "d4/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.d4/b3/3/conv2d/0__1.0._scale_param_storage" -> "d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 32, 3, 3)"]; -"d4/b3/3/conv2d/0" -> "d4/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"d4.b3.4.weight" -> "d4/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"d4.b3.4.bias" -> "d4/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"d4.b3.4.running_mean" -> "d4/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"d4.b3.4.running_var" -> "d4/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"d4/b3/4/batch_norm/0" -> "d4/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"d4/b3/5/relu_/0" -> "d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"__nncf_hooks.post_hooks.d4/b3/5/relu_/0__0.0._scale_param_storage" -> "d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "d4/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"d4.b3.6.weight" -> "d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; -"d4.b3.6.bias" -> "d4/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.d4/b3/6/conv2d/0__1.0._scale_param_storage" -> "d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"d4/b3/6/conv2d/0" -> "d4/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"d4.b3.7.weight" -> "d4/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"d4.b3.7.bias" -> "d4/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"d4.b3.7.running_mean" -> "d4/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"d4.b3.7.running_var" -> "d4/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"d4/b3/7/batch_norm/0" -> "d4/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"d4/b3/8/relu_/0" -> "d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 64, 16, 16)"]; -"d4/b4/0/max_pool2d/0" -> "d4/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 16, 16)"]; -"d4.b4.1.weight" -> "d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 512, 1, 1)"]; -"d4.b4.1.bias" -> "d4/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.d4/b4/1/conv2d/0__1.0._scale_param_storage" -> "d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 512, 1, 1)"]; -"d4/b4/1/conv2d/0" -> "d4/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"d4.b4.2.weight" -> "d4/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"d4.b4.2.bias" -> "d4/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"d4.b4.2.running_mean" -> "d4/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"d4.b4.2.running_var" -> "d4/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"d4/b4/2/batch_norm/0" -> "d4/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"d4/b4/3/relu_/0" -> "d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 64, 16, 16)"]; -"d4/cat/0" -> "e4/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 528, 16, 16)"]; -"d4/cat/0" -> "e4/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 528, 16, 16)"]; -"d4/cat/0" -> "e4/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 528, 16, 16)"]; -"d4/cat/0" -> "e4/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 528, 16, 16)"]; -"e4.b1.0.weight" -> "e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 528, 1, 1)"]; -"e4.b1.0.bias" -> "e4/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.e4/b1/0/conv2d/0__1.0._scale_param_storage" -> "e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 528, 1, 1)"]; -"e4/b1/0/conv2d/0" -> "e4/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"e4.b1.1.weight" -> "e4/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"e4.b1.1.bias" -> "e4/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"e4.b1.1.running_mean" -> "e4/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"e4.b1.1.running_var" -> "e4/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"e4/b1/1/batch_norm/0" -> "e4/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"e4/b1/2/relu_/0" -> "e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 16, 16)"]; -"e4.b2.0.weight" -> "e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 528, 1, 1)"]; -"e4.b2.0.bias" -> "e4/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"__nncf_hooks.pre_hooks.e4/b2/0/conv2d/0__1.0._scale_param_storage" -> "e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 528, 1, 1)"]; -"e4/b2/0/conv2d/0" -> "e4/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"e4.b2.1.weight" -> "e4/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"e4.b2.1.bias" -> "e4/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"e4.b2.1.running_mean" -> "e4/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"e4.b2.1.running_var" -> "e4/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"e4/b2/1/batch_norm/0" -> "e4/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"e4/b2/2/relu_/0" -> "e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"__nncf_hooks.post_hooks.e4/b2/2/relu_/0__0.0._scale_param_storage" -> "e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "e4/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 16, 16)"]; -"e4.b2.3.weight" -> "e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(320, 160, 3, 3)"]; -"e4.b2.3.bias" -> "e4/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"__nncf_hooks.pre_hooks.e4/b2/3/conv2d/0__1.0._scale_param_storage" -> "e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320, 1, 1, 1)"]; -"e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 160, 3, 3)"]; -"e4/b2/3/conv2d/0" -> "e4/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 16, 16)"]; -"e4.b2.4.weight" -> "e4/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"e4.b2.4.bias" -> "e4/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"e4.b2.4.running_mean" -> "e4/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"e4.b2.4.running_var" -> "e4/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"e4/b2/4/batch_norm/0" -> "e4/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 16, 16)"]; -"e4/b2/5/relu_/0" -> "e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 16, 16)"]; -"e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 320, 16, 16)"]; -"e4.b3.0.weight" -> "e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 528, 1, 1)"]; -"e4.b3.0.bias" -> "e4/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"__nncf_hooks.pre_hooks.e4/b3/0/conv2d/0__1.0._scale_param_storage" -> "e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 528, 1, 1)"]; -"e4/b3/0/conv2d/0" -> "e4/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"e4.b3.1.weight" -> "e4/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"e4.b3.1.bias" -> "e4/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"e4.b3.1.running_mean" -> "e4/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"e4.b3.1.running_var" -> "e4/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"e4/b3/1/batch_norm/0" -> "e4/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"e4/b3/2/relu_/0" -> "e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.e4/b3/2/relu_/0__0.0._scale_param_storage" -> "e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "e4/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"e4.b3.3.weight" -> "e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 32, 3, 3)"]; -"e4.b3.3.bias" -> "e4/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.e4/b3/3/conv2d/0__1.0._scale_param_storage" -> "e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 3, 3)"]; -"e4/b3/3/conv2d/0" -> "e4/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"e4.b3.4.weight" -> "e4/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"e4.b3.4.bias" -> "e4/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"e4.b3.4.running_mean" -> "e4/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"e4.b3.4.running_var" -> "e4/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"e4/b3/4/batch_norm/0" -> "e4/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"e4/b3/5/relu_/0" -> "e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.e4/b3/5/relu_/0__0.0._scale_param_storage" -> "e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "e4/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"e4.b3.6.weight" -> "e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; -"e4.b3.6.bias" -> "e4/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.e4/b3/6/conv2d/0__1.0._scale_param_storage" -> "e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; -"e4/b3/6/conv2d/0" -> "e4/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"e4.b3.7.weight" -> "e4/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"e4.b3.7.bias" -> "e4/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"e4.b3.7.running_mean" -> "e4/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"e4.b3.7.running_var" -> "e4/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"e4/b3/7/batch_norm/0" -> "e4/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"e4/b3/8/relu_/0" -> "e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 128, 16, 16)"]; -"e4/b4/0/max_pool2d/0" -> "e4/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 528, 16, 16)"]; -"e4.b4.1.weight" -> "e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 528, 1, 1)"]; -"e4.b4.1.bias" -> "e4/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.e4/b4/1/conv2d/0__1.0._scale_param_storage" -> "e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 528, 1, 1)"]; -"e4/b4/1/conv2d/0" -> "e4/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"e4.b4.2.weight" -> "e4/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"e4.b4.2.bias" -> "e4/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"e4.b4.2.running_mean" -> "e4/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"e4.b4.2.running_var" -> "e4/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"e4/b4/2/batch_norm/0" -> "e4/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"e4/b4/3/relu_/0" -> "e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 128, 16, 16)"]; -"e4/cat/0" -> "maxpool/max_pool2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 16, 16)"]; -"maxpool/max_pool2d/1" -> "a5/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; -"maxpool/max_pool2d/1" -> "a5/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; -"maxpool/max_pool2d/1" -> "a5/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; -"maxpool/max_pool2d/1" -> "a5/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; -"a5.b1.0.weight" -> "a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 832, 1, 1)"]; -"a5.b1.0.bias" -> "a5/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.a5/b1/0/conv2d/0__1.0._scale_param_storage" -> "a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 832, 1, 1)"]; -"a5/b1/0/conv2d/0" -> "a5/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"a5.b1.1.weight" -> "a5/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"a5.b1.1.bias" -> "a5/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"a5.b1.1.running_mean" -> "a5/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"a5.b1.1.running_var" -> "a5/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"a5/b1/1/batch_norm/0" -> "a5/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"a5/b1/2/relu_/0" -> "a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"a5.b2.0.weight" -> "a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 832, 1, 1)"]; -"a5.b2.0.bias" -> "a5/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"__nncf_hooks.pre_hooks.a5/b2/0/conv2d/0__1.0._scale_param_storage" -> "a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 832, 1, 1)"]; -"a5/b2/0/conv2d/0" -> "a5/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 8, 8)"]; -"a5.b2.1.weight" -> "a5/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"a5.b2.1.bias" -> "a5/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"a5.b2.1.running_mean" -> "a5/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"a5.b2.1.running_var" -> "a5/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"a5/b2/1/batch_norm/0" -> "a5/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 8, 8)"]; -"a5/b2/2/relu_/0" -> "a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 8, 8)"]; -"__nncf_hooks.post_hooks.a5/b2/2/relu_/0__0.0._scale_param_storage" -> "a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "a5/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 8, 8)"]; -"a5.b2.3.weight" -> "a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(320, 160, 3, 3)"]; -"a5.b2.3.bias" -> "a5/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"__nncf_hooks.pre_hooks.a5/b2/3/conv2d/0__1.0._scale_param_storage" -> "a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320, 1, 1, 1)"]; -"a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 160, 3, 3)"]; -"a5/b2/3/conv2d/0" -> "a5/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"a5.b2.4.weight" -> "a5/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"a5.b2.4.bias" -> "a5/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"a5.b2.4.running_mean" -> "a5/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"a5.b2.4.running_var" -> "a5/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"a5/b2/4/batch_norm/0" -> "a5/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"a5/b2/5/relu_/0" -> "a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 8, 8)"]; -"a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 320, 8, 8)"]; -"a5.b3.0.weight" -> "a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 832, 1, 1)"]; -"a5.b3.0.bias" -> "a5/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"__nncf_hooks.pre_hooks.a5/b3/0/conv2d/0__1.0._scale_param_storage" -> "a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 832, 1, 1)"]; -"a5/b3/0/conv2d/0" -> "a5/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"a5.b3.1.weight" -> "a5/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"a5.b3.1.bias" -> "a5/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"a5.b3.1.running_mean" -> "a5/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"a5.b3.1.running_var" -> "a5/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"a5/b3/1/batch_norm/0" -> "a5/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"a5/b3/2/relu_/0" -> "a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"__nncf_hooks.post_hooks.a5/b3/2/relu_/0__0.0._scale_param_storage" -> "a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "a5/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 8, 8)"]; -"a5.b3.3.weight" -> "a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 32, 3, 3)"]; -"a5.b3.3.bias" -> "a5/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.a5/b3/3/conv2d/0__1.0._scale_param_storage" -> "a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 3, 3)"]; -"a5/b3/3/conv2d/0" -> "a5/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"a5.b3.4.weight" -> "a5/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"a5.b3.4.bias" -> "a5/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"a5.b3.4.running_mean" -> "a5/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"a5.b3.4.running_var" -> "a5/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"a5/b3/4/batch_norm/0" -> "a5/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"a5/b3/5/relu_/0" -> "a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.a5/b3/5/relu_/0__0.0._scale_param_storage" -> "a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "a5/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"a5.b3.6.weight" -> "a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; -"a5.b3.6.bias" -> "a5/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.a5/b3/6/conv2d/0__1.0._scale_param_storage" -> "a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; -"a5/b3/6/conv2d/0" -> "a5/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"a5.b3.7.weight" -> "a5/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"a5.b3.7.bias" -> "a5/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"a5.b3.7.running_mean" -> "a5/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"a5.b3.7.running_var" -> "a5/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"a5/b3/7/batch_norm/0" -> "a5/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"a5/b3/8/relu_/0" -> "a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 128, 8, 8)"]; -"a5/b4/0/max_pool2d/0" -> "a5/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; -"a5.b4.1.weight" -> "a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 832, 1, 1)"]; -"a5.b4.1.bias" -> "a5/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.a5/b4/1/conv2d/0__1.0._scale_param_storage" -> "a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 832, 1, 1)"]; -"a5/b4/1/conv2d/0" -> "a5/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"a5.b4.2.weight" -> "a5/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"a5.b4.2.bias" -> "a5/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"a5.b4.2.running_mean" -> "a5/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"a5.b4.2.running_var" -> "a5/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"a5/b4/2/batch_norm/0" -> "a5/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"a5/b4/3/relu_/0" -> "a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 128, 8, 8)"]; -"a5/cat/0" -> "b5/b1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; -"a5/cat/0" -> "b5/b2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; -"a5/cat/0" -> "b5/b3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; -"a5/cat/0" -> "b5/b4/0/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; -"b5.b1.0.weight" -> "b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 832, 1, 1)"]; -"b5.b1.0.bias" -> "b5/b1/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"__nncf_hooks.pre_hooks.b5/b1/0/conv2d/0__1.0._scale_param_storage" -> "b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 832, 1, 1)"]; -"b5/b1/0/conv2d/0" -> "b5/b1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"b5.b1.1.weight" -> "b5/b1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"b5.b1.1.bias" -> "b5/b1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"b5.b1.1.running_mean" -> "b5/b1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"b5.b1.1.running_var" -> "b5/b1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"b5/b1/1/batch_norm/0" -> "b5/b1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"b5/b1/2/relu_/0" -> "b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"__nncf_hooks.post_hooks.b5/b1/2/relu_/0__0.0._scale_param_storage" -> "b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"b5.b2.0.weight" -> "b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 832, 1, 1)"]; -"b5.b2.0.bias" -> "b5/b2/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"__nncf_hooks.pre_hooks.b5/b2/0/conv2d/0__1.0._scale_param_storage" -> "b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 832, 1, 1)"]; -"b5/b2/0/conv2d/0" -> "b5/b2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"b5.b2.1.weight" -> "b5/b2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"b5.b2.1.bias" -> "b5/b2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"b5.b2.1.running_mean" -> "b5/b2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"b5.b2.1.running_var" -> "b5/b2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"b5/b2/1/batch_norm/0" -> "b5/b2/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"b5/b2/2/relu_/0" -> "b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"__nncf_hooks.post_hooks.b5/b2/2/relu_/0__0.0._scale_param_storage" -> "b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "b5/b2/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 8, 8)"]; -"b5.b2.3.weight" -> "b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 192, 3, 3)"]; -"b5.b2.3.bias" -> "b5/b2/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"__nncf_hooks.pre_hooks.b5/b2/3/conv2d/0__1.0._scale_param_storage" -> "b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b2/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 192, 3, 3)"]; -"b5/b2/3/conv2d/0" -> "b5/b2/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"b5.b2.4.weight" -> "b5/b2/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"b5.b2.4.bias" -> "b5/b2/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"b5.b2.4.running_mean" -> "b5/b2/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"b5.b2.4.running_var" -> "b5/b2/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"b5/b2/4/batch_norm/0" -> "b5/b2/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"b5/b2/5/relu_/0" -> "b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 8, 8)"]; -"__nncf_hooks.post_hooks.b5/b2/5/relu_/0__0.0._scale_param_storage" -> "b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 384, 8, 8)"]; -"b5.b3.0.weight" -> "b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 832, 1, 1)"]; -"b5.b3.0.bias" -> "b5/b3/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"__nncf_hooks.pre_hooks.b5/b3/0/conv2d/0__1.0._scale_param_storage" -> "b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 832, 1, 1)"]; -"b5/b3/0/conv2d/0" -> "b5/b3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"b5.b3.1.weight" -> "b5/b3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"b5.b3.1.bias" -> "b5/b3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"b5.b3.1.running_mean" -> "b5/b3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"b5.b3.1.running_var" -> "b5/b3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"b5/b3/1/batch_norm/0" -> "b5/b3/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"b5/b3/2/relu_/0" -> "b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.b5/b3/2/relu_/0__0.0._scale_param_storage" -> "b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "b5/b3/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"b5.b3.3.weight" -> "b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 48, 3, 3)"]; -"b5.b3.3.bias" -> "b5/b3/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.b5/b3/3/conv2d/0__1.0._scale_param_storage" -> "b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b3/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 48, 3, 3)"]; -"b5/b3/3/conv2d/0" -> "b5/b3/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"b5.b3.4.weight" -> "b5/b3/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"b5.b3.4.bias" -> "b5/b3/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"b5.b3.4.running_mean" -> "b5/b3/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"b5.b3.4.running_var" -> "b5/b3/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"b5/b3/4/batch_norm/0" -> "b5/b3/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"b5/b3/5/relu_/0" -> "b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.b5/b3/5/relu_/0__0.0._scale_param_storage" -> "b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "b5/b3/6/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"b5.b3.6.weight" -> "b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; -"b5.b3.6.bias" -> "b5/b3/6/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.b5/b3/6/conv2d/0__1.0._scale_param_storage" -> "b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b3/6/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; -"b5/b3/6/conv2d/0" -> "b5/b3/7/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"b5.b3.7.weight" -> "b5/b3/7/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"b5.b3.7.bias" -> "b5/b3/7/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"b5.b3.7.running_mean" -> "b5/b3/7/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"b5.b3.7.running_var" -> "b5/b3/7/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"b5/b3/7/batch_norm/0" -> "b5/b3/8/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"b5/b3/8/relu_/0" -> "b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.b5/b3/8/relu_/0__0.0._scale_param_storage" -> "b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 128, 8, 8)"]; -"b5/b4/0/max_pool2d/0" -> "b5/b4/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 832, 8, 8)"]; -"b5.b4.1.weight" -> "b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 832, 1, 1)"]; -"b5.b4.1.bias" -> "b5/b4/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.b5/b4/1/conv2d/0__1.0._scale_param_storage" -> "b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b4/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 832, 1, 1)"]; -"b5/b4/1/conv2d/0" -> "b5/b4/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"b5.b4.2.weight" -> "b5/b4/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"b5.b4.2.bias" -> "b5/b4/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"b5.b4.2.running_mean" -> "b5/b4/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"b5.b4.2.running_var" -> "b5/b4/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"b5/b4/2/batch_norm/0" -> "b5/b4/3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"b5/b4/3/relu_/0" -> "b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.b5/b4/3/relu_/0__0.0._scale_param_storage" -> "b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1, 128, 8, 8)"]; -"b5/cat/0" -> "avgpool/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 8, 8)"]; -"avgpool/avg_pool2d/0" -> "avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; -"__nncf_hooks.post_hooks.avgpool/avg_pool2d/0__0.0._scale_param_storage" -> "avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; -"/view/0" -> "linear/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 1024)"]; -"linear.bias" -> "linear/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(10, 1)"]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 1024)"]; -"linear/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +"pre_layers.0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"pre_layers.0.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.pre_layers/0/conv2d/0__1.0._scale_param_storage" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, type="symmetric_quantize", metatype=UnknownMetatype]; +"pre_layers/0/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; +"pre_layers.1.weight" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"pre_layers.1.bias" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"pre_layers.1.running_mean" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"pre_layers.1.running_var" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"pre_layers/1/batch_norm/0" [id=12, type="batch_norm", metatype=PT2BatchNormMetatype]; +"pre_layers/2/relu_/0" [id=13, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.pre_layers/2/relu_/0__0.0._scale_param_storage" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" [id=15, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3.b1.0.weight" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b1.0.bias" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a3/b1/0/conv2d/0__1.0._scale_param_storage" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=19, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3/b1/0/conv2d/0" [id=20, type=conv2d, metatype=PTConv2dMetatype]; +"a3.b1.1.weight" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b1.1.bias" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b1.1.running_mean" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b1.1.running_var" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b1/1/batch_norm/0" [id=25, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a3/b1/2/relu_/0" [id=26, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=28, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3.b2.0.weight" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b2.0.bias" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a3/b2/0/conv2d/0__1.0._scale_param_storage" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=32, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3/b2/0/conv2d/0" [id=33, type=conv2d, metatype=PTConv2dMetatype]; +"a3.b2.1.weight" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b2.1.bias" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b2.1.running_mean" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b2.1.running_var" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b2/1/batch_norm/0" [id=38, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a3/b2/2/relu_/0" [id=39, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.a3/b2/2/relu_/0__0.0._scale_param_storage" [id=40, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=41, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3.b2.3.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b2.3.bias" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a3/b2/3/conv2d/0__1.0._scale_param_storage" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=45, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3/b2/3/conv2d/0" [id=46, type=conv2d, metatype=PTConv2dMetatype]; +"a3.b2.4.weight" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b2.4.bias" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b2.4.running_mean" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b2.4.running_var" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b2/4/batch_norm/0" [id=51, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a3/b2/5/relu_/0" [id=52, type="relu_", metatype=PTRELUMetatype]; +"a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=53, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3.b3.0.weight" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b3.0.bias" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a3/b3/0/conv2d/0__1.0._scale_param_storage" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=57, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3/b3/0/conv2d/0" [id=58, type=conv2d, metatype=PTConv2dMetatype]; +"a3.b3.1.weight" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b3.1.bias" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b3.1.running_mean" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b3.1.running_var" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b3/1/batch_norm/0" [id=63, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a3/b3/2/relu_/0" [id=64, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.a3/b3/2/relu_/0__0.0._scale_param_storage" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=66, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3.b3.3.weight" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b3.3.bias" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a3/b3/3/conv2d/0__1.0._scale_param_storage" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=70, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3/b3/3/conv2d/0" [id=71, type=conv2d, metatype=PTConv2dMetatype]; +"a3.b3.4.weight" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b3.4.bias" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b3.4.running_mean" [id=74, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b3.4.running_var" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b3/4/batch_norm/0" [id=76, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a3/b3/5/relu_/0" [id=77, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.a3/b3/5/relu_/0__0.0._scale_param_storage" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=79, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3.b3.6.weight" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b3.6.bias" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a3/b3/6/conv2d/0__1.0._scale_param_storage" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=83, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3/b3/6/conv2d/0" [id=84, type=conv2d, metatype=PTConv2dMetatype]; +"a3.b3.7.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b3.7.bias" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b3.7.running_mean" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b3.7.running_var" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b3/7/batch_norm/0" [id=89, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a3/b3/8/relu_/0" [id=90, type="relu_", metatype=PTRELUMetatype]; +"a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=91, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3/b4/0/max_pool2d/0" [id=92, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"a3.b4.1.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b4.1.bias" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a3/b4/1/conv2d/0__1.0._scale_param_storage" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=96, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3/b4/1/conv2d/0" [id=97, type=conv2d, metatype=PTConv2dMetatype]; +"a3.b4.2.weight" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b4.2.bias" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b4.2.running_mean" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3.b4.2.running_var" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a3/b4/2/batch_norm/0" [id=102, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a3/b4/3/relu_/0" [id=103, type="relu_", metatype=PTRELUMetatype]; +"a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=104, type="symmetric_quantize", metatype=UnknownMetatype]; +"a3/cat/0" [id=105, type=cat, metatype=PTCatMetatype]; +"b3.b1.0.weight" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b1.0.bias" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b3/b1/0/conv2d/0__1.0._scale_param_storage" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=109, type="symmetric_quantize", metatype=UnknownMetatype]; +"b3/b1/0/conv2d/0" [id=110, type=conv2d, metatype=PTConv2dMetatype]; +"b3.b1.1.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b1.1.bias" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b1.1.running_mean" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b1.1.running_var" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b1/1/batch_norm/0" [id=115, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b3/b1/2/relu_/0" [id=116, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=118, type="symmetric_quantize", metatype=UnknownMetatype]; +"b3.b2.0.weight" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b2.0.bias" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b3/b2/0/conv2d/0__1.0._scale_param_storage" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=122, type="symmetric_quantize", metatype=UnknownMetatype]; +"b3/b2/0/conv2d/0" [id=123, type=conv2d, metatype=PTConv2dMetatype]; +"b3.b2.1.weight" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b2.1.bias" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b2.1.running_mean" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b2.1.running_var" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b2/1/batch_norm/0" [id=128, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b3/b2/2/relu_/0" [id=129, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b3/b2/2/relu_/0__0.0._scale_param_storage" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=131, type="symmetric_quantize", metatype=UnknownMetatype]; +"b3.b2.3.weight" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b2.3.bias" [id=133, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b3/b2/3/conv2d/0__1.0._scale_param_storage" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=135, type="symmetric_quantize", metatype=UnknownMetatype]; +"b3/b2/3/conv2d/0" [id=136, type=conv2d, metatype=PTConv2dMetatype]; +"b3.b2.4.weight" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b2.4.bias" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b2.4.running_mean" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b2.4.running_var" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b2/4/batch_norm/0" [id=141, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b3/b2/5/relu_/0" [id=142, type="relu_", metatype=PTRELUMetatype]; +"b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=143, type="symmetric_quantize", metatype=UnknownMetatype]; +"b3.b3.0.weight" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b3.0.bias" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b3/b3/0/conv2d/0__1.0._scale_param_storage" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=147, type="symmetric_quantize", metatype=UnknownMetatype]; +"b3/b3/0/conv2d/0" [id=148, type=conv2d, metatype=PTConv2dMetatype]; +"b3.b3.1.weight" [id=149, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b3.1.bias" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b3.1.running_mean" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b3.1.running_var" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b3/1/batch_norm/0" [id=153, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b3/b3/2/relu_/0" [id=154, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b3/b3/2/relu_/0__0.0._scale_param_storage" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=156, type="symmetric_quantize", metatype=UnknownMetatype]; +"b3.b3.3.weight" [id=157, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b3.3.bias" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b3/b3/3/conv2d/0__1.0._scale_param_storage" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=160, type="symmetric_quantize", metatype=UnknownMetatype]; +"b3/b3/3/conv2d/0" [id=161, type=conv2d, metatype=PTConv2dMetatype]; +"b3.b3.4.weight" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b3.4.bias" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b3.4.running_mean" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b3.4.running_var" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b3/4/batch_norm/0" [id=166, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b3/b3/5/relu_/0" [id=167, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b3/b3/5/relu_/0__0.0._scale_param_storage" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=169, type="symmetric_quantize", metatype=UnknownMetatype]; +"b3.b3.6.weight" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b3.6.bias" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b3/b3/6/conv2d/0__1.0._scale_param_storage" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=173, type="symmetric_quantize", metatype=UnknownMetatype]; +"b3/b3/6/conv2d/0" [id=174, type=conv2d, metatype=PTConv2dMetatype]; +"b3.b3.7.weight" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b3.7.bias" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b3.7.running_mean" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b3.7.running_var" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b3/7/batch_norm/0" [id=179, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b3/b3/8/relu_/0" [id=180, type="relu_", metatype=PTRELUMetatype]; +"b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=181, type="symmetric_quantize", metatype=UnknownMetatype]; +"b3/b4/0/max_pool2d/0" [id=182, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"b3.b4.1.weight" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b4.1.bias" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b3/b4/1/conv2d/0__1.0._scale_param_storage" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=186, type="symmetric_quantize", metatype=UnknownMetatype]; +"b3/b4/1/conv2d/0" [id=187, type=conv2d, metatype=PTConv2dMetatype]; +"b3.b4.2.weight" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b4.2.bias" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b4.2.running_mean" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3.b4.2.running_var" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b3/b4/2/batch_norm/0" [id=192, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b3/b4/3/relu_/0" [id=193, type="relu_", metatype=PTRELUMetatype]; +"b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=194, type="symmetric_quantize", metatype=UnknownMetatype]; +"b3/cat/0" [id=195, type=cat, metatype=PTCatMetatype]; +"maxpool/max_pool2d/0" [id=196, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"a4.b1.0.weight" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b1.0.bias" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a4/b1/0/conv2d/0__1.0._scale_param_storage" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=200, type="symmetric_quantize", metatype=UnknownMetatype]; +"a4/b1/0/conv2d/0" [id=201, type=conv2d, metatype=PTConv2dMetatype]; +"a4.b1.1.weight" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b1.1.bias" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b1.1.running_mean" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b1.1.running_var" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b1/1/batch_norm/0" [id=206, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a4/b1/2/relu_/0" [id=207, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=209, type="symmetric_quantize", metatype=UnknownMetatype]; +"a4.b2.0.weight" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b2.0.bias" [id=211, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a4/b2/0/conv2d/0__1.0._scale_param_storage" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=213, type="symmetric_quantize", metatype=UnknownMetatype]; +"a4/b2/0/conv2d/0" [id=214, type=conv2d, metatype=PTConv2dMetatype]; +"a4.b2.1.weight" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b2.1.bias" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b2.1.running_mean" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b2.1.running_var" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b2/1/batch_norm/0" [id=219, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a4/b2/2/relu_/0" [id=220, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.a4/b2/2/relu_/0__0.0._scale_param_storage" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=222, type="symmetric_quantize", metatype=UnknownMetatype]; +"a4.b2.3.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b2.3.bias" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a4/b2/3/conv2d/0__1.0._scale_param_storage" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=226, type="symmetric_quantize", metatype=UnknownMetatype]; +"a4/b2/3/conv2d/0" [id=227, type=conv2d, metatype=PTConv2dMetatype]; +"a4.b2.4.weight" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b2.4.bias" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b2.4.running_mean" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b2.4.running_var" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b2/4/batch_norm/0" [id=232, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a4/b2/5/relu_/0" [id=233, type="relu_", metatype=PTRELUMetatype]; +"a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=234, type="symmetric_quantize", metatype=UnknownMetatype]; +"a4.b3.0.weight" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b3.0.bias" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a4/b3/0/conv2d/0__1.0._scale_param_storage" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=238, type="symmetric_quantize", metatype=UnknownMetatype]; +"a4/b3/0/conv2d/0" [id=239, type=conv2d, metatype=PTConv2dMetatype]; +"a4.b3.1.weight" [id=240, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b3.1.bias" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b3.1.running_mean" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b3.1.running_var" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b3/1/batch_norm/0" [id=244, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a4/b3/2/relu_/0" [id=245, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.a4/b3/2/relu_/0__0.0._scale_param_storage" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=247, type="symmetric_quantize", metatype=UnknownMetatype]; +"a4.b3.3.weight" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b3.3.bias" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a4/b3/3/conv2d/0__1.0._scale_param_storage" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=251, type="symmetric_quantize", metatype=UnknownMetatype]; +"a4/b3/3/conv2d/0" [id=252, type=conv2d, metatype=PTConv2dMetatype]; +"a4.b3.4.weight" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b3.4.bias" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b3.4.running_mean" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b3.4.running_var" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b3/4/batch_norm/0" [id=257, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a4/b3/5/relu_/0" [id=258, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.a4/b3/5/relu_/0__0.0._scale_param_storage" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=260, type="symmetric_quantize", metatype=UnknownMetatype]; +"a4.b3.6.weight" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b3.6.bias" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a4/b3/6/conv2d/0__1.0._scale_param_storage" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=264, type="symmetric_quantize", metatype=UnknownMetatype]; +"a4/b3/6/conv2d/0" [id=265, type=conv2d, metatype=PTConv2dMetatype]; +"a4.b3.7.weight" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b3.7.bias" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b3.7.running_mean" [id=268, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b3.7.running_var" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b3/7/batch_norm/0" [id=270, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a4/b3/8/relu_/0" [id=271, type="relu_", metatype=PTRELUMetatype]; +"a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=272, type="symmetric_quantize", metatype=UnknownMetatype]; +"a4/b4/0/max_pool2d/0" [id=273, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"a4.b4.1.weight" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b4.1.bias" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a4/b4/1/conv2d/0__1.0._scale_param_storage" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=277, type="symmetric_quantize", metatype=UnknownMetatype]; +"a4/b4/1/conv2d/0" [id=278, type=conv2d, metatype=PTConv2dMetatype]; +"a4.b4.2.weight" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b4.2.bias" [id=280, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b4.2.running_mean" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4.b4.2.running_var" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a4/b4/2/batch_norm/0" [id=283, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a4/b4/3/relu_/0" [id=284, type="relu_", metatype=PTRELUMetatype]; +"a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=285, type="symmetric_quantize", metatype=UnknownMetatype]; +"a4/cat/0" [id=286, type=cat, metatype=PTCatMetatype]; +"b4.b1.0.weight" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b1.0.bias" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b4/b1/0/conv2d/0__1.0._scale_param_storage" [id=289, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=290, type="symmetric_quantize", metatype=UnknownMetatype]; +"b4/b1/0/conv2d/0" [id=291, type=conv2d, metatype=PTConv2dMetatype]; +"b4.b1.1.weight" [id=292, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b1.1.bias" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b1.1.running_mean" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b1.1.running_var" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b1/1/batch_norm/0" [id=296, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b4/b1/2/relu_/0" [id=297, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" [id=298, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=299, type="symmetric_quantize", metatype=UnknownMetatype]; +"b4.b2.0.weight" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b2.0.bias" [id=301, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b4/b2/0/conv2d/0__1.0._scale_param_storage" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=303, type="symmetric_quantize", metatype=UnknownMetatype]; +"b4/b2/0/conv2d/0" [id=304, type=conv2d, metatype=PTConv2dMetatype]; +"b4.b2.1.weight" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b2.1.bias" [id=306, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b2.1.running_mean" [id=307, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b2.1.running_var" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b2/1/batch_norm/0" [id=309, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b4/b2/2/relu_/0" [id=310, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b4/b2/2/relu_/0__0.0._scale_param_storage" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=312, type="symmetric_quantize", metatype=UnknownMetatype]; +"b4.b2.3.weight" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b2.3.bias" [id=314, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b4/b2/3/conv2d/0__1.0._scale_param_storage" [id=315, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=316, type="symmetric_quantize", metatype=UnknownMetatype]; +"b4/b2/3/conv2d/0" [id=317, type=conv2d, metatype=PTConv2dMetatype]; +"b4.b2.4.weight" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b2.4.bias" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b2.4.running_mean" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b2.4.running_var" [id=321, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b2/4/batch_norm/0" [id=322, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b4/b2/5/relu_/0" [id=323, type="relu_", metatype=PTRELUMetatype]; +"b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=324, type="symmetric_quantize", metatype=UnknownMetatype]; +"b4.b3.0.weight" [id=325, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b3.0.bias" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b4/b3/0/conv2d/0__1.0._scale_param_storage" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=328, type="symmetric_quantize", metatype=UnknownMetatype]; +"b4/b3/0/conv2d/0" [id=329, type=conv2d, metatype=PTConv2dMetatype]; +"b4.b3.1.weight" [id=330, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b3.1.bias" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b3.1.running_mean" [id=332, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b3.1.running_var" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b3/1/batch_norm/0" [id=334, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b4/b3/2/relu_/0" [id=335, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b4/b3/2/relu_/0__0.0._scale_param_storage" [id=336, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=337, type="symmetric_quantize", metatype=UnknownMetatype]; +"b4.b3.3.weight" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b3.3.bias" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b4/b3/3/conv2d/0__1.0._scale_param_storage" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=341, type="symmetric_quantize", metatype=UnknownMetatype]; +"b4/b3/3/conv2d/0" [id=342, type=conv2d, metatype=PTConv2dMetatype]; +"b4.b3.4.weight" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b3.4.bias" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b3.4.running_mean" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b3.4.running_var" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b3/4/batch_norm/0" [id=347, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b4/b3/5/relu_/0" [id=348, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b4/b3/5/relu_/0__0.0._scale_param_storage" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=350, type="symmetric_quantize", metatype=UnknownMetatype]; +"b4.b3.6.weight" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b3.6.bias" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b4/b3/6/conv2d/0__1.0._scale_param_storage" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=354, type="symmetric_quantize", metatype=UnknownMetatype]; +"b4/b3/6/conv2d/0" [id=355, type=conv2d, metatype=PTConv2dMetatype]; +"b4.b3.7.weight" [id=356, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b3.7.bias" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b3.7.running_mean" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b3.7.running_var" [id=359, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b3/7/batch_norm/0" [id=360, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b4/b3/8/relu_/0" [id=361, type="relu_", metatype=PTRELUMetatype]; +"b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=362, type="symmetric_quantize", metatype=UnknownMetatype]; +"b4/b4/0/max_pool2d/0" [id=363, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"b4.b4.1.weight" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b4.1.bias" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b4/b4/1/conv2d/0__1.0._scale_param_storage" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=367, type="symmetric_quantize", metatype=UnknownMetatype]; +"b4/b4/1/conv2d/0" [id=368, type=conv2d, metatype=PTConv2dMetatype]; +"b4.b4.2.weight" [id=369, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b4.2.bias" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b4.2.running_mean" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4.b4.2.running_var" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b4/b4/2/batch_norm/0" [id=373, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b4/b4/3/relu_/0" [id=374, type="relu_", metatype=PTRELUMetatype]; +"b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=375, type="symmetric_quantize", metatype=UnknownMetatype]; +"b4/cat/0" [id=376, type=cat, metatype=PTCatMetatype]; +"c4.b1.0.weight" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b1.0.bias" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.c4/b1/0/conv2d/0__1.0._scale_param_storage" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=380, type="symmetric_quantize", metatype=UnknownMetatype]; +"c4/b1/0/conv2d/0" [id=381, type=conv2d, metatype=PTConv2dMetatype]; +"c4.b1.1.weight" [id=382, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b1.1.bias" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b1.1.running_mean" [id=384, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b1.1.running_var" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b1/1/batch_norm/0" [id=386, type="batch_norm", metatype=PT2BatchNormMetatype]; +"c4/b1/2/relu_/0" [id=387, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" [id=388, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=389, type="symmetric_quantize", metatype=UnknownMetatype]; +"c4.b2.0.weight" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b2.0.bias" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.c4/b2/0/conv2d/0__1.0._scale_param_storage" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=393, type="symmetric_quantize", metatype=UnknownMetatype]; +"c4/b2/0/conv2d/0" [id=394, type=conv2d, metatype=PTConv2dMetatype]; +"c4.b2.1.weight" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b2.1.bias" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b2.1.running_mean" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b2.1.running_var" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b2/1/batch_norm/0" [id=399, type="batch_norm", metatype=PT2BatchNormMetatype]; +"c4/b2/2/relu_/0" [id=400, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.c4/b2/2/relu_/0__0.0._scale_param_storage" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=402, type="symmetric_quantize", metatype=UnknownMetatype]; +"c4.b2.3.weight" [id=403, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b2.3.bias" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.c4/b2/3/conv2d/0__1.0._scale_param_storage" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=406, type="symmetric_quantize", metatype=UnknownMetatype]; +"c4/b2/3/conv2d/0" [id=407, type=conv2d, metatype=PTConv2dMetatype]; +"c4.b2.4.weight" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b2.4.bias" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b2.4.running_mean" [id=410, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b2.4.running_var" [id=411, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b2/4/batch_norm/0" [id=412, type="batch_norm", metatype=PT2BatchNormMetatype]; +"c4/b2/5/relu_/0" [id=413, type="relu_", metatype=PTRELUMetatype]; +"c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=414, type="symmetric_quantize", metatype=UnknownMetatype]; +"c4.b3.0.weight" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b3.0.bias" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.c4/b3/0/conv2d/0__1.0._scale_param_storage" [id=417, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=418, type="symmetric_quantize", metatype=UnknownMetatype]; +"c4/b3/0/conv2d/0" [id=419, type=conv2d, metatype=PTConv2dMetatype]; +"c4.b3.1.weight" [id=420, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b3.1.bias" [id=421, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b3.1.running_mean" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b3.1.running_var" [id=423, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b3/1/batch_norm/0" [id=424, type="batch_norm", metatype=PT2BatchNormMetatype]; +"c4/b3/2/relu_/0" [id=425, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.c4/b3/2/relu_/0__0.0._scale_param_storage" [id=426, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=427, type="symmetric_quantize", metatype=UnknownMetatype]; +"c4.b3.3.weight" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b3.3.bias" [id=429, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.c4/b3/3/conv2d/0__1.0._scale_param_storage" [id=430, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=431, type="symmetric_quantize", metatype=UnknownMetatype]; +"c4/b3/3/conv2d/0" [id=432, type=conv2d, metatype=PTConv2dMetatype]; +"c4.b3.4.weight" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b3.4.bias" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b3.4.running_mean" [id=435, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b3.4.running_var" [id=436, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b3/4/batch_norm/0" [id=437, type="batch_norm", metatype=PT2BatchNormMetatype]; +"c4/b3/5/relu_/0" [id=438, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.c4/b3/5/relu_/0__0.0._scale_param_storage" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=440, type="symmetric_quantize", metatype=UnknownMetatype]; +"c4.b3.6.weight" [id=441, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b3.6.bias" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.c4/b3/6/conv2d/0__1.0._scale_param_storage" [id=443, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=444, type="symmetric_quantize", metatype=UnknownMetatype]; +"c4/b3/6/conv2d/0" [id=445, type=conv2d, metatype=PTConv2dMetatype]; +"c4.b3.7.weight" [id=446, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b3.7.bias" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b3.7.running_mean" [id=448, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b3.7.running_var" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b3/7/batch_norm/0" [id=450, type="batch_norm", metatype=PT2BatchNormMetatype]; +"c4/b3/8/relu_/0" [id=451, type="relu_", metatype=PTRELUMetatype]; +"c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=452, type="symmetric_quantize", metatype=UnknownMetatype]; +"c4/b4/0/max_pool2d/0" [id=453, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"c4.b4.1.weight" [id=454, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b4.1.bias" [id=455, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.c4/b4/1/conv2d/0__1.0._scale_param_storage" [id=456, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=457, type="symmetric_quantize", metatype=UnknownMetatype]; +"c4/b4/1/conv2d/0" [id=458, type=conv2d, metatype=PTConv2dMetatype]; +"c4.b4.2.weight" [id=459, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b4.2.bias" [id=460, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b4.2.running_mean" [id=461, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4.b4.2.running_var" [id=462, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"c4/b4/2/batch_norm/0" [id=463, type="batch_norm", metatype=PT2BatchNormMetatype]; +"c4/b4/3/relu_/0" [id=464, type="relu_", metatype=PTRELUMetatype]; +"c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=465, type="symmetric_quantize", metatype=UnknownMetatype]; +"c4/cat/0" [id=466, type=cat, metatype=PTCatMetatype]; +"d4.b1.0.weight" [id=467, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b1.0.bias" [id=468, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.d4/b1/0/conv2d/0__1.0._scale_param_storage" [id=469, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=470, type="symmetric_quantize", metatype=UnknownMetatype]; +"d4/b1/0/conv2d/0" [id=471, type=conv2d, metatype=PTConv2dMetatype]; +"d4.b1.1.weight" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b1.1.bias" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b1.1.running_mean" [id=474, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b1.1.running_var" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b1/1/batch_norm/0" [id=476, type="batch_norm", metatype=PT2BatchNormMetatype]; +"d4/b1/2/relu_/0" [id=477, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" [id=478, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=479, type="symmetric_quantize", metatype=UnknownMetatype]; +"d4.b2.0.weight" [id=480, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b2.0.bias" [id=481, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.d4/b2/0/conv2d/0__1.0._scale_param_storage" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=483, type="symmetric_quantize", metatype=UnknownMetatype]; +"d4/b2/0/conv2d/0" [id=484, type=conv2d, metatype=PTConv2dMetatype]; +"d4.b2.1.weight" [id=485, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b2.1.bias" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b2.1.running_mean" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b2.1.running_var" [id=488, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b2/1/batch_norm/0" [id=489, type="batch_norm", metatype=PT2BatchNormMetatype]; +"d4/b2/2/relu_/0" [id=490, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.d4/b2/2/relu_/0__0.0._scale_param_storage" [id=491, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=492, type="symmetric_quantize", metatype=UnknownMetatype]; +"d4.b2.3.weight" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b2.3.bias" [id=494, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.d4/b2/3/conv2d/0__1.0._scale_param_storage" [id=495, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=496, type="symmetric_quantize", metatype=UnknownMetatype]; +"d4/b2/3/conv2d/0" [id=497, type=conv2d, metatype=PTConv2dMetatype]; +"d4.b2.4.weight" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b2.4.bias" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b2.4.running_mean" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b2.4.running_var" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b2/4/batch_norm/0" [id=502, type="batch_norm", metatype=PT2BatchNormMetatype]; +"d4/b2/5/relu_/0" [id=503, type="relu_", metatype=PTRELUMetatype]; +"d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=504, type="symmetric_quantize", metatype=UnknownMetatype]; +"d4.b3.0.weight" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b3.0.bias" [id=506, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.d4/b3/0/conv2d/0__1.0._scale_param_storage" [id=507, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=508, type="symmetric_quantize", metatype=UnknownMetatype]; +"d4/b3/0/conv2d/0" [id=509, type=conv2d, metatype=PTConv2dMetatype]; +"d4.b3.1.weight" [id=510, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b3.1.bias" [id=511, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b3.1.running_mean" [id=512, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b3.1.running_var" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b3/1/batch_norm/0" [id=514, type="batch_norm", metatype=PT2BatchNormMetatype]; +"d4/b3/2/relu_/0" [id=515, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.d4/b3/2/relu_/0__0.0._scale_param_storage" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=517, type="symmetric_quantize", metatype=UnknownMetatype]; +"d4.b3.3.weight" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b3.3.bias" [id=519, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.d4/b3/3/conv2d/0__1.0._scale_param_storage" [id=520, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=521, type="symmetric_quantize", metatype=UnknownMetatype]; +"d4/b3/3/conv2d/0" [id=522, type=conv2d, metatype=PTConv2dMetatype]; +"d4.b3.4.weight" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b3.4.bias" [id=524, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b3.4.running_mean" [id=525, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b3.4.running_var" [id=526, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b3/4/batch_norm/0" [id=527, type="batch_norm", metatype=PT2BatchNormMetatype]; +"d4/b3/5/relu_/0" [id=528, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.d4/b3/5/relu_/0__0.0._scale_param_storage" [id=529, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=530, type="symmetric_quantize", metatype=UnknownMetatype]; +"d4.b3.6.weight" [id=531, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b3.6.bias" [id=532, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.d4/b3/6/conv2d/0__1.0._scale_param_storage" [id=533, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=534, type="symmetric_quantize", metatype=UnknownMetatype]; +"d4/b3/6/conv2d/0" [id=535, type=conv2d, metatype=PTConv2dMetatype]; +"d4.b3.7.weight" [id=536, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b3.7.bias" [id=537, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b3.7.running_mean" [id=538, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b3.7.running_var" [id=539, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b3/7/batch_norm/0" [id=540, type="batch_norm", metatype=PT2BatchNormMetatype]; +"d4/b3/8/relu_/0" [id=541, type="relu_", metatype=PTRELUMetatype]; +"d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=542, type="symmetric_quantize", metatype=UnknownMetatype]; +"d4/b4/0/max_pool2d/0" [id=543, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"d4.b4.1.weight" [id=544, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b4.1.bias" [id=545, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.d4/b4/1/conv2d/0__1.0._scale_param_storage" [id=546, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=547, type="symmetric_quantize", metatype=UnknownMetatype]; +"d4/b4/1/conv2d/0" [id=548, type=conv2d, metatype=PTConv2dMetatype]; +"d4.b4.2.weight" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b4.2.bias" [id=550, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b4.2.running_mean" [id=551, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4.b4.2.running_var" [id=552, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"d4/b4/2/batch_norm/0" [id=553, type="batch_norm", metatype=PT2BatchNormMetatype]; +"d4/b4/3/relu_/0" [id=554, type="relu_", metatype=PTRELUMetatype]; +"d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=555, type="symmetric_quantize", metatype=UnknownMetatype]; +"d4/cat/0" [id=556, type=cat, metatype=PTCatMetatype]; +"e4.b1.0.weight" [id=557, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b1.0.bias" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.e4/b1/0/conv2d/0__1.0._scale_param_storage" [id=559, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=560, type="symmetric_quantize", metatype=UnknownMetatype]; +"e4/b1/0/conv2d/0" [id=561, type=conv2d, metatype=PTConv2dMetatype]; +"e4.b1.1.weight" [id=562, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b1.1.bias" [id=563, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b1.1.running_mean" [id=564, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b1.1.running_var" [id=565, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b1/1/batch_norm/0" [id=566, type="batch_norm", metatype=PT2BatchNormMetatype]; +"e4/b1/2/relu_/0" [id=567, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" [id=568, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=569, type="symmetric_quantize", metatype=UnknownMetatype]; +"e4.b2.0.weight" [id=570, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b2.0.bias" [id=571, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.e4/b2/0/conv2d/0__1.0._scale_param_storage" [id=572, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=573, type="symmetric_quantize", metatype=UnknownMetatype]; +"e4/b2/0/conv2d/0" [id=574, type=conv2d, metatype=PTConv2dMetatype]; +"e4.b2.1.weight" [id=575, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b2.1.bias" [id=576, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b2.1.running_mean" [id=577, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b2.1.running_var" [id=578, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b2/1/batch_norm/0" [id=579, type="batch_norm", metatype=PT2BatchNormMetatype]; +"e4/b2/2/relu_/0" [id=580, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.e4/b2/2/relu_/0__0.0._scale_param_storage" [id=581, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=582, type="symmetric_quantize", metatype=UnknownMetatype]; +"e4.b2.3.weight" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b2.3.bias" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.e4/b2/3/conv2d/0__1.0._scale_param_storage" [id=585, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=586, type="symmetric_quantize", metatype=UnknownMetatype]; +"e4/b2/3/conv2d/0" [id=587, type=conv2d, metatype=PTConv2dMetatype]; +"e4.b2.4.weight" [id=588, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b2.4.bias" [id=589, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b2.4.running_mean" [id=590, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b2.4.running_var" [id=591, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b2/4/batch_norm/0" [id=592, type="batch_norm", metatype=PT2BatchNormMetatype]; +"e4/b2/5/relu_/0" [id=593, type="relu_", metatype=PTRELUMetatype]; +"e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=594, type="symmetric_quantize", metatype=UnknownMetatype]; +"e4.b3.0.weight" [id=595, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b3.0.bias" [id=596, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.e4/b3/0/conv2d/0__1.0._scale_param_storage" [id=597, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=598, type="symmetric_quantize", metatype=UnknownMetatype]; +"e4/b3/0/conv2d/0" [id=599, type=conv2d, metatype=PTConv2dMetatype]; +"e4.b3.1.weight" [id=600, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b3.1.bias" [id=601, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b3.1.running_mean" [id=602, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b3.1.running_var" [id=603, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b3/1/batch_norm/0" [id=604, type="batch_norm", metatype=PT2BatchNormMetatype]; +"e4/b3/2/relu_/0" [id=605, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.e4/b3/2/relu_/0__0.0._scale_param_storage" [id=606, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=607, type="symmetric_quantize", metatype=UnknownMetatype]; +"e4.b3.3.weight" [id=608, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b3.3.bias" [id=609, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.e4/b3/3/conv2d/0__1.0._scale_param_storage" [id=610, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=611, type="symmetric_quantize", metatype=UnknownMetatype]; +"e4/b3/3/conv2d/0" [id=612, type=conv2d, metatype=PTConv2dMetatype]; +"e4.b3.4.weight" [id=613, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b3.4.bias" [id=614, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b3.4.running_mean" [id=615, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b3.4.running_var" [id=616, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b3/4/batch_norm/0" [id=617, type="batch_norm", metatype=PT2BatchNormMetatype]; +"e4/b3/5/relu_/0" [id=618, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.e4/b3/5/relu_/0__0.0._scale_param_storage" [id=619, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=620, type="symmetric_quantize", metatype=UnknownMetatype]; +"e4.b3.6.weight" [id=621, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b3.6.bias" [id=622, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.e4/b3/6/conv2d/0__1.0._scale_param_storage" [id=623, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=624, type="symmetric_quantize", metatype=UnknownMetatype]; +"e4/b3/6/conv2d/0" [id=625, type=conv2d, metatype=PTConv2dMetatype]; +"e4.b3.7.weight" [id=626, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b3.7.bias" [id=627, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b3.7.running_mean" [id=628, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b3.7.running_var" [id=629, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b3/7/batch_norm/0" [id=630, type="batch_norm", metatype=PT2BatchNormMetatype]; +"e4/b3/8/relu_/0" [id=631, type="relu_", metatype=PTRELUMetatype]; +"e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=632, type="symmetric_quantize", metatype=UnknownMetatype]; +"e4/b4/0/max_pool2d/0" [id=633, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"e4.b4.1.weight" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b4.1.bias" [id=635, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.e4/b4/1/conv2d/0__1.0._scale_param_storage" [id=636, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=637, type="symmetric_quantize", metatype=UnknownMetatype]; +"e4/b4/1/conv2d/0" [id=638, type=conv2d, metatype=PTConv2dMetatype]; +"e4.b4.2.weight" [id=639, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b4.2.bias" [id=640, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b4.2.running_mean" [id=641, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4.b4.2.running_var" [id=642, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"e4/b4/2/batch_norm/0" [id=643, type="batch_norm", metatype=PT2BatchNormMetatype]; +"e4/b4/3/relu_/0" [id=644, type="relu_", metatype=PTRELUMetatype]; +"e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=645, type="symmetric_quantize", metatype=UnknownMetatype]; +"e4/cat/0" [id=646, type=cat, metatype=PTCatMetatype]; +"maxpool/max_pool2d/1" [id=647, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"a5.b1.0.weight" [id=648, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b1.0.bias" [id=649, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a5/b1/0/conv2d/0__1.0._scale_param_storage" [id=650, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=651, type="symmetric_quantize", metatype=UnknownMetatype]; +"a5/b1/0/conv2d/0" [id=652, type=conv2d, metatype=PTConv2dMetatype]; +"a5.b1.1.weight" [id=653, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b1.1.bias" [id=654, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b1.1.running_mean" [id=655, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b1.1.running_var" [id=656, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b1/1/batch_norm/0" [id=657, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a5/b1/2/relu_/0" [id=658, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" [id=659, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=660, type="symmetric_quantize", metatype=UnknownMetatype]; +"a5.b2.0.weight" [id=661, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b2.0.bias" [id=662, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a5/b2/0/conv2d/0__1.0._scale_param_storage" [id=663, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=664, type="symmetric_quantize", metatype=UnknownMetatype]; +"a5/b2/0/conv2d/0" [id=665, type=conv2d, metatype=PTConv2dMetatype]; +"a5.b2.1.weight" [id=666, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b2.1.bias" [id=667, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b2.1.running_mean" [id=668, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b2.1.running_var" [id=669, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b2/1/batch_norm/0" [id=670, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a5/b2/2/relu_/0" [id=671, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.a5/b2/2/relu_/0__0.0._scale_param_storage" [id=672, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=673, type="symmetric_quantize", metatype=UnknownMetatype]; +"a5.b2.3.weight" [id=674, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b2.3.bias" [id=675, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a5/b2/3/conv2d/0__1.0._scale_param_storage" [id=676, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=677, type="symmetric_quantize", metatype=UnknownMetatype]; +"a5/b2/3/conv2d/0" [id=678, type=conv2d, metatype=PTConv2dMetatype]; +"a5.b2.4.weight" [id=679, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b2.4.bias" [id=680, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b2.4.running_mean" [id=681, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b2.4.running_var" [id=682, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b2/4/batch_norm/0" [id=683, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a5/b2/5/relu_/0" [id=684, type="relu_", metatype=PTRELUMetatype]; +"a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=685, type="symmetric_quantize", metatype=UnknownMetatype]; +"a5.b3.0.weight" [id=686, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b3.0.bias" [id=687, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a5/b3/0/conv2d/0__1.0._scale_param_storage" [id=688, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=689, type="symmetric_quantize", metatype=UnknownMetatype]; +"a5/b3/0/conv2d/0" [id=690, type=conv2d, metatype=PTConv2dMetatype]; +"a5.b3.1.weight" [id=691, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b3.1.bias" [id=692, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b3.1.running_mean" [id=693, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b3.1.running_var" [id=694, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b3/1/batch_norm/0" [id=695, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a5/b3/2/relu_/0" [id=696, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.a5/b3/2/relu_/0__0.0._scale_param_storage" [id=697, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=698, type="symmetric_quantize", metatype=UnknownMetatype]; +"a5.b3.3.weight" [id=699, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b3.3.bias" [id=700, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a5/b3/3/conv2d/0__1.0._scale_param_storage" [id=701, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=702, type="symmetric_quantize", metatype=UnknownMetatype]; +"a5/b3/3/conv2d/0" [id=703, type=conv2d, metatype=PTConv2dMetatype]; +"a5.b3.4.weight" [id=704, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b3.4.bias" [id=705, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b3.4.running_mean" [id=706, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b3.4.running_var" [id=707, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b3/4/batch_norm/0" [id=708, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a5/b3/5/relu_/0" [id=709, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.a5/b3/5/relu_/0__0.0._scale_param_storage" [id=710, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=711, type="symmetric_quantize", metatype=UnknownMetatype]; +"a5.b3.6.weight" [id=712, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b3.6.bias" [id=713, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a5/b3/6/conv2d/0__1.0._scale_param_storage" [id=714, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=715, type="symmetric_quantize", metatype=UnknownMetatype]; +"a5/b3/6/conv2d/0" [id=716, type=conv2d, metatype=PTConv2dMetatype]; +"a5.b3.7.weight" [id=717, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b3.7.bias" [id=718, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b3.7.running_mean" [id=719, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b3.7.running_var" [id=720, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b3/7/batch_norm/0" [id=721, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a5/b3/8/relu_/0" [id=722, type="relu_", metatype=PTRELUMetatype]; +"a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=723, type="symmetric_quantize", metatype=UnknownMetatype]; +"a5/b4/0/max_pool2d/0" [id=724, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"a5.b4.1.weight" [id=725, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b4.1.bias" [id=726, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.a5/b4/1/conv2d/0__1.0._scale_param_storage" [id=727, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=728, type="symmetric_quantize", metatype=UnknownMetatype]; +"a5/b4/1/conv2d/0" [id=729, type=conv2d, metatype=PTConv2dMetatype]; +"a5.b4.2.weight" [id=730, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b4.2.bias" [id=731, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b4.2.running_mean" [id=732, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5.b4.2.running_var" [id=733, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"a5/b4/2/batch_norm/0" [id=734, type="batch_norm", metatype=PT2BatchNormMetatype]; +"a5/b4/3/relu_/0" [id=735, type="relu_", metatype=PTRELUMetatype]; +"a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=736, type="symmetric_quantize", metatype=UnknownMetatype]; +"a5/cat/0" [id=737, type=cat, metatype=PTCatMetatype]; +"b5.b1.0.weight" [id=738, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b1.0.bias" [id=739, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b5/b1/0/conv2d/0__1.0._scale_param_storage" [id=740, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=741, type="symmetric_quantize", metatype=UnknownMetatype]; +"b5/b1/0/conv2d/0" [id=742, type=conv2d, metatype=PTConv2dMetatype]; +"b5.b1.1.weight" [id=743, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b1.1.bias" [id=744, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b1.1.running_mean" [id=745, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b1.1.running_var" [id=746, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b1/1/batch_norm/0" [id=747, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b5/b1/2/relu_/0" [id=748, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b5/b1/2/relu_/0__0.0._scale_param_storage" [id=749, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" [id=750, type="symmetric_quantize", metatype=UnknownMetatype]; +"b5.b2.0.weight" [id=751, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b2.0.bias" [id=752, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b5/b2/0/conv2d/0__1.0._scale_param_storage" [id=753, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=754, type="symmetric_quantize", metatype=UnknownMetatype]; +"b5/b2/0/conv2d/0" [id=755, type=conv2d, metatype=PTConv2dMetatype]; +"b5.b2.1.weight" [id=756, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b2.1.bias" [id=757, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b2.1.running_mean" [id=758, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b2.1.running_var" [id=759, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b2/1/batch_norm/0" [id=760, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b5/b2/2/relu_/0" [id=761, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b5/b2/2/relu_/0__0.0._scale_param_storage" [id=762, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [id=763, type="symmetric_quantize", metatype=UnknownMetatype]; +"b5.b2.3.weight" [id=764, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b2.3.bias" [id=765, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b5/b2/3/conv2d/0__1.0._scale_param_storage" [id=766, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [id=767, type="symmetric_quantize", metatype=UnknownMetatype]; +"b5/b2/3/conv2d/0" [id=768, type=conv2d, metatype=PTConv2dMetatype]; +"b5.b2.4.weight" [id=769, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b2.4.bias" [id=770, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b2.4.running_mean" [id=771, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b2.4.running_var" [id=772, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b2/4/batch_norm/0" [id=773, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b5/b2/5/relu_/0" [id=774, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b5/b2/5/relu_/0__0.0._scale_param_storage" [id=775, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" [id=776, type="symmetric_quantize", metatype=UnknownMetatype]; +"b5.b3.0.weight" [id=777, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b3.0.bias" [id=778, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b5/b3/0/conv2d/0__1.0._scale_param_storage" [id=779, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=780, type="symmetric_quantize", metatype=UnknownMetatype]; +"b5/b3/0/conv2d/0" [id=781, type=conv2d, metatype=PTConv2dMetatype]; +"b5.b3.1.weight" [id=782, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b3.1.bias" [id=783, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b3.1.running_mean" [id=784, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b3.1.running_var" [id=785, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b3/1/batch_norm/0" [id=786, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b5/b3/2/relu_/0" [id=787, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b5/b3/2/relu_/0__0.0._scale_param_storage" [id=788, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [id=789, type="symmetric_quantize", metatype=UnknownMetatype]; +"b5.b3.3.weight" [id=790, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b3.3.bias" [id=791, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b5/b3/3/conv2d/0__1.0._scale_param_storage" [id=792, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [id=793, type="symmetric_quantize", metatype=UnknownMetatype]; +"b5/b3/3/conv2d/0" [id=794, type=conv2d, metatype=PTConv2dMetatype]; +"b5.b3.4.weight" [id=795, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b3.4.bias" [id=796, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b3.4.running_mean" [id=797, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b3.4.running_var" [id=798, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b3/4/batch_norm/0" [id=799, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b5/b3/5/relu_/0" [id=800, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b5/b3/5/relu_/0__0.0._scale_param_storage" [id=801, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [id=802, type="symmetric_quantize", metatype=UnknownMetatype]; +"b5.b3.6.weight" [id=803, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b3.6.bias" [id=804, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b5/b3/6/conv2d/0__1.0._scale_param_storage" [id=805, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [id=806, type="symmetric_quantize", metatype=UnknownMetatype]; +"b5/b3/6/conv2d/0" [id=807, type=conv2d, metatype=PTConv2dMetatype]; +"b5.b3.7.weight" [id=808, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b3.7.bias" [id=809, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b3.7.running_mean" [id=810, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b3.7.running_var" [id=811, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b3/7/batch_norm/0" [id=812, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b5/b3/8/relu_/0" [id=813, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b5/b3/8/relu_/0__0.0._scale_param_storage" [id=814, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [id=815, type="symmetric_quantize", metatype=UnknownMetatype]; +"b5/b4/0/max_pool2d/0" [id=816, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"b5.b4.1.weight" [id=817, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b4.1.bias" [id=818, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.b5/b4/1/conv2d/0__1.0._scale_param_storage" [id=819, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [id=820, type="symmetric_quantize", metatype=UnknownMetatype]; +"b5/b4/1/conv2d/0" [id=821, type=conv2d, metatype=PTConv2dMetatype]; +"b5.b4.2.weight" [id=822, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b4.2.bias" [id=823, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b4.2.running_mean" [id=824, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5.b4.2.running_var" [id=825, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b4/2/batch_norm/0" [id=826, type="batch_norm", metatype=PT2BatchNormMetatype]; +"b5/b4/3/relu_/0" [id=827, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.b5/b4/3/relu_/0__0.0._scale_param_storage" [id=828, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" [id=829, type="symmetric_quantize", metatype=UnknownMetatype]; +"b5/cat/0" [id=830, type=cat, metatype=PTCatMetatype]; +"avgpool/avg_pool2d/0" [id=831, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.avgpool/avg_pool2d/0__0.0._scale_param_storage" [id=832, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=833, type="symmetric_quantize", metatype=UnknownMetatype]; +"/view/0" [id=834, type=view, metatype=PTReshapeMetatype]; +"linear.weight" [id=835, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"linear.bias" [id=836, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=837, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=838, type="symmetric_quantize", metatype=UnknownMetatype]; +"linear/linear/0" [id=839, type=linear, metatype=PTLinearMetatype]; +output [id=840, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "pre_layers/0/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"pre_layers.0.weight" -> "pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 3, 3, 3)", out_port_id=0, in_port_id=0]; +"pre_layers.0.bias" -> "pre_layers/0/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.pre_layers/0/conv2d/0__1.0._scale_param_storage" -> "pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"pre_layers/0/pre_hook__pre_layers-0-conv2d-0__1[0]/symmetric_quantize/0" -> "pre_layers/0/conv2d/0" [dtype=float, shape="(192, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"pre_layers/0/conv2d/0" -> "pre_layers/1/batch_norm/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"pre_layers.1.weight" -> "pre_layers/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"pre_layers.1.bias" -> "pre_layers/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"pre_layers.1.running_mean" -> "pre_layers/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"pre_layers.1.running_var" -> "pre_layers/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"pre_layers/1/batch_norm/0" -> "pre_layers/2/relu_/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"pre_layers/2/relu_/0" -> "pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.pre_layers/2/relu_/0__0.0._scale_param_storage" -> "pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b1/0/conv2d/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b2/0/conv2d/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b3/0/conv2d/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"pre_layers/2/post_hook__pre_layers-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b4/0/max_pool2d/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"a3.b1.0.weight" -> "a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"a3.b1.0.bias" -> "a3/b1/0/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a3/b1/0/conv2d/0__1.0._scale_param_storage" -> "a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a3/b1/0/pre_hook__a3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b1/0/conv2d/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"a3/b1/0/conv2d/0" -> "a3/b1/1/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"a3.b1.1.weight" -> "a3/b1/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"a3.b1.1.bias" -> "a3/b1/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"a3.b1.1.running_mean" -> "a3/b1/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"a3.b1.1.running_var" -> "a3/b1/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"a3/b1/1/batch_norm/0" -> "a3/b1/2/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"a3/b1/2/relu_/0" -> "a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.a3/b2/5/relu_/0__0.0._scale_param_storage" -> "a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"a3/b1/2/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"a3.b2.0.weight" -> "a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"a3.b2.0.bias" -> "a3/b2/0/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a3/b2/0/conv2d/0__1.0._scale_param_storage" -> "a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a3/b2/0/pre_hook__a3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b2/0/conv2d/0" [dtype=float, shape="(96, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"a3/b2/0/conv2d/0" -> "a3/b2/1/batch_norm/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"a3.b2.1.weight" -> "a3/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"a3.b2.1.bias" -> "a3/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"a3.b2.1.running_mean" -> "a3/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"a3.b2.1.running_var" -> "a3/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"a3/b2/1/batch_norm/0" -> "a3/b2/2/relu_/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"a3/b2/2/relu_/0" -> "a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.a3/b2/2/relu_/0__0.0._scale_param_storage" -> "a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"a3/b2/2/post_hook__a3-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b2/3/conv2d/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"a3.b2.3.weight" -> "a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 96, 3, 3)", out_port_id=0, in_port_id=0]; +"a3.b2.3.bias" -> "a3/b2/3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a3/b2/3/conv2d/0__1.0._scale_param_storage" -> "a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a3/b2/3/pre_hook__a3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b2/3/conv2d/0" [dtype=float, shape="(128, 96, 3, 3)", out_port_id=0, in_port_id=1]; +"a3/b2/3/conv2d/0" -> "a3/b2/4/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"a3.b2.4.weight" -> "a3/b2/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"a3.b2.4.bias" -> "a3/b2/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"a3.b2.4.running_mean" -> "a3/b2/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"a3.b2.4.running_var" -> "a3/b2/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"a3/b2/4/batch_norm/0" -> "a3/b2/5/relu_/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"a3/b2/5/relu_/0" -> "a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"a3/b2/5/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=1]; +"a3.b3.0.weight" -> "a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"a3.b3.0.bias" -> "a3/b3/0/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a3/b3/0/conv2d/0__1.0._scale_param_storage" -> "a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a3/b3/0/pre_hook__a3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b3/0/conv2d/0" [dtype=float, shape="(16, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"a3/b3/0/conv2d/0" -> "a3/b3/1/batch_norm/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; +"a3.b3.1.weight" -> "a3/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; +"a3.b3.1.bias" -> "a3/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"a3.b3.1.running_mean" -> "a3/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; +"a3.b3.1.running_var" -> "a3/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; +"a3/b3/1/batch_norm/0" -> "a3/b3/2/relu_/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; +"a3/b3/2/relu_/0" -> "a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.a3/b3/2/relu_/0__0.0._scale_param_storage" -> "a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"a3/b3/2/post_hook__a3-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b3/3/conv2d/0" [dtype=float, shape="(1, 16, 32, 32)", out_port_id=0, in_port_id=0]; +"a3.b3.3.weight" -> "a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 16, 3, 3)", out_port_id=0, in_port_id=0]; +"a3.b3.3.bias" -> "a3/b3/3/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a3/b3/3/conv2d/0__1.0._scale_param_storage" -> "a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a3/b3/3/pre_hook__a3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b3/3/conv2d/0" [dtype=float, shape="(32, 16, 3, 3)", out_port_id=0, in_port_id=1]; +"a3/b3/3/conv2d/0" -> "a3/b3/4/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"a3.b3.4.weight" -> "a3/b3/4/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"a3.b3.4.bias" -> "a3/b3/4/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"a3.b3.4.running_mean" -> "a3/b3/4/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"a3.b3.4.running_var" -> "a3/b3/4/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"a3/b3/4/batch_norm/0" -> "a3/b3/5/relu_/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"a3/b3/5/relu_/0" -> "a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.a3/b3/5/relu_/0__0.0._scale_param_storage" -> "a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"a3/b3/5/post_hook__a3-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "a3/b3/6/conv2d/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"a3.b3.6.weight" -> "a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"a3.b3.6.bias" -> "a3/b3/6/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a3/b3/6/conv2d/0__1.0._scale_param_storage" -> "a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a3/b3/6/pre_hook__a3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b3/6/conv2d/0" [dtype=float, shape="(32, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"a3/b3/6/conv2d/0" -> "a3/b3/7/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"a3.b3.7.weight" -> "a3/b3/7/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"a3.b3.7.bias" -> "a3/b3/7/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"a3.b3.7.running_mean" -> "a3/b3/7/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"a3.b3.7.running_var" -> "a3/b3/7/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"a3/b3/7/batch_norm/0" -> "a3/b3/8/relu_/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"a3/b3/8/relu_/0" -> "a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"a3/b3/8/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=2]; +"a3/b4/0/max_pool2d/0" -> "a3/b4/1/conv2d/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"a3.b4.1.weight" -> "a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"a3.b4.1.bias" -> "a3/b4/1/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a3/b4/1/conv2d/0__1.0._scale_param_storage" -> "a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a3/b4/1/pre_hook__a3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "a3/b4/1/conv2d/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"a3/b4/1/conv2d/0" -> "a3/b4/2/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"a3.b4.2.weight" -> "a3/b4/2/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"a3.b4.2.bias" -> "a3/b4/2/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"a3.b4.2.running_mean" -> "a3/b4/2/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"a3.b4.2.running_var" -> "a3/b4/2/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"a3/b4/2/batch_norm/0" -> "a3/b4/3/relu_/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"a3/b4/3/relu_/0" -> "a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"a3/b4/3/post_hook__a3-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "a3/cat/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=3]; +"a3/cat/0" -> "b3/b1/0/conv2d/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; +"a3/cat/0" -> "b3/b2/0/conv2d/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; +"a3/cat/0" -> "b3/b3/0/conv2d/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; +"a3/cat/0" -> "b3/b4/0/max_pool2d/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; +"b3.b1.0.weight" -> "b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"b3.b1.0.bias" -> "b3/b1/0/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b3/b1/0/conv2d/0__1.0._scale_param_storage" -> "b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b3/b1/0/pre_hook__b3-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b1/0/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"b3/b1/0/conv2d/0" -> "b3/b1/1/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"b3.b1.1.weight" -> "b3/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"b3.b1.1.bias" -> "b3/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"b3.b1.1.running_mean" -> "b3/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"b3.b1.1.running_var" -> "b3/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"b3/b1/1/batch_norm/0" -> "b3/b1/2/relu_/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"b3/b1/2/relu_/0" -> "b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.b3/b1/2/relu_/0__0.0._scale_param_storage" -> "b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b3/b1/2/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"b3.b2.0.weight" -> "b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"b3.b2.0.bias" -> "b3/b2/0/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b3/b2/0/conv2d/0__1.0._scale_param_storage" -> "b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b3/b2/0/pre_hook__b3-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b2/0/conv2d/0" [dtype=float, shape="(128, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"b3/b2/0/conv2d/0" -> "b3/b2/1/batch_norm/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"b3.b2.1.weight" -> "b3/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"b3.b2.1.bias" -> "b3/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"b3.b2.1.running_mean" -> "b3/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"b3.b2.1.running_var" -> "b3/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"b3/b2/1/batch_norm/0" -> "b3/b2/2/relu_/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"b3/b2/2/relu_/0" -> "b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b3/b2/2/relu_/0__0.0._scale_param_storage" -> "b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b3/b2/2/post_hook__b3-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "b3/b2/3/conv2d/0" [dtype=float, shape="(1, 128, 32, 32)", out_port_id=0, in_port_id=0]; +"b3.b2.3.weight" -> "b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"b3.b2.3.bias" -> "b3/b2/3/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b3/b2/3/conv2d/0__1.0._scale_param_storage" -> "b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b3/b2/3/pre_hook__b3-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b2/3/conv2d/0" [dtype=float, shape="(192, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"b3/b2/3/conv2d/0" -> "b3/b2/4/batch_norm/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"b3.b2.4.weight" -> "b3/b2/4/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"b3.b2.4.bias" -> "b3/b2/4/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"b3.b2.4.running_mean" -> "b3/b2/4/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"b3.b2.4.running_var" -> "b3/b2/4/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"b3/b2/4/batch_norm/0" -> "b3/b2/5/relu_/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"b3/b2/5/relu_/0" -> "b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=0]; +"b3/b2/5/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, shape="(1, 192, 32, 32)", out_port_id=0, in_port_id=1]; +"b3.b3.0.weight" -> "b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"b3.b3.0.bias" -> "b3/b3/0/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b3/b3/0/conv2d/0__1.0._scale_param_storage" -> "b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b3/b3/0/pre_hook__b3-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b3/0/conv2d/0" [dtype=float, shape="(32, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"b3/b3/0/conv2d/0" -> "b3/b3/1/batch_norm/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"b3.b3.1.weight" -> "b3/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"b3.b3.1.bias" -> "b3/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"b3.b3.1.running_mean" -> "b3/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"b3.b3.1.running_var" -> "b3/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"b3/b3/1/batch_norm/0" -> "b3/b3/2/relu_/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"b3/b3/2/relu_/0" -> "b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b3/b3/2/relu_/0__0.0._scale_param_storage" -> "b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b3/b3/2/post_hook__b3-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "b3/b3/3/conv2d/0" [dtype=float, shape="(1, 32, 32, 32)", out_port_id=0, in_port_id=0]; +"b3.b3.3.weight" -> "b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"b3.b3.3.bias" -> "b3/b3/3/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b3/b3/3/conv2d/0__1.0._scale_param_storage" -> "b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b3/b3/3/pre_hook__b3-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b3/3/conv2d/0" [dtype=float, shape="(96, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"b3/b3/3/conv2d/0" -> "b3/b3/4/batch_norm/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"b3.b3.4.weight" -> "b3/b3/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"b3.b3.4.bias" -> "b3/b3/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"b3.b3.4.running_mean" -> "b3/b3/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"b3.b3.4.running_var" -> "b3/b3/4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"b3/b3/4/batch_norm/0" -> "b3/b3/5/relu_/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"b3/b3/5/relu_/0" -> "b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b3/b3/5/relu_/0__0.0._scale_param_storage" -> "b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b3/b3/5/post_hook__b3-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "b3/b3/6/conv2d/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"b3.b3.6.weight" -> "b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=0]; +"b3.b3.6.bias" -> "b3/b3/6/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b3/b3/6/conv2d/0__1.0._scale_param_storage" -> "b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b3/b3/6/pre_hook__b3-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b3/6/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; +"b3/b3/6/conv2d/0" -> "b3/b3/7/batch_norm/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"b3.b3.7.weight" -> "b3/b3/7/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"b3.b3.7.bias" -> "b3/b3/7/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"b3.b3.7.running_mean" -> "b3/b3/7/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"b3.b3.7.running_var" -> "b3/b3/7/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"b3/b3/7/batch_norm/0" -> "b3/b3/8/relu_/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"b3/b3/8/relu_/0" -> "b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=0]; +"b3/b3/8/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, shape="(1, 96, 32, 32)", out_port_id=0, in_port_id=2]; +"b3/b4/0/max_pool2d/0" -> "b3/b4/1/conv2d/0" [dtype=float, shape="(1, 256, 32, 32)", out_port_id=0, in_port_id=0]; +"b3.b4.1.weight" -> "b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"b3.b4.1.bias" -> "b3/b4/1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b3/b4/1/conv2d/0__1.0._scale_param_storage" -> "b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b3/b4/1/pre_hook__b3-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "b3/b4/1/conv2d/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"b3/b4/1/conv2d/0" -> "b3/b4/2/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"b3.b4.2.weight" -> "b3/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"b3.b4.2.bias" -> "b3/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"b3.b4.2.running_mean" -> "b3/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"b3.b4.2.running_var" -> "b3/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"b3/b4/2/batch_norm/0" -> "b3/b4/3/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"b3/b4/3/relu_/0" -> "b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"b3/b4/3/post_hook__b3-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b3/cat/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=3]; +"b3/cat/0" -> "maxpool/max_pool2d/0" [dtype=float, shape="(1, 480, 32, 32)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/0" -> "a4/b1/0/conv2d/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/0" -> "a4/b2/0/conv2d/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/0" -> "a4/b3/0/conv2d/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/0" -> "a4/b4/0/max_pool2d/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; +"a4.b1.0.weight" -> "a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"a4.b1.0.bias" -> "a4/b1/0/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a4/b1/0/conv2d/0__1.0._scale_param_storage" -> "a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a4/b1/0/pre_hook__a4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b1/0/conv2d/0" [dtype=float, shape="(192, 480, 1, 1)", out_port_id=0, in_port_id=1]; +"a4/b1/0/conv2d/0" -> "a4/b1/1/batch_norm/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; +"a4.b1.1.weight" -> "a4/b1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"a4.b1.1.bias" -> "a4/b1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"a4.b1.1.running_mean" -> "a4/b1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"a4.b1.1.running_var" -> "a4/b1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"a4/b1/1/batch_norm/0" -> "a4/b1/2/relu_/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; +"a4/b1/2/relu_/0" -> "a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.a4/b2/5/relu_/0__0.0._scale_param_storage" -> "a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"a4/b1/2/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, shape="(1, 192, 16, 16)", out_port_id=0, in_port_id=0]; +"a4.b2.0.weight" -> "a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"a4.b2.0.bias" -> "a4/b2/0/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a4/b2/0/conv2d/0__1.0._scale_param_storage" -> "a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a4/b2/0/pre_hook__a4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b2/0/conv2d/0" [dtype=float, shape="(96, 480, 1, 1)", out_port_id=0, in_port_id=1]; +"a4/b2/0/conv2d/0" -> "a4/b2/1/batch_norm/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"a4.b2.1.weight" -> "a4/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"a4.b2.1.bias" -> "a4/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"a4.b2.1.running_mean" -> "a4/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"a4.b2.1.running_var" -> "a4/b2/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"a4/b2/1/batch_norm/0" -> "a4/b2/2/relu_/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"a4/b2/2/relu_/0" -> "a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.a4/b2/2/relu_/0__0.0._scale_param_storage" -> "a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"a4/b2/2/post_hook__a4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "a4/b2/3/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"a4.b2.3.weight" -> "a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(208, 96, 3, 3)", out_port_id=0, in_port_id=0]; +"a4.b2.3.bias" -> "a4/b2/3/conv2d/0" [dtype=float, shape="(208,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a4/b2/3/conv2d/0__1.0._scale_param_storage" -> "a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(208, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a4/b2/3/pre_hook__a4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b2/3/conv2d/0" [dtype=float, shape="(208, 96, 3, 3)", out_port_id=0, in_port_id=1]; +"a4/b2/3/conv2d/0" -> "a4/b2/4/batch_norm/0" [dtype=float, shape="(1, 208, 16, 16)", out_port_id=0, in_port_id=0]; +"a4.b2.4.weight" -> "a4/b2/4/batch_norm/0" [dtype=float, shape="(208,)", out_port_id=0, in_port_id=1]; +"a4.b2.4.bias" -> "a4/b2/4/batch_norm/0" [dtype=float, shape="(208,)", out_port_id=0, in_port_id=2]; +"a4.b2.4.running_mean" -> "a4/b2/4/batch_norm/0" [dtype=float, shape="(208,)", out_port_id=0, in_port_id=3]; +"a4.b2.4.running_var" -> "a4/b2/4/batch_norm/0" [dtype=float, shape="(208,)", out_port_id=0, in_port_id=4]; +"a4/b2/4/batch_norm/0" -> "a4/b2/5/relu_/0" [dtype=float, shape="(1, 208, 16, 16)", out_port_id=0, in_port_id=0]; +"a4/b2/5/relu_/0" -> "a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 208, 16, 16)", out_port_id=0, in_port_id=0]; +"a4/b2/5/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, shape="(1, 208, 16, 16)", out_port_id=0, in_port_id=1]; +"a4.b3.0.weight" -> "a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"a4.b3.0.bias" -> "a4/b3/0/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a4/b3/0/conv2d/0__1.0._scale_param_storage" -> "a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a4/b3/0/pre_hook__a4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b3/0/conv2d/0" [dtype=float, shape="(16, 480, 1, 1)", out_port_id=0, in_port_id=1]; +"a4/b3/0/conv2d/0" -> "a4/b3/1/batch_norm/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"a4.b3.1.weight" -> "a4/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; +"a4.b3.1.bias" -> "a4/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"a4.b3.1.running_mean" -> "a4/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; +"a4.b3.1.running_var" -> "a4/b3/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; +"a4/b3/1/batch_norm/0" -> "a4/b3/2/relu_/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"a4/b3/2/relu_/0" -> "a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.a4/b3/2/relu_/0__0.0._scale_param_storage" -> "a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"a4/b3/2/post_hook__a4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "a4/b3/3/conv2d/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"a4.b3.3.weight" -> "a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 16, 3, 3)", out_port_id=0, in_port_id=0]; +"a4.b3.3.bias" -> "a4/b3/3/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a4/b3/3/conv2d/0__1.0._scale_param_storage" -> "a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a4/b3/3/pre_hook__a4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b3/3/conv2d/0" [dtype=float, shape="(48, 16, 3, 3)", out_port_id=0, in_port_id=1]; +"a4/b3/3/conv2d/0" -> "a4/b3/4/batch_norm/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"a4.b3.4.weight" -> "a4/b3/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"a4.b3.4.bias" -> "a4/b3/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"a4.b3.4.running_mean" -> "a4/b3/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"a4.b3.4.running_var" -> "a4/b3/4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"a4/b3/4/batch_norm/0" -> "a4/b3/5/relu_/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"a4/b3/5/relu_/0" -> "a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.a4/b3/5/relu_/0__0.0._scale_param_storage" -> "a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"a4/b3/5/post_hook__a4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "a4/b3/6/conv2d/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"a4.b3.6.weight" -> "a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 3, 3)", out_port_id=0, in_port_id=0]; +"a4.b3.6.bias" -> "a4/b3/6/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a4/b3/6/conv2d/0__1.0._scale_param_storage" -> "a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a4/b3/6/pre_hook__a4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b3/6/conv2d/0" [dtype=float, shape="(48, 48, 3, 3)", out_port_id=0, in_port_id=1]; +"a4/b3/6/conv2d/0" -> "a4/b3/7/batch_norm/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"a4.b3.7.weight" -> "a4/b3/7/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"a4.b3.7.bias" -> "a4/b3/7/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"a4.b3.7.running_mean" -> "a4/b3/7/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"a4.b3.7.running_var" -> "a4/b3/7/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"a4/b3/7/batch_norm/0" -> "a4/b3/8/relu_/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"a4/b3/8/relu_/0" -> "a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"a4/b3/8/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=2]; +"a4/b4/0/max_pool2d/0" -> "a4/b4/1/conv2d/0" [dtype=float, shape="(1, 480, 16, 16)", out_port_id=0, in_port_id=0]; +"a4.b4.1.weight" -> "a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 480, 1, 1)", out_port_id=0, in_port_id=0]; +"a4.b4.1.bias" -> "a4/b4/1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a4/b4/1/conv2d/0__1.0._scale_param_storage" -> "a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a4/b4/1/pre_hook__a4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "a4/b4/1/conv2d/0" [dtype=float, shape="(64, 480, 1, 1)", out_port_id=0, in_port_id=1]; +"a4/b4/1/conv2d/0" -> "a4/b4/2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"a4.b4.2.weight" -> "a4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"a4.b4.2.bias" -> "a4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"a4.b4.2.running_mean" -> "a4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"a4.b4.2.running_var" -> "a4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"a4/b4/2/batch_norm/0" -> "a4/b4/3/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"a4/b4/3/relu_/0" -> "a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"a4/b4/3/post_hook__a4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "a4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=3]; +"a4/cat/0" -> "b4/b1/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"a4/cat/0" -> "b4/b2/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"a4/cat/0" -> "b4/b3/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"a4/cat/0" -> "b4/b4/0/max_pool2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"b4.b1.0.weight" -> "b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"b4.b1.0.bias" -> "b4/b1/0/conv2d/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b4/b1/0/conv2d/0__1.0._scale_param_storage" -> "b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b4/b1/0/pre_hook__b4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b1/0/conv2d/0" [dtype=float, shape="(160, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"b4/b1/0/conv2d/0" -> "b4/b1/1/batch_norm/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"b4.b1.1.weight" -> "b4/b1/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"b4.b1.1.bias" -> "b4/b1/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"b4.b1.1.running_mean" -> "b4/b1/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"b4.b1.1.running_var" -> "b4/b1/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"b4/b1/1/batch_norm/0" -> "b4/b1/2/relu_/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"b4/b1/2/relu_/0" -> "b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.b4/b1/2/relu_/0__0.0._scale_param_storage" -> "b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b4/b1/2/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"b4.b2.0.weight" -> "b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(112, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"b4.b2.0.bias" -> "b4/b2/0/conv2d/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b4/b2/0/conv2d/0__1.0._scale_param_storage" -> "b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(112, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b4/b2/0/pre_hook__b4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b2/0/conv2d/0" [dtype=float, shape="(112, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"b4/b2/0/conv2d/0" -> "b4/b2/1/batch_norm/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; +"b4.b2.1.weight" -> "b4/b2/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=1]; +"b4.b2.1.bias" -> "b4/b2/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=2]; +"b4.b2.1.running_mean" -> "b4/b2/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=3]; +"b4.b2.1.running_var" -> "b4/b2/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=4]; +"b4/b2/1/batch_norm/0" -> "b4/b2/2/relu_/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; +"b4/b2/2/relu_/0" -> "b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b4/b2/2/relu_/0__0.0._scale_param_storage" -> "b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b4/b2/2/post_hook__b4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "b4/b2/3/conv2d/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; +"b4.b2.3.weight" -> "b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(224, 112, 3, 3)", out_port_id=0, in_port_id=0]; +"b4.b2.3.bias" -> "b4/b2/3/conv2d/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b4/b2/3/conv2d/0__1.0._scale_param_storage" -> "b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(224, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b4/b2/3/pre_hook__b4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b2/3/conv2d/0" [dtype=float, shape="(224, 112, 3, 3)", out_port_id=0, in_port_id=1]; +"b4/b2/3/conv2d/0" -> "b4/b2/4/batch_norm/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; +"b4.b2.4.weight" -> "b4/b2/4/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=1]; +"b4.b2.4.bias" -> "b4/b2/4/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=2]; +"b4.b2.4.running_mean" -> "b4/b2/4/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=3]; +"b4.b2.4.running_var" -> "b4/b2/4/batch_norm/0" [dtype=float, shape="(224,)", out_port_id=0, in_port_id=4]; +"b4/b2/4/batch_norm/0" -> "b4/b2/5/relu_/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; +"b4/b2/5/relu_/0" -> "b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=0]; +"b4/b2/5/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, shape="(1, 224, 16, 16)", out_port_id=0, in_port_id=1]; +"b4.b3.0.weight" -> "b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"b4.b3.0.bias" -> "b4/b3/0/conv2d/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b4/b3/0/conv2d/0__1.0._scale_param_storage" -> "b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b4/b3/0/pre_hook__b4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b3/0/conv2d/0" [dtype=float, shape="(24, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"b4/b3/0/conv2d/0" -> "b4/b3/1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"b4.b3.1.weight" -> "b4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"b4.b3.1.bias" -> "b4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"b4.b3.1.running_mean" -> "b4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"b4.b3.1.running_var" -> "b4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"b4/b3/1/batch_norm/0" -> "b4/b3/2/relu_/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"b4/b3/2/relu_/0" -> "b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b4/b3/2/relu_/0__0.0._scale_param_storage" -> "b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b4/b3/2/post_hook__b4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "b4/b3/3/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"b4.b3.3.weight" -> "b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 24, 3, 3)", out_port_id=0, in_port_id=0]; +"b4.b3.3.bias" -> "b4/b3/3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b4/b3/3/conv2d/0__1.0._scale_param_storage" -> "b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b4/b3/3/pre_hook__b4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b3/3/conv2d/0" [dtype=float, shape="(64, 24, 3, 3)", out_port_id=0, in_port_id=1]; +"b4/b3/3/conv2d/0" -> "b4/b3/4/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"b4.b3.4.weight" -> "b4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"b4.b3.4.bias" -> "b4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"b4.b3.4.running_mean" -> "b4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"b4.b3.4.running_var" -> "b4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"b4/b3/4/batch_norm/0" -> "b4/b3/5/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"b4/b3/5/relu_/0" -> "b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b4/b3/5/relu_/0__0.0._scale_param_storage" -> "b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b4/b3/5/post_hook__b4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "b4/b3/6/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"b4.b3.6.weight" -> "b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"b4.b3.6.bias" -> "b4/b3/6/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b4/b3/6/conv2d/0__1.0._scale_param_storage" -> "b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b4/b3/6/pre_hook__b4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b3/6/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"b4/b3/6/conv2d/0" -> "b4/b3/7/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"b4.b3.7.weight" -> "b4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"b4.b3.7.bias" -> "b4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"b4.b3.7.running_mean" -> "b4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"b4.b3.7.running_var" -> "b4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"b4/b3/7/batch_norm/0" -> "b4/b3/8/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"b4/b3/8/relu_/0" -> "b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"b4/b3/8/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=2]; +"b4/b4/0/max_pool2d/0" -> "b4/b4/1/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"b4.b4.1.weight" -> "b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"b4.b4.1.bias" -> "b4/b4/1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b4/b4/1/conv2d/0__1.0._scale_param_storage" -> "b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b4/b4/1/pre_hook__b4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "b4/b4/1/conv2d/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"b4/b4/1/conv2d/0" -> "b4/b4/2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"b4.b4.2.weight" -> "b4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"b4.b4.2.bias" -> "b4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"b4.b4.2.running_mean" -> "b4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"b4.b4.2.running_var" -> "b4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"b4/b4/2/batch_norm/0" -> "b4/b4/3/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"b4/b4/3/relu_/0" -> "b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"b4/b4/3/post_hook__b4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=3]; +"b4/cat/0" -> "c4/b1/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"b4/cat/0" -> "c4/b2/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"b4/cat/0" -> "c4/b3/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"b4/cat/0" -> "c4/b4/0/max_pool2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"c4.b1.0.weight" -> "c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"c4.b1.0.bias" -> "c4/b1/0/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.c4/b1/0/conv2d/0__1.0._scale_param_storage" -> "c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"c4/b1/0/pre_hook__c4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b1/0/conv2d/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"c4/b1/0/conv2d/0" -> "c4/b1/1/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"c4.b1.1.weight" -> "c4/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"c4.b1.1.bias" -> "c4/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"c4.b1.1.running_mean" -> "c4/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"c4.b1.1.running_var" -> "c4/b1/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"c4/b1/1/batch_norm/0" -> "c4/b1/2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"c4/b1/2/relu_/0" -> "c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.c4/b2/5/relu_/0__0.0._scale_param_storage" -> "c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"c4/b1/2/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"c4.b2.0.weight" -> "c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"c4.b2.0.bias" -> "c4/b2/0/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.c4/b2/0/conv2d/0__1.0._scale_param_storage" -> "c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"c4/b2/0/pre_hook__c4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b2/0/conv2d/0" [dtype=float, shape="(128, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"c4/b2/0/conv2d/0" -> "c4/b2/1/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"c4.b2.1.weight" -> "c4/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"c4.b2.1.bias" -> "c4/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"c4.b2.1.running_mean" -> "c4/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"c4.b2.1.running_var" -> "c4/b2/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"c4/b2/1/batch_norm/0" -> "c4/b2/2/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"c4/b2/2/relu_/0" -> "c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.c4/b2/2/relu_/0__0.0._scale_param_storage" -> "c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"c4/b2/2/post_hook__c4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/b2/3/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"c4.b2.3.weight" -> "c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"c4.b2.3.bias" -> "c4/b2/3/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.c4/b2/3/conv2d/0__1.0._scale_param_storage" -> "c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"c4/b2/3/pre_hook__c4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b2/3/conv2d/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"c4/b2/3/conv2d/0" -> "c4/b2/4/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"c4.b2.4.weight" -> "c4/b2/4/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"c4.b2.4.bias" -> "c4/b2/4/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"c4.b2.4.running_mean" -> "c4/b2/4/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"c4.b2.4.running_var" -> "c4/b2/4/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"c4/b2/4/batch_norm/0" -> "c4/b2/5/relu_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"c4/b2/5/relu_/0" -> "c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"c4/b2/5/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=1]; +"c4.b3.0.weight" -> "c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"c4.b3.0.bias" -> "c4/b3/0/conv2d/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.c4/b3/0/conv2d/0__1.0._scale_param_storage" -> "c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"c4/b3/0/pre_hook__c4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b3/0/conv2d/0" [dtype=float, shape="(24, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"c4/b3/0/conv2d/0" -> "c4/b3/1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"c4.b3.1.weight" -> "c4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"c4.b3.1.bias" -> "c4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"c4.b3.1.running_mean" -> "c4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"c4.b3.1.running_var" -> "c4/b3/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"c4/b3/1/batch_norm/0" -> "c4/b3/2/relu_/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"c4/b3/2/relu_/0" -> "c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.c4/b3/2/relu_/0__0.0._scale_param_storage" -> "c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"c4/b3/2/post_hook__c4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/b3/3/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"c4.b3.3.weight" -> "c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 24, 3, 3)", out_port_id=0, in_port_id=0]; +"c4.b3.3.bias" -> "c4/b3/3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.c4/b3/3/conv2d/0__1.0._scale_param_storage" -> "c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"c4/b3/3/pre_hook__c4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b3/3/conv2d/0" [dtype=float, shape="(64, 24, 3, 3)", out_port_id=0, in_port_id=1]; +"c4/b3/3/conv2d/0" -> "c4/b3/4/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"c4.b3.4.weight" -> "c4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"c4.b3.4.bias" -> "c4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"c4.b3.4.running_mean" -> "c4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"c4.b3.4.running_var" -> "c4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"c4/b3/4/batch_norm/0" -> "c4/b3/5/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"c4/b3/5/relu_/0" -> "c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.c4/b3/5/relu_/0__0.0._scale_param_storage" -> "c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"c4/b3/5/post_hook__c4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "c4/b3/6/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"c4.b3.6.weight" -> "c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"c4.b3.6.bias" -> "c4/b3/6/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.c4/b3/6/conv2d/0__1.0._scale_param_storage" -> "c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"c4/b3/6/pre_hook__c4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b3/6/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"c4/b3/6/conv2d/0" -> "c4/b3/7/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"c4.b3.7.weight" -> "c4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"c4.b3.7.bias" -> "c4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"c4.b3.7.running_mean" -> "c4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"c4.b3.7.running_var" -> "c4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"c4/b3/7/batch_norm/0" -> "c4/b3/8/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"c4/b3/8/relu_/0" -> "c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"c4/b3/8/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=2]; +"c4/b4/0/max_pool2d/0" -> "c4/b4/1/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"c4.b4.1.weight" -> "c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"c4.b4.1.bias" -> "c4/b4/1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.c4/b4/1/conv2d/0__1.0._scale_param_storage" -> "c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"c4/b4/1/pre_hook__c4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "c4/b4/1/conv2d/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"c4/b4/1/conv2d/0" -> "c4/b4/2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"c4.b4.2.weight" -> "c4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"c4.b4.2.bias" -> "c4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"c4.b4.2.running_mean" -> "c4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"c4.b4.2.running_var" -> "c4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"c4/b4/2/batch_norm/0" -> "c4/b4/3/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"c4/b4/3/relu_/0" -> "c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"c4/b4/3/post_hook__c4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "c4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=3]; +"c4/cat/0" -> "d4/b1/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"c4/cat/0" -> "d4/b2/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"c4/cat/0" -> "d4/b3/0/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"c4/cat/0" -> "d4/b4/0/max_pool2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"d4.b1.0.weight" -> "d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(112, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"d4.b1.0.bias" -> "d4/b1/0/conv2d/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.d4/b1/0/conv2d/0__1.0._scale_param_storage" -> "d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(112, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"d4/b1/0/pre_hook__d4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b1/0/conv2d/0" [dtype=float, shape="(112, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"d4/b1/0/conv2d/0" -> "d4/b1/1/batch_norm/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; +"d4.b1.1.weight" -> "d4/b1/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=1]; +"d4.b1.1.bias" -> "d4/b1/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=2]; +"d4.b1.1.running_mean" -> "d4/b1/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=3]; +"d4.b1.1.running_var" -> "d4/b1/1/batch_norm/0" [dtype=float, shape="(112,)", out_port_id=0, in_port_id=4]; +"d4/b1/1/batch_norm/0" -> "d4/b1/2/relu_/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; +"d4/b1/2/relu_/0" -> "d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.d4/b2/5/relu_/0__0.0._scale_param_storage" -> "d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"d4/b1/2/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, shape="(1, 112, 16, 16)", out_port_id=0, in_port_id=0]; +"d4.b2.0.weight" -> "d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"d4.b2.0.bias" -> "d4/b2/0/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.d4/b2/0/conv2d/0__1.0._scale_param_storage" -> "d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"d4/b2/0/pre_hook__d4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b2/0/conv2d/0" [dtype=float, shape="(144, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"d4/b2/0/conv2d/0" -> "d4/b2/1/batch_norm/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"d4.b2.1.weight" -> "d4/b2/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"d4.b2.1.bias" -> "d4/b2/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"d4.b2.1.running_mean" -> "d4/b2/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"d4.b2.1.running_var" -> "d4/b2/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"d4/b2/1/batch_norm/0" -> "d4/b2/2/relu_/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"d4/b2/2/relu_/0" -> "d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.d4/b2/2/relu_/0__0.0._scale_param_storage" -> "d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"d4/b2/2/post_hook__d4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/b2/3/conv2d/0" [dtype=float, shape="(1, 144, 16, 16)", out_port_id=0, in_port_id=0]; +"d4.b2.3.weight" -> "d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(288, 144, 3, 3)", out_port_id=0, in_port_id=0]; +"d4.b2.3.bias" -> "d4/b2/3/conv2d/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.d4/b2/3/conv2d/0__1.0._scale_param_storage" -> "d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(288, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"d4/b2/3/pre_hook__d4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b2/3/conv2d/0" [dtype=float, shape="(288, 144, 3, 3)", out_port_id=0, in_port_id=1]; +"d4/b2/3/conv2d/0" -> "d4/b2/4/batch_norm/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=0]; +"d4.b2.4.weight" -> "d4/b2/4/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; +"d4.b2.4.bias" -> "d4/b2/4/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; +"d4.b2.4.running_mean" -> "d4/b2/4/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; +"d4.b2.4.running_var" -> "d4/b2/4/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; +"d4/b2/4/batch_norm/0" -> "d4/b2/5/relu_/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=0]; +"d4/b2/5/relu_/0" -> "d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=0]; +"d4/b2/5/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, shape="(1, 288, 16, 16)", out_port_id=0, in_port_id=1]; +"d4.b3.0.weight" -> "d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"d4.b3.0.bias" -> "d4/b3/0/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.d4/b3/0/conv2d/0__1.0._scale_param_storage" -> "d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"d4/b3/0/pre_hook__d4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b3/0/conv2d/0" [dtype=float, shape="(32, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"d4/b3/0/conv2d/0" -> "d4/b3/1/batch_norm/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"d4.b3.1.weight" -> "d4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"d4.b3.1.bias" -> "d4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"d4.b3.1.running_mean" -> "d4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"d4.b3.1.running_var" -> "d4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"d4/b3/1/batch_norm/0" -> "d4/b3/2/relu_/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"d4/b3/2/relu_/0" -> "d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.d4/b3/2/relu_/0__0.0._scale_param_storage" -> "d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"d4/b3/2/post_hook__d4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/b3/3/conv2d/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"d4.b3.3.weight" -> "d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"d4.b3.3.bias" -> "d4/b3/3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.d4/b3/3/conv2d/0__1.0._scale_param_storage" -> "d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"d4/b3/3/pre_hook__d4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b3/3/conv2d/0" [dtype=float, shape="(64, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"d4/b3/3/conv2d/0" -> "d4/b3/4/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"d4.b3.4.weight" -> "d4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"d4.b3.4.bias" -> "d4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"d4.b3.4.running_mean" -> "d4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"d4.b3.4.running_var" -> "d4/b3/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"d4/b3/4/batch_norm/0" -> "d4/b3/5/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"d4/b3/5/relu_/0" -> "d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.d4/b3/5/relu_/0__0.0._scale_param_storage" -> "d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"d4/b3/5/post_hook__d4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "d4/b3/6/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"d4.b3.6.weight" -> "d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"d4.b3.6.bias" -> "d4/b3/6/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.d4/b3/6/conv2d/0__1.0._scale_param_storage" -> "d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"d4/b3/6/pre_hook__d4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b3/6/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"d4/b3/6/conv2d/0" -> "d4/b3/7/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"d4.b3.7.weight" -> "d4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"d4.b3.7.bias" -> "d4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"d4.b3.7.running_mean" -> "d4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"d4.b3.7.running_var" -> "d4/b3/7/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"d4/b3/7/batch_norm/0" -> "d4/b3/8/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"d4/b3/8/relu_/0" -> "d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"d4/b3/8/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=2]; +"d4/b4/0/max_pool2d/0" -> "d4/b4/1/conv2d/0" [dtype=float, shape="(1, 512, 16, 16)", out_port_id=0, in_port_id=0]; +"d4.b4.1.weight" -> "d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"d4.b4.1.bias" -> "d4/b4/1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.d4/b4/1/conv2d/0__1.0._scale_param_storage" -> "d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"d4/b4/1/pre_hook__d4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "d4/b4/1/conv2d/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"d4/b4/1/conv2d/0" -> "d4/b4/2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"d4.b4.2.weight" -> "d4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"d4.b4.2.bias" -> "d4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"d4.b4.2.running_mean" -> "d4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"d4.b4.2.running_var" -> "d4/b4/2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"d4/b4/2/batch_norm/0" -> "d4/b4/3/relu_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"d4/b4/3/relu_/0" -> "d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"d4/b4/3/post_hook__d4-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "d4/cat/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=3]; +"d4/cat/0" -> "e4/b1/0/conv2d/0" [dtype=float, shape="(1, 528, 16, 16)", out_port_id=0, in_port_id=0]; +"d4/cat/0" -> "e4/b2/0/conv2d/0" [dtype=float, shape="(1, 528, 16, 16)", out_port_id=0, in_port_id=0]; +"d4/cat/0" -> "e4/b3/0/conv2d/0" [dtype=float, shape="(1, 528, 16, 16)", out_port_id=0, in_port_id=0]; +"d4/cat/0" -> "e4/b4/0/max_pool2d/0" [dtype=float, shape="(1, 528, 16, 16)", out_port_id=0, in_port_id=0]; +"e4.b1.0.weight" -> "e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 528, 1, 1)", out_port_id=0, in_port_id=0]; +"e4.b1.0.bias" -> "e4/b1/0/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.e4/b1/0/conv2d/0__1.0._scale_param_storage" -> "e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"e4/b1/0/pre_hook__e4-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b1/0/conv2d/0" [dtype=float, shape="(256, 528, 1, 1)", out_port_id=0, in_port_id=1]; +"e4/b1/0/conv2d/0" -> "e4/b1/1/batch_norm/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"e4.b1.1.weight" -> "e4/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"e4.b1.1.bias" -> "e4/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"e4.b1.1.running_mean" -> "e4/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"e4.b1.1.running_var" -> "e4/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"e4/b1/1/batch_norm/0" -> "e4/b1/2/relu_/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"e4/b1/2/relu_/0" -> "e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.e4/b1/2/relu_/0__0.0._scale_param_storage" -> "e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"e4/b1/2/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, shape="(1, 256, 16, 16)", out_port_id=0, in_port_id=0]; +"e4.b2.0.weight" -> "e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 528, 1, 1)", out_port_id=0, in_port_id=0]; +"e4.b2.0.bias" -> "e4/b2/0/conv2d/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.e4/b2/0/conv2d/0__1.0._scale_param_storage" -> "e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"e4/b2/0/pre_hook__e4-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b2/0/conv2d/0" [dtype=float, shape="(160, 528, 1, 1)", out_port_id=0, in_port_id=1]; +"e4/b2/0/conv2d/0" -> "e4/b2/1/batch_norm/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"e4.b2.1.weight" -> "e4/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"e4.b2.1.bias" -> "e4/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"e4.b2.1.running_mean" -> "e4/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"e4.b2.1.running_var" -> "e4/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"e4/b2/1/batch_norm/0" -> "e4/b2/2/relu_/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"e4/b2/2/relu_/0" -> "e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.e4/b2/2/relu_/0__0.0._scale_param_storage" -> "e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"e4/b2/2/post_hook__e4-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "e4/b2/3/conv2d/0" [dtype=float, shape="(1, 160, 16, 16)", out_port_id=0, in_port_id=0]; +"e4.b2.3.weight" -> "e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 160, 3, 3)", out_port_id=0, in_port_id=0]; +"e4.b2.3.bias" -> "e4/b2/3/conv2d/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.e4/b2/3/conv2d/0__1.0._scale_param_storage" -> "e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"e4/b2/3/pre_hook__e4-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b2/3/conv2d/0" [dtype=float, shape="(320, 160, 3, 3)", out_port_id=0, in_port_id=1]; +"e4/b2/3/conv2d/0" -> "e4/b2/4/batch_norm/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=0]; +"e4.b2.4.weight" -> "e4/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"e4.b2.4.bias" -> "e4/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"e4.b2.4.running_mean" -> "e4/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"e4.b2.4.running_var" -> "e4/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"e4/b2/4/batch_norm/0" -> "e4/b2/5/relu_/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=0]; +"e4/b2/5/relu_/0" -> "e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=0]; +"e4/b2/5/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, shape="(1, 320, 16, 16)", out_port_id=0, in_port_id=1]; +"e4.b3.0.weight" -> "e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 528, 1, 1)", out_port_id=0, in_port_id=0]; +"e4.b3.0.bias" -> "e4/b3/0/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.e4/b3/0/conv2d/0__1.0._scale_param_storage" -> "e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"e4/b3/0/pre_hook__e4-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b3/0/conv2d/0" [dtype=float, shape="(32, 528, 1, 1)", out_port_id=0, in_port_id=1]; +"e4/b3/0/conv2d/0" -> "e4/b3/1/batch_norm/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"e4.b3.1.weight" -> "e4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"e4.b3.1.bias" -> "e4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"e4.b3.1.running_mean" -> "e4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"e4.b3.1.running_var" -> "e4/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"e4/b3/1/batch_norm/0" -> "e4/b3/2/relu_/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"e4/b3/2/relu_/0" -> "e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.e4/b3/2/relu_/0__0.0._scale_param_storage" -> "e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"e4/b3/2/post_hook__e4-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "e4/b3/3/conv2d/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"e4.b3.3.weight" -> "e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"e4.b3.3.bias" -> "e4/b3/3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.e4/b3/3/conv2d/0__1.0._scale_param_storage" -> "e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"e4/b3/3/pre_hook__e4-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b3/3/conv2d/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"e4/b3/3/conv2d/0" -> "e4/b3/4/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"e4.b3.4.weight" -> "e4/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"e4.b3.4.bias" -> "e4/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"e4.b3.4.running_mean" -> "e4/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"e4.b3.4.running_var" -> "e4/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"e4/b3/4/batch_norm/0" -> "e4/b3/5/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"e4/b3/5/relu_/0" -> "e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.e4/b3/5/relu_/0__0.0._scale_param_storage" -> "e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"e4/b3/5/post_hook__e4-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "e4/b3/6/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"e4.b3.6.weight" -> "e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"e4.b3.6.bias" -> "e4/b3/6/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.e4/b3/6/conv2d/0__1.0._scale_param_storage" -> "e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"e4/b3/6/pre_hook__e4-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b3/6/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"e4/b3/6/conv2d/0" -> "e4/b3/7/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"e4.b3.7.weight" -> "e4/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"e4.b3.7.bias" -> "e4/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"e4.b3.7.running_mean" -> "e4/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"e4.b3.7.running_var" -> "e4/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"e4/b3/7/batch_norm/0" -> "e4/b3/8/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"e4/b3/8/relu_/0" -> "e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"e4/b3/8/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=2]; +"e4/b4/0/max_pool2d/0" -> "e4/b4/1/conv2d/0" [dtype=float, shape="(1, 528, 16, 16)", out_port_id=0, in_port_id=0]; +"e4.b4.1.weight" -> "e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 528, 1, 1)", out_port_id=0, in_port_id=0]; +"e4.b4.1.bias" -> "e4/b4/1/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.e4/b4/1/conv2d/0__1.0._scale_param_storage" -> "e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"e4/b4/1/pre_hook__e4-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "e4/b4/1/conv2d/0" [dtype=float, shape="(128, 528, 1, 1)", out_port_id=0, in_port_id=1]; +"e4/b4/1/conv2d/0" -> "e4/b4/2/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"e4.b4.2.weight" -> "e4/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"e4.b4.2.bias" -> "e4/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"e4.b4.2.running_mean" -> "e4/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"e4.b4.2.running_var" -> "e4/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"e4/b4/2/batch_norm/0" -> "e4/b4/3/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"e4/b4/3/relu_/0" -> "e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"e4/b4/3/post_hook__e4-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "e4/cat/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=3]; +"e4/cat/0" -> "maxpool/max_pool2d/1" [dtype=float, shape="(1, 832, 16, 16)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/1" -> "a5/b1/0/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/1" -> "a5/b2/0/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/1" -> "a5/b3/0/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/1" -> "a5/b4/0/max_pool2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; +"a5.b1.0.weight" -> "a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 832, 1, 1)", out_port_id=0, in_port_id=0]; +"a5.b1.0.bias" -> "a5/b1/0/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a5/b1/0/conv2d/0__1.0._scale_param_storage" -> "a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a5/b1/0/pre_hook__a5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b1/0/conv2d/0" [dtype=float, shape="(256, 832, 1, 1)", out_port_id=0, in_port_id=1]; +"a5/b1/0/conv2d/0" -> "a5/b1/1/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"a5.b1.1.weight" -> "a5/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"a5.b1.1.bias" -> "a5/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"a5.b1.1.running_mean" -> "a5/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"a5.b1.1.running_var" -> "a5/b1/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"a5/b1/1/batch_norm/0" -> "a5/b1/2/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"a5/b1/2/relu_/0" -> "a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.a5/b4/3/relu_/0__0.0._scale_param_storage" -> "a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"a5/b1/2/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"a5.b2.0.weight" -> "a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 832, 1, 1)", out_port_id=0, in_port_id=0]; +"a5.b2.0.bias" -> "a5/b2/0/conv2d/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a5/b2/0/conv2d/0__1.0._scale_param_storage" -> "a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a5/b2/0/pre_hook__a5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b2/0/conv2d/0" [dtype=float, shape="(160, 832, 1, 1)", out_port_id=0, in_port_id=1]; +"a5/b2/0/conv2d/0" -> "a5/b2/1/batch_norm/0" [dtype=float, shape="(1, 160, 8, 8)", out_port_id=0, in_port_id=0]; +"a5.b2.1.weight" -> "a5/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"a5.b2.1.bias" -> "a5/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"a5.b2.1.running_mean" -> "a5/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"a5.b2.1.running_var" -> "a5/b2/1/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"a5/b2/1/batch_norm/0" -> "a5/b2/2/relu_/0" [dtype=float, shape="(1, 160, 8, 8)", out_port_id=0, in_port_id=0]; +"a5/b2/2/relu_/0" -> "a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.a5/b2/2/relu_/0__0.0._scale_param_storage" -> "a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"a5/b2/2/post_hook__a5-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "a5/b2/3/conv2d/0" [dtype=float, shape="(1, 160, 8, 8)", out_port_id=0, in_port_id=0]; +"a5.b2.3.weight" -> "a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 160, 3, 3)", out_port_id=0, in_port_id=0]; +"a5.b2.3.bias" -> "a5/b2/3/conv2d/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a5/b2/3/conv2d/0__1.0._scale_param_storage" -> "a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a5/b2/3/pre_hook__a5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b2/3/conv2d/0" [dtype=float, shape="(320, 160, 3, 3)", out_port_id=0, in_port_id=1]; +"a5/b2/3/conv2d/0" -> "a5/b2/4/batch_norm/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"a5.b2.4.weight" -> "a5/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"a5.b2.4.bias" -> "a5/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"a5.b2.4.running_mean" -> "a5/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"a5.b2.4.running_var" -> "a5/b2/4/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"a5/b2/4/batch_norm/0" -> "a5/b2/5/relu_/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"a5/b2/5/relu_/0" -> "a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"a5/b2/5/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, shape="(1, 320, 8, 8)", out_port_id=0, in_port_id=1]; +"a5.b3.0.weight" -> "a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 832, 1, 1)", out_port_id=0, in_port_id=0]; +"a5.b3.0.bias" -> "a5/b3/0/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a5/b3/0/conv2d/0__1.0._scale_param_storage" -> "a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a5/b3/0/pre_hook__a5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b3/0/conv2d/0" [dtype=float, shape="(32, 832, 1, 1)", out_port_id=0, in_port_id=1]; +"a5/b3/0/conv2d/0" -> "a5/b3/1/batch_norm/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"a5.b3.1.weight" -> "a5/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"a5.b3.1.bias" -> "a5/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"a5.b3.1.running_mean" -> "a5/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"a5.b3.1.running_var" -> "a5/b3/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"a5/b3/1/batch_norm/0" -> "a5/b3/2/relu_/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"a5/b3/2/relu_/0" -> "a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.a5/b3/2/relu_/0__0.0._scale_param_storage" -> "a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"a5/b3/2/post_hook__a5-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "a5/b3/3/conv2d/0" [dtype=float, shape="(1, 32, 8, 8)", out_port_id=0, in_port_id=0]; +"a5.b3.3.weight" -> "a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"a5.b3.3.bias" -> "a5/b3/3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a5/b3/3/conv2d/0__1.0._scale_param_storage" -> "a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a5/b3/3/pre_hook__a5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b3/3/conv2d/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"a5/b3/3/conv2d/0" -> "a5/b3/4/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"a5.b3.4.weight" -> "a5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"a5.b3.4.bias" -> "a5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"a5.b3.4.running_mean" -> "a5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"a5.b3.4.running_var" -> "a5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"a5/b3/4/batch_norm/0" -> "a5/b3/5/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"a5/b3/5/relu_/0" -> "a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.a5/b3/5/relu_/0__0.0._scale_param_storage" -> "a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"a5/b3/5/post_hook__a5-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "a5/b3/6/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"a5.b3.6.weight" -> "a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"a5.b3.6.bias" -> "a5/b3/6/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a5/b3/6/conv2d/0__1.0._scale_param_storage" -> "a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a5/b3/6/pre_hook__a5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b3/6/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"a5/b3/6/conv2d/0" -> "a5/b3/7/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"a5.b3.7.weight" -> "a5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"a5.b3.7.bias" -> "a5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"a5.b3.7.running_mean" -> "a5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"a5.b3.7.running_var" -> "a5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"a5/b3/7/batch_norm/0" -> "a5/b3/8/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"a5/b3/8/relu_/0" -> "a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"a5/b3/8/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=2]; +"a5/b4/0/max_pool2d/0" -> "a5/b4/1/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; +"a5.b4.1.weight" -> "a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=0]; +"a5.b4.1.bias" -> "a5/b4/1/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.a5/b4/1/conv2d/0__1.0._scale_param_storage" -> "a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"a5/b4/1/pre_hook__a5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "a5/b4/1/conv2d/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=1]; +"a5/b4/1/conv2d/0" -> "a5/b4/2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"a5.b4.2.weight" -> "a5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"a5.b4.2.bias" -> "a5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"a5.b4.2.running_mean" -> "a5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"a5.b4.2.running_var" -> "a5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"a5/b4/2/batch_norm/0" -> "a5/b4/3/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"a5/b4/3/relu_/0" -> "a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"a5/b4/3/post_hook__a5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "a5/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=3]; +"a5/cat/0" -> "b5/b1/0/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; +"a5/cat/0" -> "b5/b2/0/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; +"a5/cat/0" -> "b5/b3/0/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; +"a5/cat/0" -> "b5/b4/0/max_pool2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; +"b5.b1.0.weight" -> "b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 832, 1, 1)", out_port_id=0, in_port_id=0]; +"b5.b1.0.bias" -> "b5/b1/0/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b5/b1/0/conv2d/0__1.0._scale_param_storage" -> "b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b5/b1/0/pre_hook__b5-b1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b1/0/conv2d/0" [dtype=float, shape="(384, 832, 1, 1)", out_port_id=0, in_port_id=1]; +"b5/b1/0/conv2d/0" -> "b5/b1/1/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"b5.b1.1.weight" -> "b5/b1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"b5.b1.1.bias" -> "b5/b1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"b5.b1.1.running_mean" -> "b5/b1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"b5.b1.1.running_var" -> "b5/b1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"b5/b1/1/batch_norm/0" -> "b5/b1/2/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"b5/b1/2/relu_/0" -> "b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b5/b1/2/relu_/0__0.0._scale_param_storage" -> "b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b5/b1/2/post_hook__b5-b1-2-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"b5.b2.0.weight" -> "b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 832, 1, 1)", out_port_id=0, in_port_id=0]; +"b5.b2.0.bias" -> "b5/b2/0/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b5/b2/0/conv2d/0__1.0._scale_param_storage" -> "b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b5/b2/0/pre_hook__b5-b2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b2/0/conv2d/0" [dtype=float, shape="(192, 832, 1, 1)", out_port_id=0, in_port_id=1]; +"b5/b2/0/conv2d/0" -> "b5/b2/1/batch_norm/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"b5.b2.1.weight" -> "b5/b2/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"b5.b2.1.bias" -> "b5/b2/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"b5.b2.1.running_mean" -> "b5/b2/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"b5.b2.1.running_var" -> "b5/b2/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"b5/b2/1/batch_norm/0" -> "b5/b2/2/relu_/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"b5/b2/2/relu_/0" -> "b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b5/b2/2/relu_/0__0.0._scale_param_storage" -> "b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b5/b2/2/post_hook__b5-b2-2-relu_-0__0[0]/symmetric_quantize/0" -> "b5/b2/3/conv2d/0" [dtype=float, shape="(1, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"b5.b2.3.weight" -> "b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 192, 3, 3)", out_port_id=0, in_port_id=0]; +"b5.b2.3.bias" -> "b5/b2/3/conv2d/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b5/b2/3/conv2d/0__1.0._scale_param_storage" -> "b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b5/b2/3/pre_hook__b5-b2-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b2/3/conv2d/0" [dtype=float, shape="(384, 192, 3, 3)", out_port_id=0, in_port_id=1]; +"b5/b2/3/conv2d/0" -> "b5/b2/4/batch_norm/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"b5.b2.4.weight" -> "b5/b2/4/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"b5.b2.4.bias" -> "b5/b2/4/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"b5.b2.4.running_mean" -> "b5/b2/4/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"b5.b2.4.running_var" -> "b5/b2/4/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"b5/b2/4/batch_norm/0" -> "b5/b2/5/relu_/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"b5/b2/5/relu_/0" -> "b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b5/b2/5/relu_/0__0.0._scale_param_storage" -> "b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b5/b2/5/post_hook__b5-b2-5-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, shape="(1, 384, 8, 8)", out_port_id=0, in_port_id=1]; +"b5.b3.0.weight" -> "b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 832, 1, 1)", out_port_id=0, in_port_id=0]; +"b5.b3.0.bias" -> "b5/b3/0/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b5/b3/0/conv2d/0__1.0._scale_param_storage" -> "b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b5/b3/0/pre_hook__b5-b3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b3/0/conv2d/0" [dtype=float, shape="(48, 832, 1, 1)", out_port_id=0, in_port_id=1]; +"b5/b3/0/conv2d/0" -> "b5/b3/1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"b5.b3.1.weight" -> "b5/b3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"b5.b3.1.bias" -> "b5/b3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"b5.b3.1.running_mean" -> "b5/b3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"b5.b3.1.running_var" -> "b5/b3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"b5/b3/1/batch_norm/0" -> "b5/b3/2/relu_/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"b5/b3/2/relu_/0" -> "b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b5/b3/2/relu_/0__0.0._scale_param_storage" -> "b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b5/b3/2/post_hook__b5-b3-2-relu_-0__0[0]/symmetric_quantize/0" -> "b5/b3/3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"b5.b3.3.weight" -> "b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 48, 3, 3)", out_port_id=0, in_port_id=0]; +"b5.b3.3.bias" -> "b5/b3/3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b5/b3/3/conv2d/0__1.0._scale_param_storage" -> "b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b5/b3/3/pre_hook__b5-b3-3-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b3/3/conv2d/0" [dtype=float, shape="(128, 48, 3, 3)", out_port_id=0, in_port_id=1]; +"b5/b3/3/conv2d/0" -> "b5/b3/4/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"b5.b3.4.weight" -> "b5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"b5.b3.4.bias" -> "b5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"b5.b3.4.running_mean" -> "b5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"b5.b3.4.running_var" -> "b5/b3/4/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"b5/b3/4/batch_norm/0" -> "b5/b3/5/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"b5/b3/5/relu_/0" -> "b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b5/b3/5/relu_/0__0.0._scale_param_storage" -> "b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b5/b3/5/post_hook__b5-b3-5-relu_-0__0[0]/symmetric_quantize/0" -> "b5/b3/6/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"b5.b3.6.weight" -> "b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"b5.b3.6.bias" -> "b5/b3/6/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b5/b3/6/conv2d/0__1.0._scale_param_storage" -> "b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b5/b3/6/pre_hook__b5-b3-6-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b3/6/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"b5/b3/6/conv2d/0" -> "b5/b3/7/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"b5.b3.7.weight" -> "b5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"b5.b3.7.bias" -> "b5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"b5.b3.7.running_mean" -> "b5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"b5.b3.7.running_var" -> "b5/b3/7/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"b5/b3/7/batch_norm/0" -> "b5/b3/8/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"b5/b3/8/relu_/0" -> "b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b5/b3/8/relu_/0__0.0._scale_param_storage" -> "b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b5/b3/8/post_hook__b5-b3-8-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=2]; +"b5/b4/0/max_pool2d/0" -> "b5/b4/1/conv2d/0" [dtype=float, shape="(1, 832, 8, 8)", out_port_id=0, in_port_id=0]; +"b5.b4.1.weight" -> "b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=0]; +"b5.b4.1.bias" -> "b5/b4/1/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.b5/b4/1/conv2d/0__1.0._scale_param_storage" -> "b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"b5/b4/1/pre_hook__b5-b4-1-conv2d-0__1[0]/symmetric_quantize/0" -> "b5/b4/1/conv2d/0" [dtype=float, shape="(128, 832, 1, 1)", out_port_id=0, in_port_id=1]; +"b5/b4/1/conv2d/0" -> "b5/b4/2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"b5.b4.2.weight" -> "b5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"b5.b4.2.bias" -> "b5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"b5.b4.2.running_mean" -> "b5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"b5.b4.2.running_var" -> "b5/b4/2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"b5/b4/2/batch_norm/0" -> "b5/b4/3/relu_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"b5/b4/3/relu_/0" -> "b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.b5/b4/3/relu_/0__0.0._scale_param_storage" -> "b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"b5/b4/3/post_hook__b5-b4-3-relu_-0__0[0]/symmetric_quantize/0" -> "b5/cat/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=3]; +"b5/cat/0" -> "avgpool/avg_pool2d/0" [dtype=float, shape="(1, 1024, 8, 8)", out_port_id=0, in_port_id=0]; +"avgpool/avg_pool2d/0" -> "avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.avgpool/avg_pool2d/0__0.0._scale_param_storage" -> "avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"avgpool/post_hook__avgpool-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; +"/view/0" -> "linear/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1024)", out_port_id=0, in_port_id=0]; +"linear.bias" -> "linear/linear/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1)", out_port_id=0, in_port_id=4]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, shape="(10, 1024)", out_port_id=0, in_port_id=1]; +"linear/linear/0" -> output [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/inception_v3.dot b/tests/torch2/data/quantization/test_quantized_graphs/inception_v3.dot index 744b1acef13..a2bda402d8a 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/inception_v3.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/inception_v3.dot @@ -1,2420 +1,2420 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -"/__getitem__/0" [id=3, metatype=PTGatherMetatype, type=__getitem__]; -"/unsqueeze/0" [id=4, metatype=PTReshapeMetatype, type=unsqueeze]; -"/mul/0" [id=5, metatype=PTMulMetatype, type=mul]; -"/add/0" [id=6, metatype=PTAddMetatype, type=add]; -"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__-add-0__0[0]/symmetric_quantize/0" [id=8, metatype=UnknownMetatype, type=symmetric_quantize]; -"/__getitem__/1" [id=9, metatype=PTGatherMetatype, type=__getitem__]; -"/unsqueeze/1" [id=10, metatype=PTReshapeMetatype, type=unsqueeze]; -"/mul/1" [id=11, metatype=PTMulMetatype, type=mul]; -"/add/1" [id=12, metatype=PTAddMetatype, type=add]; -"post_hook__-add-0__0[0]/symmetric_quantize/1" [id=13, metatype=UnknownMetatype, type=symmetric_quantize]; -"/__getitem__/2" [id=14, metatype=PTGatherMetatype, type=__getitem__]; -"/unsqueeze/2" [id=15, metatype=PTReshapeMetatype, type=unsqueeze]; -"/mul/2" [id=16, metatype=PTMulMetatype, type=mul]; -"/add/2" [id=17, metatype=PTAddMetatype, type=add]; -"post_hook__-add-0__0[0]/symmetric_quantize/2" [id=18, metatype=UnknownMetatype, type=symmetric_quantize]; -"/cat/0" [id=19, metatype=PTCatMetatype, type=cat]; -"Conv2d_1a_3x3.conv.weight" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Conv2d_1a_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=22, metatype=UnknownMetatype, type=symmetric_quantize]; -"Conv2d_1a_3x3/conv/conv2d/0" [id=23, metatype=PTConv2dMetatype, type=conv2d]; -"Conv2d_1a_3x3.bn.weight" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_1a_3x3.bn.bias" [id=25, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_1a_3x3.bn.running_mean" [id=26, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_1a_3x3.bn.running_var" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_1a_3x3/bn/batch_norm/0" [id=28, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Conv2d_1a_3x3/relu_/0" [id=29, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Conv2d_1a_3x3/relu_/0__0.0._scale_param_storage" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=31, metatype=UnknownMetatype, type=symmetric_quantize]; -"Conv2d_2a_3x3.conv.weight" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Conv2d_2a_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=34, metatype=UnknownMetatype, type=symmetric_quantize]; -"Conv2d_2a_3x3/conv/conv2d/0" [id=35, metatype=PTConv2dMetatype, type=conv2d]; -"Conv2d_2a_3x3.bn.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2a_3x3.bn.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2a_3x3.bn.running_mean" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2a_3x3.bn.running_var" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2a_3x3/bn/batch_norm/0" [id=40, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Conv2d_2a_3x3/relu_/0" [id=41, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Conv2d_2a_3x3/relu_/0__0.0._scale_param_storage" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=43, metatype=UnknownMetatype, type=symmetric_quantize]; -"Conv2d_2b_3x3.conv.weight" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Conv2d_2b_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=46, metatype=UnknownMetatype, type=symmetric_quantize]; -"Conv2d_2b_3x3/conv/conv2d/0" [id=47, metatype=PTConv2dMetatype, type=conv2d]; -"Conv2d_2b_3x3.bn.weight" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2b_3x3.bn.bias" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2b_3x3.bn.running_mean" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2b_3x3.bn.running_var" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2b_3x3/bn/batch_norm/0" [id=52, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Conv2d_2b_3x3/relu_/0" [id=53, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Conv2d_2b_3x3/relu_/0__0.0._scale_param_storage" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=55, metatype=UnknownMetatype, type=symmetric_quantize]; -"/max_pool2d/0" [id=56, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"Conv2d_3b_1x1.conv.weight" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Conv2d_3b_1x1/conv/conv2d/0__1.0._scale_param_storage" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=59, metatype=UnknownMetatype, type=symmetric_quantize]; -"Conv2d_3b_1x1/conv/conv2d/0" [id=60, metatype=PTConv2dMetatype, type=conv2d]; -"Conv2d_3b_1x1.bn.weight" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_3b_1x1.bn.bias" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_3b_1x1.bn.running_mean" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_3b_1x1.bn.running_var" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_3b_1x1/bn/batch_norm/0" [id=65, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Conv2d_3b_1x1/relu_/0" [id=66, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Conv2d_3b_1x1/relu_/0__0.0._scale_param_storage" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" [id=68, metatype=UnknownMetatype, type=symmetric_quantize]; -"Conv2d_4a_3x3.conv.weight" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Conv2d_4a_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=71, metatype=UnknownMetatype, type=symmetric_quantize]; -"Conv2d_4a_3x3/conv/conv2d/0" [id=72, metatype=PTConv2dMetatype, type=conv2d]; -"Conv2d_4a_3x3.bn.weight" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_4a_3x3.bn.bias" [id=74, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_4a_3x3.bn.running_mean" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_4a_3x3.bn.running_var" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_4a_3x3/bn/batch_norm/0" [id=77, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Conv2d_4a_3x3/relu_/0" [id=78, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Conv2d_4a_3x3/relu_/0__0.0._scale_param_storage" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=80, metatype=UnknownMetatype, type=symmetric_quantize]; -"/max_pool2d/1" [id=81, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"Mixed_5b.branch1x1.conv.weight" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=84, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b/branch1x1/conv/conv2d/0" [id=85, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5b.branch1x1.bn.weight" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch1x1.bn.bias" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch1x1.bn.running_mean" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch1x1.bn.running_var" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch1x1/bn/batch_norm/0" [id=90, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5b/branch1x1/relu_/0" [id=91, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=93, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b.branch5x5_1.conv.weight" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=96, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b/branch5x5_1/conv/conv2d/0" [id=97, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5b.branch5x5_1.bn.weight" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch5x5_1.bn.bias" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch5x5_1.bn.running_mean" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch5x5_1.bn.running_var" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch5x5_1/bn/batch_norm/0" [id=102, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5b/branch5x5_1/relu_/0" [id=103, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_1/relu_/0__0.0._scale_param_storage" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [id=105, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b.branch5x5_2.conv.weight" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=108, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b/branch5x5_2/conv/conv2d/0" [id=109, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5b.branch5x5_2.bn.weight" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch5x5_2.bn.bias" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch5x5_2.bn.running_mean" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch5x5_2.bn.running_var" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch5x5_2/bn/batch_norm/0" [id=114, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5b/branch5x5_2/relu_/0" [id=115, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=116, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b.branch3x3dbl_1.conv.weight" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=119, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [id=120, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5b.branch3x3dbl_1.bn.weight" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_1.bn.bias" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_1.bn.running_mean" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_1.bn.running_var" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [id=125, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5b/branch3x3dbl_1/relu_/0" [id=126, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=128, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b.branch3x3dbl_2.conv.weight" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=131, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [id=132, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5b.branch3x3dbl_2.bn.weight" [id=133, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_2.bn.bias" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_2.bn.running_mean" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_2.bn.running_var" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [id=137, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5b/branch3x3dbl_2/relu_/0" [id=138, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=140, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b.branch3x3dbl_3.conv.weight" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=143, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [id=144, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5b.branch3x3dbl_3.bn.weight" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_3.bn.bias" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_3.bn.running_mean" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch3x3dbl_3.bn.running_var" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [id=149, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5b/branch3x3dbl_3/relu_/0" [id=150, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=151, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b/avg_pool2d/0" [id=152, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks.Mixed_5b/avg_pool2d/0__0.0._scale_param_storage" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=154, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b.branch_pool.conv.weight" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=157, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b/branch_pool/conv/conv2d/0" [id=158, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5b.branch_pool.bn.weight" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch_pool.bn.bias" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch_pool.bn.running_mean" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b.branch_pool.bn.running_var" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5b/branch_pool/bn/batch_norm/0" [id=163, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5b/branch_pool/relu_/0" [id=164, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=165, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5b/cat/0" [id=166, metatype=PTCatMetatype, type=cat]; -"Mixed_5c.branch1x1.conv.weight" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=169, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c/branch1x1/conv/conv2d/0" [id=170, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5c.branch1x1.bn.weight" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch1x1.bn.bias" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch1x1.bn.running_mean" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch1x1.bn.running_var" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch1x1/bn/batch_norm/0" [id=175, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5c/branch1x1/relu_/0" [id=176, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=178, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c.branch5x5_1.conv.weight" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=181, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c/branch5x5_1/conv/conv2d/0" [id=182, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5c.branch5x5_1.bn.weight" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch5x5_1.bn.bias" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch5x5_1.bn.running_mean" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch5x5_1.bn.running_var" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch5x5_1/bn/batch_norm/0" [id=187, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5c/branch5x5_1/relu_/0" [id=188, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_5c/branch5x5_1/relu_/0__0.0._scale_param_storage" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [id=190, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c.branch5x5_2.conv.weight" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=193, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c/branch5x5_2/conv/conv2d/0" [id=194, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5c.branch5x5_2.bn.weight" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch5x5_2.bn.bias" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch5x5_2.bn.running_mean" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch5x5_2.bn.running_var" [id=198, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch5x5_2/bn/batch_norm/0" [id=199, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5c/branch5x5_2/relu_/0" [id=200, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=201, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c.branch3x3dbl_1.conv.weight" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=204, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [id=205, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5c.branch3x3dbl_1.bn.weight" [id=206, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_1.bn.bias" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_1.bn.running_mean" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_1.bn.running_var" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [id=210, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5c/branch3x3dbl_1/relu_/0" [id=211, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=213, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c.branch3x3dbl_2.conv.weight" [id=214, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=216, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [id=217, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5c.branch3x3dbl_2.bn.weight" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_2.bn.bias" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_2.bn.running_mean" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_2.bn.running_var" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [id=222, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5c/branch3x3dbl_2/relu_/0" [id=223, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=225, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c.branch3x3dbl_3.conv.weight" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=228, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [id=229, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5c.branch3x3dbl_3.bn.weight" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_3.bn.bias" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_3.bn.running_mean" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch3x3dbl_3.bn.running_var" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [id=234, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5c/branch3x3dbl_3/relu_/0" [id=235, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=236, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c/avg_pool2d/0" [id=237, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks.Mixed_5c/avg_pool2d/0__0.0._scale_param_storage" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=239, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c.branch_pool.conv.weight" [id=240, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=242, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c/branch_pool/conv/conv2d/0" [id=243, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5c.branch_pool.bn.weight" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch_pool.bn.bias" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch_pool.bn.running_mean" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c.branch_pool.bn.running_var" [id=247, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5c/branch_pool/bn/batch_norm/0" [id=248, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5c/branch_pool/relu_/0" [id=249, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=250, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5c/cat/0" [id=251, metatype=PTCatMetatype, type=cat]; -"Mixed_5d.branch1x1.conv.weight" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=254, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d/branch1x1/conv/conv2d/0" [id=255, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5d.branch1x1.bn.weight" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch1x1.bn.bias" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch1x1.bn.running_mean" [id=258, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch1x1.bn.running_var" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch1x1/bn/batch_norm/0" [id=260, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5d/branch1x1/relu_/0" [id=261, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=263, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d.branch5x5_1.conv.weight" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" [id=265, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=266, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d/branch5x5_1/conv/conv2d/0" [id=267, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5d.branch5x5_1.bn.weight" [id=268, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch5x5_1.bn.bias" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch5x5_1.bn.running_mean" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch5x5_1.bn.running_var" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch5x5_1/bn/batch_norm/0" [id=272, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5d/branch5x5_1/relu_/0" [id=273, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_5d/branch5x5_1/relu_/0__0.0._scale_param_storage" [id=274, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [id=275, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d.branch5x5_2.conv.weight" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=278, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d/branch5x5_2/conv/conv2d/0" [id=279, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5d.branch5x5_2.bn.weight" [id=280, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch5x5_2.bn.bias" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch5x5_2.bn.running_mean" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch5x5_2.bn.running_var" [id=283, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch5x5_2/bn/batch_norm/0" [id=284, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5d/branch5x5_2/relu_/0" [id=285, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=286, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d.branch3x3dbl_1.conv.weight" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=289, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [id=290, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5d.branch3x3dbl_1.bn.weight" [id=291, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_1.bn.bias" [id=292, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_1.bn.running_mean" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_1.bn.running_var" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [id=295, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5d/branch3x3dbl_1/relu_/0" [id=296, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=297, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=298, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d.branch3x3dbl_2.conv.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=301, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [id=302, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5d.branch3x3dbl_2.bn.weight" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_2.bn.bias" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_2.bn.running_mean" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_2.bn.running_var" [id=306, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [id=307, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5d/branch3x3dbl_2/relu_/0" [id=308, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=309, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=310, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d.branch3x3dbl_3.conv.weight" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=313, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [id=314, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5d.branch3x3dbl_3.bn.weight" [id=315, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_3.bn.bias" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_3.bn.running_mean" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch3x3dbl_3.bn.running_var" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [id=319, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5d/branch3x3dbl_3/relu_/0" [id=320, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=321, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d/avg_pool2d/0" [id=322, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks.Mixed_5d/avg_pool2d/0__0.0._scale_param_storage" [id=323, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=324, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d.branch_pool.conv.weight" [id=325, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=327, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d/branch_pool/conv/conv2d/0" [id=328, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_5d.branch_pool.bn.weight" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch_pool.bn.bias" [id=330, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch_pool.bn.running_mean" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d.branch_pool.bn.running_var" [id=332, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_5d/branch_pool/bn/batch_norm/0" [id=333, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_5d/branch_pool/relu_/0" [id=334, metatype=PTRELUMetatype, type=relu_]; -"Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=335, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_5d/cat/0" [id=336, metatype=PTCatMetatype, type=cat]; -"Mixed_6a.branch3x3.conv.weight" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3/conv/conv2d/0__1.0._scale_param_storage" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=339, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6a/branch3x3/conv/conv2d/0" [id=340, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6a.branch3x3.bn.weight" [id=341, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3.bn.bias" [id=342, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3.bn.running_mean" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3.bn.running_var" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3/bn/batch_norm/0" [id=345, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6a/branch3x3/relu_/0" [id=346, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=347, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6a.branch3x3dbl_1.conv.weight" [id=348, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=350, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [id=351, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6a.branch3x3dbl_1.bn.weight" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_1.bn.bias" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_1.bn.running_mean" [id=354, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_1.bn.running_var" [id=355, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [id=356, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6a/branch3x3dbl_1/relu_/0" [id=357, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=359, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6a.branch3x3dbl_2.conv.weight" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=361, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=362, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [id=363, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6a.branch3x3dbl_2.bn.weight" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_2.bn.bias" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_2.bn.running_mean" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_2.bn.running_var" [id=367, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [id=368, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6a/branch3x3dbl_2/relu_/0" [id=369, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=371, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6a.branch3x3dbl_3.conv.weight" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=373, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=374, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [id=375, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6a.branch3x3dbl_3.bn.weight" [id=376, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_3.bn.bias" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_3.bn.running_mean" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a.branch3x3dbl_3.bn.running_var" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [id=380, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6a/branch3x3dbl_3/relu_/0" [id=381, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=382, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6a/max_pool2d/0" [id=383, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"Mixed_6a/cat/0" [id=384, metatype=PTCatMetatype, type=cat]; -"Mixed_6b.branch1x1.conv.weight" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=386, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=387, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b/branch1x1/conv/conv2d/0" [id=388, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch1x1.bn.weight" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch1x1.bn.bias" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch1x1.bn.running_mean" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch1x1.bn.running_var" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch1x1/bn/batch_norm/0" [id=393, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch1x1/relu_/0" [id=394, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=396, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b.branch7x7_1.conv.weight" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=399, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b/branch7x7_1/conv/conv2d/0" [id=400, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7_1.bn.weight" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_1.bn.bias" [id=402, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_1.bn.running_mean" [id=403, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_1.bn.running_var" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7_1/bn/batch_norm/0" [id=405, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7_1/relu_/0" [id=406, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=408, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b.branch7x7_2.conv.weight" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=410, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=411, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b/branch7x7_2/conv/conv2d/0" [id=412, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7_2.bn.weight" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_2.bn.bias" [id=414, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_2.bn.running_mean" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_2.bn.running_var" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7_2/bn/batch_norm/0" [id=417, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7_2/relu_/0" [id=418, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=420, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b.branch7x7_3.conv.weight" [id=421, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=423, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b/branch7x7_3/conv/conv2d/0" [id=424, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7_3.bn.weight" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_3.bn.bias" [id=426, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_3.bn.running_mean" [id=427, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7_3.bn.running_var" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7_3/bn/batch_norm/0" [id=429, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7_3/relu_/0" [id=430, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=431, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b.branch7x7dbl_1.conv.weight" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=434, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [id=435, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7dbl_1.bn.weight" [id=436, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_1.bn.bias" [id=437, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_1.bn.running_mean" [id=438, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_1.bn.running_var" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [id=440, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7dbl_1/relu_/0" [id=441, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=443, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b.branch7x7dbl_2.conv.weight" [id=444, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=445, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=446, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [id=447, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7dbl_2.bn.weight" [id=448, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_2.bn.bias" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_2.bn.running_mean" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_2.bn.running_var" [id=451, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [id=452, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7dbl_2/relu_/0" [id=453, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=454, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=455, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b.branch7x7dbl_3.conv.weight" [id=456, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=457, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=458, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [id=459, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7dbl_3.bn.weight" [id=460, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_3.bn.bias" [id=461, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_3.bn.running_mean" [id=462, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_3.bn.running_var" [id=463, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [id=464, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7dbl_3/relu_/0" [id=465, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=467, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b.branch7x7dbl_4.conv.weight" [id=468, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=469, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=470, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [id=471, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7dbl_4.bn.weight" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_4.bn.bias" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_4.bn.running_mean" [id=474, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_4.bn.running_var" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [id=476, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7dbl_4/relu_/0" [id=477, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=478, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=479, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b.branch7x7dbl_5.conv.weight" [id=480, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=481, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=482, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [id=483, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch7x7dbl_5.bn.weight" [id=484, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_5.bn.bias" [id=485, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_5.bn.running_mean" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch7x7dbl_5.bn.running_var" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [id=488, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch7x7dbl_5/relu_/0" [id=489, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=490, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b/avg_pool2d/0" [id=491, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks.Mixed_6b/avg_pool2d/0__0.0._scale_param_storage" [id=492, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=493, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b.branch_pool.conv.weight" [id=494, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=495, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=496, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b/branch_pool/conv/conv2d/0" [id=497, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6b.branch_pool.bn.weight" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch_pool.bn.bias" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch_pool.bn.running_mean" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b.branch_pool.bn.running_var" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6b/branch_pool/bn/batch_norm/0" [id=502, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6b/branch_pool/relu_/0" [id=503, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=504, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6b/cat/0" [id=505, metatype=PTCatMetatype, type=cat]; -"Mixed_6c.branch1x1.conv.weight" [id=506, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=507, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=508, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c/branch1x1/conv/conv2d/0" [id=509, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch1x1.bn.weight" [id=510, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch1x1.bn.bias" [id=511, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch1x1.bn.running_mean" [id=512, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch1x1.bn.running_var" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch1x1/bn/batch_norm/0" [id=514, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch1x1/relu_/0" [id=515, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=517, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c.branch7x7_1.conv.weight" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=519, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=520, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c/branch7x7_1/conv/conv2d/0" [id=521, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7_1.bn.weight" [id=522, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_1.bn.bias" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_1.bn.running_mean" [id=524, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_1.bn.running_var" [id=525, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7_1/bn/batch_norm/0" [id=526, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7_1/relu_/0" [id=527, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=528, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=529, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c.branch7x7_2.conv.weight" [id=530, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=531, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=532, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c/branch7x7_2/conv/conv2d/0" [id=533, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7_2.bn.weight" [id=534, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_2.bn.bias" [id=535, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_2.bn.running_mean" [id=536, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_2.bn.running_var" [id=537, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7_2/bn/batch_norm/0" [id=538, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7_2/relu_/0" [id=539, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=540, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=541, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c.branch7x7_3.conv.weight" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=543, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=544, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c/branch7x7_3/conv/conv2d/0" [id=545, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7_3.bn.weight" [id=546, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_3.bn.bias" [id=547, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_3.bn.running_mean" [id=548, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7_3.bn.running_var" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7_3/bn/batch_norm/0" [id=550, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7_3/relu_/0" [id=551, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=552, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c.branch7x7dbl_1.conv.weight" [id=553, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=554, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=555, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [id=556, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7dbl_1.bn.weight" [id=557, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_1.bn.bias" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_1.bn.running_mean" [id=559, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_1.bn.running_var" [id=560, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [id=561, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7dbl_1/relu_/0" [id=562, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=563, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=564, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c.branch7x7dbl_2.conv.weight" [id=565, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=566, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=567, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [id=568, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7dbl_2.bn.weight" [id=569, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_2.bn.bias" [id=570, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_2.bn.running_mean" [id=571, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_2.bn.running_var" [id=572, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [id=573, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7dbl_2/relu_/0" [id=574, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=575, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=576, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c.branch7x7dbl_3.conv.weight" [id=577, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=578, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=579, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [id=580, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7dbl_3.bn.weight" [id=581, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_3.bn.bias" [id=582, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_3.bn.running_mean" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_3.bn.running_var" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [id=585, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7dbl_3/relu_/0" [id=586, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=587, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=588, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c.branch7x7dbl_4.conv.weight" [id=589, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=590, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=591, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [id=592, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7dbl_4.bn.weight" [id=593, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_4.bn.bias" [id=594, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_4.bn.running_mean" [id=595, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_4.bn.running_var" [id=596, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [id=597, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7dbl_4/relu_/0" [id=598, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=599, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=600, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c.branch7x7dbl_5.conv.weight" [id=601, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=602, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=603, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [id=604, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch7x7dbl_5.bn.weight" [id=605, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_5.bn.bias" [id=606, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_5.bn.running_mean" [id=607, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch7x7dbl_5.bn.running_var" [id=608, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [id=609, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch7x7dbl_5/relu_/0" [id=610, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=611, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c/avg_pool2d/0" [id=612, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks.Mixed_6c/avg_pool2d/0__0.0._scale_param_storage" [id=613, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=614, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c.branch_pool.conv.weight" [id=615, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=616, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=617, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c/branch_pool/conv/conv2d/0" [id=618, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6c.branch_pool.bn.weight" [id=619, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch_pool.bn.bias" [id=620, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch_pool.bn.running_mean" [id=621, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c.branch_pool.bn.running_var" [id=622, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6c/branch_pool/bn/batch_norm/0" [id=623, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6c/branch_pool/relu_/0" [id=624, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=625, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6c/cat/0" [id=626, metatype=PTCatMetatype, type=cat]; -"Mixed_6d.branch1x1.conv.weight" [id=627, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=628, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=629, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d/branch1x1/conv/conv2d/0" [id=630, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch1x1.bn.weight" [id=631, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch1x1.bn.bias" [id=632, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch1x1.bn.running_mean" [id=633, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch1x1.bn.running_var" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch1x1/bn/batch_norm/0" [id=635, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch1x1/relu_/0" [id=636, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" [id=637, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=638, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d.branch7x7_1.conv.weight" [id=639, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=640, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=641, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d/branch7x7_1/conv/conv2d/0" [id=642, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7_1.bn.weight" [id=643, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_1.bn.bias" [id=644, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_1.bn.running_mean" [id=645, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_1.bn.running_var" [id=646, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7_1/bn/batch_norm/0" [id=647, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7_1/relu_/0" [id=648, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=649, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=650, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d.branch7x7_2.conv.weight" [id=651, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=652, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=653, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d/branch7x7_2/conv/conv2d/0" [id=654, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7_2.bn.weight" [id=655, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_2.bn.bias" [id=656, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_2.bn.running_mean" [id=657, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_2.bn.running_var" [id=658, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7_2/bn/batch_norm/0" [id=659, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7_2/relu_/0" [id=660, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=661, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=662, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d.branch7x7_3.conv.weight" [id=663, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=664, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=665, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d/branch7x7_3/conv/conv2d/0" [id=666, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7_3.bn.weight" [id=667, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_3.bn.bias" [id=668, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_3.bn.running_mean" [id=669, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7_3.bn.running_var" [id=670, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7_3/bn/batch_norm/0" [id=671, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7_3/relu_/0" [id=672, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=673, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d.branch7x7dbl_1.conv.weight" [id=674, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=675, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=676, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [id=677, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7dbl_1.bn.weight" [id=678, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_1.bn.bias" [id=679, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_1.bn.running_mean" [id=680, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_1.bn.running_var" [id=681, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [id=682, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7dbl_1/relu_/0" [id=683, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=684, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=685, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d.branch7x7dbl_2.conv.weight" [id=686, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=687, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=688, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [id=689, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7dbl_2.bn.weight" [id=690, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_2.bn.bias" [id=691, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_2.bn.running_mean" [id=692, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_2.bn.running_var" [id=693, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [id=694, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7dbl_2/relu_/0" [id=695, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=696, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=697, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d.branch7x7dbl_3.conv.weight" [id=698, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=699, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=700, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [id=701, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7dbl_3.bn.weight" [id=702, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_3.bn.bias" [id=703, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_3.bn.running_mean" [id=704, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_3.bn.running_var" [id=705, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [id=706, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7dbl_3/relu_/0" [id=707, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=708, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=709, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d.branch7x7dbl_4.conv.weight" [id=710, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=711, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=712, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [id=713, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7dbl_4.bn.weight" [id=714, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_4.bn.bias" [id=715, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_4.bn.running_mean" [id=716, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_4.bn.running_var" [id=717, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [id=718, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7dbl_4/relu_/0" [id=719, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=720, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=721, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d.branch7x7dbl_5.conv.weight" [id=722, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=723, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=724, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [id=725, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch7x7dbl_5.bn.weight" [id=726, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_5.bn.bias" [id=727, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_5.bn.running_mean" [id=728, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch7x7dbl_5.bn.running_var" [id=729, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [id=730, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch7x7dbl_5/relu_/0" [id=731, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=732, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d/avg_pool2d/0" [id=733, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks.Mixed_6d/avg_pool2d/0__0.0._scale_param_storage" [id=734, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=735, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d.branch_pool.conv.weight" [id=736, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=737, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=738, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d/branch_pool/conv/conv2d/0" [id=739, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6d.branch_pool.bn.weight" [id=740, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch_pool.bn.bias" [id=741, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch_pool.bn.running_mean" [id=742, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d.branch_pool.bn.running_var" [id=743, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6d/branch_pool/bn/batch_norm/0" [id=744, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6d/branch_pool/relu_/0" [id=745, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=746, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6d/cat/0" [id=747, metatype=PTCatMetatype, type=cat]; -"Mixed_6e.branch1x1.conv.weight" [id=748, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=749, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=750, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e/branch1x1/conv/conv2d/0" [id=751, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch1x1.bn.weight" [id=752, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch1x1.bn.bias" [id=753, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch1x1.bn.running_mean" [id=754, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch1x1.bn.running_var" [id=755, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch1x1/bn/batch_norm/0" [id=756, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch1x1/relu_/0" [id=757, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" [id=758, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=759, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e.branch7x7_1.conv.weight" [id=760, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=761, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=762, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e/branch7x7_1/conv/conv2d/0" [id=763, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7_1.bn.weight" [id=764, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_1.bn.bias" [id=765, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_1.bn.running_mean" [id=766, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_1.bn.running_var" [id=767, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7_1/bn/batch_norm/0" [id=768, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7_1/relu_/0" [id=769, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=770, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=771, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e.branch7x7_2.conv.weight" [id=772, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=773, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=774, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e/branch7x7_2/conv/conv2d/0" [id=775, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7_2.bn.weight" [id=776, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_2.bn.bias" [id=777, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_2.bn.running_mean" [id=778, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_2.bn.running_var" [id=779, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7_2/bn/batch_norm/0" [id=780, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7_2/relu_/0" [id=781, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=782, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=783, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e.branch7x7_3.conv.weight" [id=784, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=785, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=786, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e/branch7x7_3/conv/conv2d/0" [id=787, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7_3.bn.weight" [id=788, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_3.bn.bias" [id=789, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_3.bn.running_mean" [id=790, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7_3.bn.running_var" [id=791, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7_3/bn/batch_norm/0" [id=792, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7_3/relu_/0" [id=793, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=794, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e.branch7x7dbl_1.conv.weight" [id=795, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=796, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=797, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [id=798, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7dbl_1.bn.weight" [id=799, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_1.bn.bias" [id=800, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_1.bn.running_mean" [id=801, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_1.bn.running_var" [id=802, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [id=803, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7dbl_1/relu_/0" [id=804, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=805, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=806, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e.branch7x7dbl_2.conv.weight" [id=807, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=808, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=809, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [id=810, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7dbl_2.bn.weight" [id=811, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_2.bn.bias" [id=812, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_2.bn.running_mean" [id=813, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_2.bn.running_var" [id=814, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [id=815, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7dbl_2/relu_/0" [id=816, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=817, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=818, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e.branch7x7dbl_3.conv.weight" [id=819, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=820, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=821, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [id=822, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7dbl_3.bn.weight" [id=823, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_3.bn.bias" [id=824, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_3.bn.running_mean" [id=825, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_3.bn.running_var" [id=826, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [id=827, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7dbl_3/relu_/0" [id=828, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=829, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=830, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e.branch7x7dbl_4.conv.weight" [id=831, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=832, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=833, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [id=834, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7dbl_4.bn.weight" [id=835, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_4.bn.bias" [id=836, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_4.bn.running_mean" [id=837, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_4.bn.running_var" [id=838, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [id=839, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7dbl_4/relu_/0" [id=840, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=841, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=842, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e.branch7x7dbl_5.conv.weight" [id=843, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=844, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=845, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [id=846, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch7x7dbl_5.bn.weight" [id=847, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_5.bn.bias" [id=848, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_5.bn.running_mean" [id=849, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch7x7dbl_5.bn.running_var" [id=850, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [id=851, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch7x7dbl_5/relu_/0" [id=852, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=853, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e/avg_pool2d/0" [id=854, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks.Mixed_6e/avg_pool2d/0__0.0._scale_param_storage" [id=855, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=856, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e.branch_pool.conv.weight" [id=857, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=858, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=859, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e/branch_pool/conv/conv2d/0" [id=860, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_6e.branch_pool.bn.weight" [id=861, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch_pool.bn.bias" [id=862, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch_pool.bn.running_mean" [id=863, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e.branch_pool.bn.running_var" [id=864, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_6e/branch_pool/bn/batch_norm/0" [id=865, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_6e/branch_pool/relu_/0" [id=866, metatype=PTRELUMetatype, type=relu_]; -"Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=867, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_6e/cat/0" [id=868, metatype=PTCatMetatype, type=cat]; -"Mixed_7a.branch3x3_1.conv.weight" [id=869, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=870, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=871, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7a/branch3x3_1/conv/conv2d/0" [id=872, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7a.branch3x3_1.bn.weight" [id=873, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch3x3_1.bn.bias" [id=874, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch3x3_1.bn.running_mean" [id=875, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch3x3_1.bn.running_var" [id=876, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch3x3_1/bn/batch_norm/0" [id=877, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7a/branch3x3_1/relu_/0" [id=878, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7a/branch3x3_1/relu_/0__0.0._scale_param_storage" [id=879, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=880, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7a.branch3x3_2.conv.weight" [id=881, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_2/conv/conv2d/0__1.0._scale_param_storage" [id=882, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=883, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7a/branch3x3_2/conv/conv2d/0" [id=884, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7a.branch3x3_2.bn.weight" [id=885, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch3x3_2.bn.bias" [id=886, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch3x3_2.bn.running_mean" [id=887, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch3x3_2.bn.running_var" [id=888, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch3x3_2/bn/batch_norm/0" [id=889, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7a/branch3x3_2/relu_/0" [id=890, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=891, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7a.branch7x7x3_1.conv.weight" [id=892, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=893, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=894, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7a/branch7x7x3_1/conv/conv2d/0" [id=895, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7a.branch7x7x3_1.bn.weight" [id=896, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_1.bn.bias" [id=897, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_1.bn.running_mean" [id=898, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_1.bn.running_var" [id=899, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [id=900, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7a/branch7x7x3_1/relu_/0" [id=901, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_1/relu_/0__0.0._scale_param_storage" [id=902, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=903, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7a.branch7x7x3_2.conv.weight" [id=904, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_2/conv/conv2d/0__1.0._scale_param_storage" [id=905, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=906, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7a/branch7x7x3_2/conv/conv2d/0" [id=907, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7a.branch7x7x3_2.bn.weight" [id=908, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_2.bn.bias" [id=909, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_2.bn.running_mean" [id=910, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_2.bn.running_var" [id=911, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [id=912, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7a/branch7x7x3_2/relu_/0" [id=913, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_2/relu_/0__0.0._scale_param_storage" [id=914, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" [id=915, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7a.branch7x7x3_3.conv.weight" [id=916, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_3/conv/conv2d/0__1.0._scale_param_storage" [id=917, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=918, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7a/branch7x7x3_3/conv/conv2d/0" [id=919, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7a.branch7x7x3_3.bn.weight" [id=920, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_3.bn.bias" [id=921, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_3.bn.running_mean" [id=922, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_3.bn.running_var" [id=923, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [id=924, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7a/branch7x7x3_3/relu_/0" [id=925, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_3/relu_/0__0.0._scale_param_storage" [id=926, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" [id=927, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7a.branch7x7x3_4.conv.weight" [id=928, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_4/conv/conv2d/0__1.0._scale_param_storage" [id=929, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=930, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7a/branch7x7x3_4/conv/conv2d/0" [id=931, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7a.branch7x7x3_4.bn.weight" [id=932, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_4.bn.bias" [id=933, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_4.bn.running_mean" [id=934, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a.branch7x7x3_4.bn.running_var" [id=935, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [id=936, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7a/branch7x7x3_4/relu_/0" [id=937, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=938, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7a/max_pool2d/0" [id=939, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"Mixed_7a/cat/0" [id=940, metatype=PTCatMetatype, type=cat]; -"Mixed_7b.branch1x1.conv.weight" [id=941, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=942, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=943, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b/branch1x1/conv/conv2d/0" [id=944, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch1x1.bn.weight" [id=945, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch1x1.bn.bias" [id=946, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch1x1.bn.running_mean" [id=947, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch1x1.bn.running_var" [id=948, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch1x1/bn/batch_norm/0" [id=949, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch1x1/relu_/0" [id=950, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" [id=951, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=952, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b.branch3x3_1.conv.weight" [id=953, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=954, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=955, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b/branch3x3_1/conv/conv2d/0" [id=956, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch3x3_1.bn.weight" [id=957, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_1.bn.bias" [id=958, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_1.bn.running_mean" [id=959, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_1.bn.running_var" [id=960, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3_1/bn/batch_norm/0" [id=961, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch3x3_1/relu_/0" [id=962, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_1/relu_/0__0.0._scale_param_storage" [id=963, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=964, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b.branch3x3_2a.conv.weight" [id=965, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" [id=966, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=967, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b/branch3x3_2a/conv/conv2d/0" [id=968, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch3x3_2a.bn.weight" [id=969, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_2a.bn.bias" [id=970, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_2a.bn.running_mean" [id=971, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_2a.bn.running_var" [id=972, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3_2a/bn/batch_norm/0" [id=973, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch3x3_2a/relu_/0" [id=974, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=975, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b.branch3x3_2b.conv.weight" [id=976, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" [id=977, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=978, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b/branch3x3_2b/conv/conv2d/0" [id=979, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch3x3_2b.bn.weight" [id=980, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_2b.bn.bias" [id=981, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_2b.bn.running_mean" [id=982, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3_2b.bn.running_var" [id=983, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3_2b/bn/batch_norm/0" [id=984, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch3x3_2b/relu_/0" [id=985, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=986, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b/cat/0" [id=987, metatype=PTCatMetatype, type=cat]; -"Mixed_7b.branch3x3dbl_1.conv.weight" [id=988, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=989, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=990, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [id=991, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch3x3dbl_1.bn.weight" [id=992, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_1.bn.bias" [id=993, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_1.bn.running_mean" [id=994, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_1.bn.running_var" [id=995, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [id=996, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch3x3dbl_1/relu_/0" [id=997, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=998, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=999, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b.branch3x3dbl_2.conv.weight" [id=1000, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=1001, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1002, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [id=1003, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch3x3dbl_2.bn.weight" [id=1004, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_2.bn.bias" [id=1005, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_2.bn.running_mean" [id=1006, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_2.bn.running_var" [id=1007, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [id=1008, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch3x3dbl_2/relu_/0" [id=1009, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=1010, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=1011, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b.branch3x3dbl_3a.conv.weight" [id=1012, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" [id=1013, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1014, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [id=1015, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch3x3dbl_3a.bn.weight" [id=1016, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_3a.bn.bias" [id=1017, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_3a.bn.running_mean" [id=1018, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_3a.bn.running_var" [id=1019, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [id=1020, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch3x3dbl_3a/relu_/0" [id=1021, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1022, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b.branch3x3dbl_3b.conv.weight" [id=1023, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" [id=1024, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1025, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [id=1026, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch3x3dbl_3b.bn.weight" [id=1027, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_3b.bn.bias" [id=1028, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_3b.bn.running_mean" [id=1029, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch3x3dbl_3b.bn.running_var" [id=1030, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [id=1031, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch3x3dbl_3b/relu_/0" [id=1032, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1033, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b/cat/1" [id=1034, metatype=PTCatMetatype, type=cat]; -"Mixed_7b/avg_pool2d/0" [id=1035, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks.Mixed_7b/avg_pool2d/0__0.0._scale_param_storage" [id=1036, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1037, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b.branch_pool.conv.weight" [id=1038, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=1039, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1040, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b/branch_pool/conv/conv2d/0" [id=1041, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7b.branch_pool.bn.weight" [id=1042, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch_pool.bn.bias" [id=1043, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch_pool.bn.running_mean" [id=1044, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b.branch_pool.bn.running_var" [id=1045, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7b/branch_pool/bn/batch_norm/0" [id=1046, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7b/branch_pool/relu_/0" [id=1047, metatype=PTRELUMetatype, type=relu_]; -"Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1048, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7b/cat/2" [id=1049, metatype=PTCatMetatype, type=cat]; -"Mixed_7c.branch1x1.conv.weight" [id=1050, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=1051, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1052, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c/branch1x1/conv/conv2d/0" [id=1053, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch1x1.bn.weight" [id=1054, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch1x1.bn.bias" [id=1055, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch1x1.bn.running_mean" [id=1056, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch1x1.bn.running_var" [id=1057, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch1x1/bn/batch_norm/0" [id=1058, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch1x1/relu_/0" [id=1059, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7c/branch1x1/relu_/0__0.0._scale_param_storage" [id=1060, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1061, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c.branch3x3_1.conv.weight" [id=1062, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=1063, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1064, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c/branch3x3_1/conv/conv2d/0" [id=1065, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch3x3_1.bn.weight" [id=1066, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_1.bn.bias" [id=1067, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_1.bn.running_mean" [id=1068, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_1.bn.running_var" [id=1069, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_1/bn/batch_norm/0" [id=1070, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch3x3_1/relu_/0" [id=1071, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_1/relu_/0__0.0._scale_param_storage" [id=1072, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=1073, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c.branch3x3_2a.conv.weight" [id=1074, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" [id=1075, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1076, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c/branch3x3_2a/conv/conv2d/0" [id=1077, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch3x3_2a.bn.weight" [id=1078, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_2a.bn.bias" [id=1079, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_2a.bn.running_mean" [id=1080, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_2a.bn.running_var" [id=1081, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_2a/bn/batch_norm/0" [id=1082, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch3x3_2a/relu_/0" [id=1083, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2a/relu_/0__0.0._scale_param_storage" [id=1084, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" [id=1085, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c.branch3x3_2b.conv.weight" [id=1086, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" [id=1087, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1088, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c/branch3x3_2b/conv/conv2d/0" [id=1089, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch3x3_2b.bn.weight" [id=1090, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_2b.bn.bias" [id=1091, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_2b.bn.running_mean" [id=1092, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3_2b.bn.running_var" [id=1093, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_2b/bn/batch_norm/0" [id=1094, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch3x3_2b/relu_/0" [id=1095, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2b/relu_/0__0.0._scale_param_storage" [id=1096, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" [id=1097, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c/cat/0" [id=1098, metatype=PTCatMetatype, type=cat]; -"Mixed_7c.branch3x3dbl_1.conv.weight" [id=1099, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=1100, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1101, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [id=1102, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch3x3dbl_1.bn.weight" [id=1103, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_1.bn.bias" [id=1104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_1.bn.running_mean" [id=1105, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_1.bn.running_var" [id=1106, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [id=1107, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch3x3dbl_1/relu_/0" [id=1108, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=1109, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=1110, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c.branch3x3dbl_2.conv.weight" [id=1111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=1112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1113, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [id=1114, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch3x3dbl_2.bn.weight" [id=1115, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_2.bn.bias" [id=1116, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_2.bn.running_mean" [id=1117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_2.bn.running_var" [id=1118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [id=1119, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch3x3dbl_2/relu_/0" [id=1120, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=1121, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=1122, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c.branch3x3dbl_3a.conv.weight" [id=1123, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" [id=1124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1125, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [id=1126, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch3x3dbl_3a.bn.weight" [id=1127, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_3a.bn.bias" [id=1128, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_3a.bn.running_mean" [id=1129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_3a.bn.running_var" [id=1130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [id=1131, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch3x3dbl_3a/relu_/0" [id=1132, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3a/relu_/0__0.0._scale_param_storage" [id=1133, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" [id=1134, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c.branch3x3dbl_3b.conv.weight" [id=1135, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" [id=1136, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1137, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [id=1138, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch3x3dbl_3b.bn.weight" [id=1139, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_3b.bn.bias" [id=1140, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_3b.bn.running_mean" [id=1141, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch3x3dbl_3b.bn.running_var" [id=1142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [id=1143, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch3x3dbl_3b/relu_/0" [id=1144, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3b/relu_/0__0.0._scale_param_storage" [id=1145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" [id=1146, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c/cat/1" [id=1147, metatype=PTCatMetatype, type=cat]; -"Mixed_7c/avg_pool2d/0" [id=1148, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks.Mixed_7c/avg_pool2d/0__0.0._scale_param_storage" [id=1149, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1150, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c.branch_pool.conv.weight" [id=1151, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=1152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1153, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c/branch_pool/conv/conv2d/0" [id=1154, metatype=PTConv2dMetatype, type=conv2d]; -"Mixed_7c.branch_pool.bn.weight" [id=1155, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch_pool.bn.bias" [id=1156, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch_pool.bn.running_mean" [id=1157, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c.branch_pool.bn.running_var" [id=1158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch_pool/bn/batch_norm/0" [id=1159, metatype=PT2BatchNormMetatype, type=batch_norm]; -"Mixed_7c/branch_pool/relu_/0" [id=1160, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.Mixed_7c/branch_pool/relu_/0__0.0._scale_param_storage" [id=1161, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=1162, metatype=UnknownMetatype, type=symmetric_quantize]; -"Mixed_7c/cat/2" [id=1163, metatype=PTCatMetatype, type=cat]; -"/adaptive_avg_pool2d/0" [id=1164, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=1165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1166, metatype=UnknownMetatype, type=symmetric_quantize]; -"/dropout/0" [id=1167, metatype=PTDropoutMetatype, type=dropout]; -"/view/0" [id=1168, metatype=PTReshapeMetatype, type=view]; -"fc.weight" [id=1169, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc.bias" [id=1170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.fc/linear/0__1.0._scale_param_storage" [id=1171, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" [id=1172, metatype=UnknownMetatype, type=symmetric_quantize]; -"fc/linear/0" [id=1173, metatype=PTLinearMetatype, type=linear]; -output [id=1174, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 3, 299, 299)"]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 3, 299, 299)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 3, 299, 299)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 3, 299, 299)"]; -"/__getitem__/0" -> "/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 299, 299)"]; -"/unsqueeze/0" -> "/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; -"/mul/0" -> "/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; -"/add/0" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; -"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/2" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__-add-0__0[0]/symmetric_quantize/0" -> "/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; -"/__getitem__/1" -> "/unsqueeze/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 299, 299)"]; -"/unsqueeze/1" -> "/mul/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; -"/mul/1" -> "/add/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; -"/add/1" -> "post_hook__-add-0__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; -"post_hook__-add-0__0[0]/symmetric_quantize/1" -> "/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 1, 299, 299)"]; -"/__getitem__/2" -> "/unsqueeze/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 299, 299)"]; -"/unsqueeze/2" -> "/mul/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; -"/mul/2" -> "/add/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; -"/add/2" -> "post_hook__-add-0__0[0]/symmetric_quantize/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1, 299, 299)"]; -"post_hook__-add-0__0[0]/symmetric_quantize/2" -> "/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 1, 299, 299)"]; -"/cat/0" -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 3, 299, 299)"]; -"Conv2d_1a_3x3.conv.weight" -> "Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 3, 3, 3)"]; -"__nncf_hooks.pre_hooks.Conv2d_1a_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 3, 3, 3)"]; -"Conv2d_1a_3x3/conv/conv2d/0" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 149, 149)"]; -"Conv2d_1a_3x3.bn.weight" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"Conv2d_1a_3x3.bn.bias" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"Conv2d_1a_3x3.bn.running_mean" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"Conv2d_1a_3x3.bn.running_var" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"Conv2d_1a_3x3/bn/batch_norm/0" -> "Conv2d_1a_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 149, 149)"]; -"Conv2d_1a_3x3/relu_/0" -> "Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 149, 149)"]; -"__nncf_hooks.post_hooks.Conv2d_1a_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 149, 149)"]; -"Conv2d_2a_3x3.conv.weight" -> "Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 32, 3, 3)"]; -"__nncf_hooks.pre_hooks.Conv2d_2a_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 32, 3, 3)"]; -"Conv2d_2a_3x3/conv/conv2d/0" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 147, 147)"]; -"Conv2d_2a_3x3.bn.weight" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"Conv2d_2a_3x3.bn.bias" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"Conv2d_2a_3x3.bn.running_mean" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"Conv2d_2a_3x3.bn.running_var" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"Conv2d_2a_3x3/bn/batch_norm/0" -> "Conv2d_2a_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 147, 147)"]; -"Conv2d_2a_3x3/relu_/0" -> "Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 147, 147)"]; -"__nncf_hooks.post_hooks.Conv2d_2a_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 147, 147)"]; -"Conv2d_2b_3x3.conv.weight" -> "Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 32, 3, 3)"]; -"__nncf_hooks.pre_hooks.Conv2d_2b_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 32, 3, 3)"]; -"Conv2d_2b_3x3/conv/conv2d/0" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 147, 147)"]; -"Conv2d_2b_3x3.bn.weight" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Conv2d_2b_3x3.bn.bias" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Conv2d_2b_3x3.bn.running_mean" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Conv2d_2b_3x3.bn.running_var" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Conv2d_2b_3x3/bn/batch_norm/0" -> "Conv2d_2b_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 147, 147)"]; -"Conv2d_2b_3x3/relu_/0" -> "Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 147, 147)"]; -"__nncf_hooks.post_hooks.Conv2d_2b_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 147, 147)"]; -"/max_pool2d/0" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 73, 73)"]; -"Conv2d_3b_1x1.conv.weight" -> "Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(80, 64, 1, 1)"]; -"__nncf_hooks.pre_hooks.Conv2d_3b_1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(80, 1, 1, 1)"]; -"Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80, 64, 1, 1)"]; -"Conv2d_3b_1x1/conv/conv2d/0" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 80, 73, 73)"]; -"Conv2d_3b_1x1.bn.weight" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(80,)"]; -"Conv2d_3b_1x1.bn.bias" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(80,)"]; -"Conv2d_3b_1x1.bn.running_mean" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(80,)"]; -"Conv2d_3b_1x1.bn.running_var" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(80,)"]; -"Conv2d_3b_1x1/bn/batch_norm/0" -> "Conv2d_3b_1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 80, 73, 73)"]; -"Conv2d_3b_1x1/relu_/0" -> "Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 80, 73, 73)"]; -"__nncf_hooks.post_hooks.Conv2d_3b_1x1/relu_/0__0.0._scale_param_storage" -> "Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 80, 73, 73)"]; -"Conv2d_4a_3x3.conv.weight" -> "Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 80, 3, 3)"]; -"__nncf_hooks.pre_hooks.Conv2d_4a_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 80, 3, 3)"]; -"Conv2d_4a_3x3/conv/conv2d/0" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 71, 71)"]; -"Conv2d_4a_3x3.bn.weight" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Conv2d_4a_3x3.bn.bias" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Conv2d_4a_3x3.bn.running_mean" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Conv2d_4a_3x3.bn.running_var" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Conv2d_4a_3x3/bn/batch_norm/0" -> "Conv2d_4a_3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 71, 71)"]; -"Conv2d_4a_3x3/relu_/0" -> "Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 71, 71)"]; -"__nncf_hooks.post_hooks.Conv2d_4a_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 71, 71)"]; -"/max_pool2d/1" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 35, 35)"]; -"/max_pool2d/1" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 35, 35)"]; -"/max_pool2d/1" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 35, 35)"]; -"/max_pool2d/1" -> "Mixed_5b/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 35, 35)"]; -"Mixed_5b.branch1x1.conv.weight" -> "Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 192, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 192, 1, 1)"]; -"Mixed_5b/branch1x1/conv/conv2d/0" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5b.branch1x1.bn.weight" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch1x1.bn.bias" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch1x1.bn.running_mean" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch1x1.bn.running_var" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5b/branch1x1/bn/batch_norm/0" -> "Mixed_5b/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5b/branch1x1/relu_/0" -> "Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5b.branch5x5_1.conv.weight" -> "Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 192, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 192, 1, 1)"]; -"Mixed_5b/branch5x5_1/conv/conv2d/0" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; -"Mixed_5b.branch5x5_1.bn.weight" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"Mixed_5b.branch5x5_1.bn.bias" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"Mixed_5b.branch5x5_1.bn.running_mean" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"Mixed_5b.branch5x5_1.bn.running_var" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"Mixed_5b/branch5x5_1/bn/batch_norm/0" -> "Mixed_5b/branch5x5_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; -"Mixed_5b/branch5x5_1/relu_/0" -> "Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; -"Mixed_5b.branch5x5_2.conv.weight" -> "Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 48, 5, 5)"]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 48, 5, 5)"]; -"Mixed_5b/branch5x5_2/conv/conv2d/0" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5b.branch5x5_2.bn.weight" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch5x5_2.bn.bias" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch5x5_2.bn.running_mean" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch5x5_2.bn.running_var" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5b/branch5x5_2/bn/batch_norm/0" -> "Mixed_5b/branch5x5_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5b/branch5x5_2/relu_/0" -> "Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5b.branch3x3dbl_1.conv.weight" -> "Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 192, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 192, 1, 1)"]; -"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5b.branch3x3dbl_1.bn.weight" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch3x3dbl_1.bn.bias" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch3x3dbl_1.bn.running_mean" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5b.branch3x3dbl_1.bn.running_var" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5b/branch3x3dbl_1/relu_/0" -> "Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5b.branch3x3dbl_2.conv.weight" -> "Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 64, 3, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; -"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5b.branch3x3dbl_2.bn.weight" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_5b.branch3x3dbl_2.bn.bias" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_5b.branch3x3dbl_2.bn.running_mean" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_5b.branch3x3dbl_2.bn.running_var" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5b/branch3x3dbl_2/relu_/0" -> "Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5b.branch3x3dbl_3.conv.weight" -> "Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 3, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; -"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5b.branch3x3dbl_3.bn.weight" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_5b.branch3x3dbl_3.bn.bias" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_5b.branch3x3dbl_3.bn.running_mean" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_5b.branch3x3dbl_3.bn.running_var" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5b/branch3x3dbl_3/relu_/0" -> "Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5b/avg_pool2d/0" -> "Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5b/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 35, 35)"]; -"Mixed_5b.branch_pool.conv.weight" -> "Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 192, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_5b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 192, 1, 1)"]; -"Mixed_5b/branch_pool/conv/conv2d/0" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 35, 35)"]; -"Mixed_5b.branch_pool.bn.weight" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"Mixed_5b.branch_pool.bn.bias" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"Mixed_5b.branch_pool.bn.running_mean" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"Mixed_5b.branch_pool.bn.running_var" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"Mixed_5b/branch_pool/bn/batch_norm/0" -> "Mixed_5b/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 35, 35)"]; -"Mixed_5b/branch_pool/relu_/0" -> "Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 32, 35, 35)"]; -"Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 32, 35, 35)"]; -"Mixed_5b/cat/0" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 256, 35, 35)"]; -"Mixed_5b/cat/0" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 256, 35, 35)"]; -"Mixed_5b/cat/0" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 256, 35, 35)"]; -"Mixed_5b/cat/0" -> "Mixed_5c/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 256, 35, 35)"]; -"Mixed_5c.branch1x1.conv.weight" -> "Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 256, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 256, 1, 1)"]; -"Mixed_5c/branch1x1/conv/conv2d/0" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5c.branch1x1.bn.weight" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch1x1.bn.bias" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch1x1.bn.running_mean" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch1x1.bn.running_var" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5c/branch1x1/bn/batch_norm/0" -> "Mixed_5c/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5c/branch1x1/relu_/0" -> "Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5c.branch5x5_1.conv.weight" -> "Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 256, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 256, 1, 1)"]; -"Mixed_5c/branch5x5_1/conv/conv2d/0" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; -"Mixed_5c.branch5x5_1.bn.weight" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"Mixed_5c.branch5x5_1.bn.bias" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"Mixed_5c.branch5x5_1.bn.running_mean" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"Mixed_5c.branch5x5_1.bn.running_var" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"Mixed_5c/branch5x5_1/bn/batch_norm/0" -> "Mixed_5c/branch5x5_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; -"Mixed_5c/branch5x5_1/relu_/0" -> "Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5c/branch5x5_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; -"Mixed_5c.branch5x5_2.conv.weight" -> "Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 48, 5, 5)"]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 48, 5, 5)"]; -"Mixed_5c/branch5x5_2/conv/conv2d/0" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5c.branch5x5_2.bn.weight" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch5x5_2.bn.bias" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch5x5_2.bn.running_mean" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch5x5_2.bn.running_var" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5c/branch5x5_2/bn/batch_norm/0" -> "Mixed_5c/branch5x5_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5c/branch5x5_2/relu_/0" -> "Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5c.branch3x3dbl_1.conv.weight" -> "Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 256, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 256, 1, 1)"]; -"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5c.branch3x3dbl_1.bn.weight" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch3x3dbl_1.bn.bias" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch3x3dbl_1.bn.running_mean" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch3x3dbl_1.bn.running_var" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5c/branch3x3dbl_1/relu_/0" -> "Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5c.branch3x3dbl_2.conv.weight" -> "Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 64, 3, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; -"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5c.branch3x3dbl_2.bn.weight" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_5c.branch3x3dbl_2.bn.bias" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_5c.branch3x3dbl_2.bn.running_mean" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_5c.branch3x3dbl_2.bn.running_var" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5c/branch3x3dbl_2/relu_/0" -> "Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5c.branch3x3dbl_3.conv.weight" -> "Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 3, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; -"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5c.branch3x3dbl_3.bn.weight" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_5c.branch3x3dbl_3.bn.bias" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_5c.branch3x3dbl_3.bn.running_mean" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_5c.branch3x3dbl_3.bn.running_var" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5c/branch3x3dbl_3/relu_/0" -> "Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5c/avg_pool2d/0" -> "Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 256, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5c/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 256, 35, 35)"]; -"Mixed_5c.branch_pool.conv.weight" -> "Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 256, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_5c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 256, 1, 1)"]; -"Mixed_5c/branch_pool/conv/conv2d/0" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5c.branch_pool.bn.weight" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch_pool.bn.bias" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch_pool.bn.running_mean" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5c.branch_pool.bn.running_var" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5c/branch_pool/bn/batch_norm/0" -> "Mixed_5c/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5c/branch_pool/relu_/0" -> "Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5c/cat/0" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; -"Mixed_5c/cat/0" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; -"Mixed_5c/cat/0" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; -"Mixed_5c/cat/0" -> "Mixed_5d/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; -"Mixed_5d.branch1x1.conv.weight" -> "Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 288, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; -"Mixed_5d/branch1x1/conv/conv2d/0" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5d.branch1x1.bn.weight" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch1x1.bn.bias" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch1x1.bn.running_mean" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch1x1.bn.running_var" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5d/branch1x1/bn/batch_norm/0" -> "Mixed_5d/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5d/branch1x1/relu_/0" -> "Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5d.branch5x5_1.conv.weight" -> "Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 288, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 288, 1, 1)"]; -"Mixed_5d/branch5x5_1/conv/conv2d/0" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; -"Mixed_5d.branch5x5_1.bn.weight" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"Mixed_5d.branch5x5_1.bn.bias" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"Mixed_5d.branch5x5_1.bn.running_mean" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"Mixed_5d.branch5x5_1.bn.running_var" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"Mixed_5d/branch5x5_1/bn/batch_norm/0" -> "Mixed_5d/branch5x5_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; -"Mixed_5d/branch5x5_1/relu_/0" -> "Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5d/branch5x5_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 48, 35, 35)"]; -"Mixed_5d.branch5x5_2.conv.weight" -> "Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 48, 5, 5)"]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 48, 5, 5)"]; -"Mixed_5d/branch5x5_2/conv/conv2d/0" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5d.branch5x5_2.bn.weight" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch5x5_2.bn.bias" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch5x5_2.bn.running_mean" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch5x5_2.bn.running_var" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5d/branch5x5_2/bn/batch_norm/0" -> "Mixed_5d/branch5x5_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5d/branch5x5_2/relu_/0" -> "Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5d.branch3x3dbl_1.conv.weight" -> "Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 288, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; -"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5d.branch3x3dbl_1.bn.weight" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch3x3dbl_1.bn.bias" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch3x3dbl_1.bn.running_mean" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch3x3dbl_1.bn.running_var" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5d/branch3x3dbl_1/relu_/0" -> "Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5d.branch3x3dbl_2.conv.weight" -> "Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 64, 3, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; -"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5d.branch3x3dbl_2.bn.weight" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_5d.branch3x3dbl_2.bn.bias" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_5d.branch3x3dbl_2.bn.running_mean" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_5d.branch3x3dbl_2.bn.running_var" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5d/branch3x3dbl_2/relu_/0" -> "Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5d.branch3x3dbl_3.conv.weight" -> "Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 3, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; -"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5d.branch3x3dbl_3.bn.weight" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_5d.branch3x3dbl_3.bn.bias" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_5d.branch3x3dbl_3.bn.running_mean" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_5d.branch3x3dbl_3.bn.running_var" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5d/branch3x3dbl_3/relu_/0" -> "Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_5d/avg_pool2d/0" -> "Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_5d/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; -"Mixed_5d.branch_pool.conv.weight" -> "Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 288, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_5d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; -"Mixed_5d/branch_pool/conv/conv2d/0" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5d.branch_pool.bn.weight" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch_pool.bn.bias" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch_pool.bn.running_mean" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_5d.branch_pool.bn.running_var" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_5d/branch_pool/bn/batch_norm/0" -> "Mixed_5d/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5d/branch_pool/relu_/0" -> "Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; -"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; -"Mixed_5d/cat/0" -> "Mixed_6a/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 288, 35, 35)"]; -"Mixed_6a.branch3x3.conv.weight" -> "Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 288, 3, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 288, 3, 3)"]; -"Mixed_6a/branch3x3/conv/conv2d/0" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 17, 17)"]; -"Mixed_6a.branch3x3.bn.weight" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_6a.branch3x3.bn.bias" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_6a.branch3x3.bn.running_mean" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_6a.branch3x3.bn.running_var" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_6a/branch3x3/bn/batch_norm/0" -> "Mixed_6a/branch3x3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 17, 17)"]; -"Mixed_6a/branch3x3/relu_/0" -> "Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 17, 17)"]; -"Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 17, 17)"]; -"Mixed_6a.branch3x3dbl_1.conv.weight" -> "Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 288, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 288, 1, 1)"]; -"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_6a.branch3x3dbl_1.bn.weight" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"Mixed_6a.branch3x3dbl_1.bn.bias" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"Mixed_6a.branch3x3dbl_1.bn.running_mean" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"Mixed_6a.branch3x3dbl_1.bn.running_var" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_6a/branch3x3dbl_1/relu_/0" -> "Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 64, 35, 35)"]; -"Mixed_6a.branch3x3dbl_2.conv.weight" -> "Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 64, 3, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 64, 3, 3)"]; -"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_6a.branch3x3dbl_2.bn.weight" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_6a.branch3x3dbl_2.bn.bias" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_6a.branch3x3dbl_2.bn.running_mean" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_6a.branch3x3dbl_2.bn.running_var" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_6a/branch3x3dbl_2/relu_/0" -> "Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 35, 35)"]; -"Mixed_6a.branch3x3dbl_3.conv.weight" -> "Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 3, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 3, 3)"]; -"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 17, 17)"]; -"Mixed_6a.branch3x3dbl_3.bn.weight" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"Mixed_6a.branch3x3dbl_3.bn.bias" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"Mixed_6a.branch3x3dbl_3.bn.running_mean" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"Mixed_6a.branch3x3dbl_3.bn.running_var" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 17, 17)"]; -"Mixed_6a/branch3x3dbl_3/relu_/0" -> "Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 96, 17, 17)"]; -"Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 96, 17, 17)"]; -"Mixed_6a/max_pool2d/0" -> "Mixed_6a/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 288, 17, 17)"]; -"Mixed_6a/cat/0" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6a/cat/0" -> "Mixed_6b/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6b.branch1x1.conv.weight" -> "Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6b/branch1x1/conv/conv2d/0" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b.branch1x1.bn.weight" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch1x1.bn.bias" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch1x1.bn.running_mean" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch1x1.bn.running_var" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6b/branch1x1/bn/batch_norm/0" -> "Mixed_6b/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b/branch1x1/relu_/0" -> "Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b.branch7x7_1.conv.weight" -> "Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; -"Mixed_6b/branch7x7_1/conv/conv2d/0" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b.branch7x7_1.bn.weight" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7_1.bn.bias" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7_1.bn.running_mean" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7_1.bn.running_var" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"Mixed_6b/branch7x7_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b/branch7x7_1/relu_/0" -> "Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b.branch7x7_2.conv.weight" -> "Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 1, 7)"]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 7)"]; -"Mixed_6b/branch7x7_2/conv/conv2d/0" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b.branch7x7_2.bn.weight" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7_2.bn.bias" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7_2.bn.running_mean" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7_2.bn.running_var" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"Mixed_6b/branch7x7_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b/branch7x7_2/relu_/0" -> "Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b.branch7x7_3.conv.weight" -> "Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 128, 7, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 128, 7, 1)"]; -"Mixed_6b/branch7x7_3/conv/conv2d/0" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b.branch7x7_3.bn.weight" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch7x7_3.bn.bias" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch7x7_3.bn.running_mean" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch7x7_3.bn.running_var" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6b/branch7x7_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b/branch7x7_3/relu_/0" -> "Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b.branch7x7dbl_1.conv.weight" -> "Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 768, 1, 1)"]; -"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_1.bn.weight" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_1.bn.bias" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_1.bn.running_mean" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_1.bn.running_var" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b/branch7x7dbl_1/relu_/0" -> "Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_2.conv.weight" -> "Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 7, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 7, 1)"]; -"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_2.bn.weight" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_2.bn.bias" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_2.bn.running_mean" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_2.bn.running_var" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b/branch7x7dbl_2/relu_/0" -> "Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_3.conv.weight" -> "Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 1, 7)"]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 1, 7)"]; -"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_3.bn.weight" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_3.bn.bias" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_3.bn.running_mean" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_3.bn.running_var" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b/branch7x7dbl_3/relu_/0" -> "Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_4.conv.weight" -> "Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 7, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 7, 1)"]; -"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_4.bn.weight" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_4.bn.bias" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_4.bn.running_mean" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"Mixed_6b.branch7x7dbl_4.bn.running_var" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b/branch7x7dbl_4/relu_/0" -> "Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 128, 17, 17)"]; -"Mixed_6b.branch7x7dbl_5.conv.weight" -> "Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 128, 1, 7)"]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 128, 1, 7)"]; -"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b.branch7x7dbl_5.bn.weight" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch7x7dbl_5.bn.bias" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch7x7dbl_5.bn.running_mean" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch7x7dbl_5.bn.running_var" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b/branch7x7dbl_5/relu_/0" -> "Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b/avg_pool2d/0" -> "Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6b/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6b.branch_pool.conv.weight" -> "Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6b/branch_pool/conv/conv2d/0" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b.branch_pool.bn.weight" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch_pool.bn.bias" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch_pool.bn.running_mean" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6b.branch_pool.bn.running_var" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6b/branch_pool/bn/batch_norm/0" -> "Mixed_6b/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b/branch_pool/relu_/0" -> "Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6b/cat/0" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6b/cat/0" -> "Mixed_6c/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6c.branch1x1.conv.weight" -> "Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6c/branch1x1/conv/conv2d/0" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c.branch1x1.bn.weight" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch1x1.bn.bias" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch1x1.bn.running_mean" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch1x1.bn.running_var" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6c/branch1x1/bn/batch_norm/0" -> "Mixed_6c/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c/branch1x1/relu_/0" -> "Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c.branch7x7_1.conv.weight" -> "Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; -"Mixed_6c/branch7x7_1/conv/conv2d/0" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c.branch7x7_1.bn.weight" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7_1.bn.bias" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7_1.bn.running_mean" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7_1.bn.running_var" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6c/branch7x7_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c/branch7x7_1/relu_/0" -> "Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c.branch7x7_2.conv.weight" -> "Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 1, 7)"]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; -"Mixed_6c/branch7x7_2/conv/conv2d/0" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c.branch7x7_2.bn.weight" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7_2.bn.bias" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7_2.bn.running_mean" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7_2.bn.running_var" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6c/branch7x7_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c/branch7x7_2/relu_/0" -> "Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c.branch7x7_3.conv.weight" -> "Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 160, 7, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 7, 1)"]; -"Mixed_6c/branch7x7_3/conv/conv2d/0" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c.branch7x7_3.bn.weight" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch7x7_3.bn.bias" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch7x7_3.bn.running_mean" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch7x7_3.bn.running_var" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6c/branch7x7_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c/branch7x7_3/relu_/0" -> "Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c.branch7x7dbl_1.conv.weight" -> "Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; -"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_1.bn.weight" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_1.bn.bias" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_1.bn.running_mean" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_1.bn.running_var" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c/branch7x7dbl_1/relu_/0" -> "Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_2.conv.weight" -> "Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 7, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; -"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_2.bn.weight" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_2.bn.bias" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_2.bn.running_mean" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_2.bn.running_var" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c/branch7x7dbl_2/relu_/0" -> "Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_3.conv.weight" -> "Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 1, 7)"]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; -"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_3.bn.weight" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_3.bn.bias" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_3.bn.running_mean" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_3.bn.running_var" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c/branch7x7dbl_3/relu_/0" -> "Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_4.conv.weight" -> "Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 7, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; -"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_4.bn.weight" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_4.bn.bias" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_4.bn.running_mean" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6c.branch7x7dbl_4.bn.running_var" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c/branch7x7dbl_4/relu_/0" -> "Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6c.branch7x7dbl_5.conv.weight" -> "Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 160, 1, 7)"]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 1, 7)"]; -"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c.branch7x7dbl_5.bn.weight" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch7x7dbl_5.bn.bias" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch7x7dbl_5.bn.running_mean" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch7x7dbl_5.bn.running_var" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c/branch7x7dbl_5/relu_/0" -> "Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c/avg_pool2d/0" -> "Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6c/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6c.branch_pool.conv.weight" -> "Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6c/branch_pool/conv/conv2d/0" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c.branch_pool.bn.weight" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch_pool.bn.bias" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch_pool.bn.running_mean" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6c.branch_pool.bn.running_var" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6c/branch_pool/bn/batch_norm/0" -> "Mixed_6c/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c/branch_pool/relu_/0" -> "Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6c/cat/0" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6c/cat/0" -> "Mixed_6d/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6d.branch1x1.conv.weight" -> "Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6d/branch1x1/conv/conv2d/0" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d.branch1x1.bn.weight" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch1x1.bn.bias" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch1x1.bn.running_mean" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch1x1.bn.running_var" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6d/branch1x1/bn/batch_norm/0" -> "Mixed_6d/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d/branch1x1/relu_/0" -> "Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d.branch7x7_1.conv.weight" -> "Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; -"Mixed_6d/branch7x7_1/conv/conv2d/0" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d.branch7x7_1.bn.weight" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7_1.bn.bias" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7_1.bn.running_mean" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7_1.bn.running_var" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6d/branch7x7_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d/branch7x7_1/relu_/0" -> "Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d.branch7x7_2.conv.weight" -> "Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 1, 7)"]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; -"Mixed_6d/branch7x7_2/conv/conv2d/0" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d.branch7x7_2.bn.weight" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7_2.bn.bias" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7_2.bn.running_mean" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7_2.bn.running_var" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6d/branch7x7_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d/branch7x7_2/relu_/0" -> "Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d.branch7x7_3.conv.weight" -> "Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 160, 7, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 7, 1)"]; -"Mixed_6d/branch7x7_3/conv/conv2d/0" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d.branch7x7_3.bn.weight" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch7x7_3.bn.bias" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch7x7_3.bn.running_mean" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch7x7_3.bn.running_var" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6d/branch7x7_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d/branch7x7_3/relu_/0" -> "Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d.branch7x7dbl_1.conv.weight" -> "Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 768, 1, 1)"]; -"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_1.bn.weight" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_1.bn.bias" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_1.bn.running_mean" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_1.bn.running_var" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d/branch7x7dbl_1/relu_/0" -> "Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_2.conv.weight" -> "Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 7, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; -"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_2.bn.weight" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_2.bn.bias" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_2.bn.running_mean" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_2.bn.running_var" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d/branch7x7dbl_2/relu_/0" -> "Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_3.conv.weight" -> "Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 1, 7)"]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 1, 7)"]; -"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_3.bn.weight" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_3.bn.bias" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_3.bn.running_mean" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_3.bn.running_var" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d/branch7x7dbl_3/relu_/0" -> "Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_4.conv.weight" -> "Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 160, 7, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 160, 7, 1)"]; -"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_4.bn.weight" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_4.bn.bias" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_4.bn.running_mean" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"Mixed_6d.branch7x7dbl_4.bn.running_var" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d/branch7x7dbl_4/relu_/0" -> "Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 160, 17, 17)"]; -"Mixed_6d.branch7x7dbl_5.conv.weight" -> "Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 160, 1, 7)"]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 160, 1, 7)"]; -"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d.branch7x7dbl_5.bn.weight" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch7x7dbl_5.bn.bias" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch7x7dbl_5.bn.running_mean" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch7x7dbl_5.bn.running_var" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d/branch7x7dbl_5/relu_/0" -> "Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d/avg_pool2d/0" -> "Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6d/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6d.branch_pool.conv.weight" -> "Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6d/branch_pool/conv/conv2d/0" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d.branch_pool.bn.weight" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch_pool.bn.bias" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch_pool.bn.running_mean" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6d.branch_pool.bn.running_var" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6d/branch_pool/bn/batch_norm/0" -> "Mixed_6d/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d/branch_pool/relu_/0" -> "Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6d/cat/0" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6d/cat/0" -> "Mixed_6e/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6e.branch1x1.conv.weight" -> "Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6e/branch1x1/conv/conv2d/0" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch1x1.bn.weight" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch1x1.bn.bias" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch1x1.bn.running_mean" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch1x1.bn.running_var" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch1x1/bn/batch_norm/0" -> "Mixed_6e/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/branch1x1/relu_/0" -> "Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7_1.conv.weight" -> "Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6e/branch7x7_1/conv/conv2d/0" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7_1.bn.weight" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_1.bn.bias" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_1.bn.running_mean" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_1.bn.running_var" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/branch7x7_1/relu_/0" -> "Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7_2.conv.weight" -> "Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 1, 7)"]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; -"Mixed_6e/branch7x7_2/conv/conv2d/0" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7_2.bn.weight" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_2.bn.bias" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_2.bn.running_mean" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_2.bn.running_var" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/branch7x7_2/relu_/0" -> "Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7_3.conv.weight" -> "Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 7, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; -"Mixed_6e/branch7x7_3/conv/conv2d/0" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7_3.bn.weight" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_3.bn.bias" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_3.bn.running_mean" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7_3.bn.running_var" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/branch7x7_3/relu_/0" -> "Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_1.conv.weight" -> "Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_1.bn.weight" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_1.bn.bias" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_1.bn.running_mean" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_1.bn.running_var" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/branch7x7dbl_1/relu_/0" -> "Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_2.conv.weight" -> "Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 7, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; -"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_2.bn.weight" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_2.bn.bias" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_2.bn.running_mean" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_2.bn.running_var" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/branch7x7dbl_2/relu_/0" -> "Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_3.conv.weight" -> "Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 1, 7)"]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; -"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_3.bn.weight" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_3.bn.bias" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_3.bn.running_mean" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_3.bn.running_var" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/branch7x7dbl_3/relu_/0" -> "Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_4.conv.weight" -> "Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 7, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; -"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_4.bn.weight" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_4.bn.bias" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_4.bn.running_mean" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_4.bn.running_var" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/branch7x7dbl_4/relu_/0" -> "Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_5.conv.weight" -> "Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 1, 7)"]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; -"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch7x7dbl_5.bn.weight" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_5.bn.bias" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_5.bn.running_mean" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch7x7dbl_5.bn.running_var" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/branch7x7dbl_5/relu_/0" -> "Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/avg_pool2d/0" -> "Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_6e/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6e.branch_pool.conv.weight" -> "Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_6e/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_6e/branch_pool/conv/conv2d/0" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e.branch_pool.bn.weight" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch_pool.bn.bias" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch_pool.bn.running_mean" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_6e.branch_pool.bn.running_var" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_6e/branch_pool/bn/batch_norm/0" -> "Mixed_6e/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/branch_pool/relu_/0" -> "Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_6e/cat/0" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6e/cat/0" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_6e/cat/0" -> "Mixed_7a/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 768, 17, 17)"]; -"Mixed_7a.branch3x3_1.conv.weight" -> "Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_7a/branch3x3_1/conv/conv2d/0" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_7a.branch3x3_1.bn.weight" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch3x3_1.bn.bias" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch3x3_1.bn.running_mean" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch3x3_1.bn.running_var" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_7a/branch3x3_1/bn/batch_norm/0" -> "Mixed_7a/branch3x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_7a/branch3x3_1/relu_/0" -> "Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_7a/branch3x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_7a.branch3x3_2.conv.weight" -> "Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(320, 192, 3, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320, 1, 1, 1)"]; -"Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 192, 3, 3)"]; -"Mixed_7a/branch3x3_2/conv/conv2d/0" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; -"Mixed_7a.branch3x3_2.bn.weight" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"Mixed_7a.branch3x3_2.bn.bias" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"Mixed_7a.branch3x3_2.bn.running_mean" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"Mixed_7a.branch3x3_2.bn.running_var" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"Mixed_7a/branch3x3_2/bn/batch_norm/0" -> "Mixed_7a/branch3x3_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; -"Mixed_7a/branch3x3_2/relu_/0" -> "Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; -"Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; -"Mixed_7a.branch7x7x3_1.conv.weight" -> "Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 768, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 768, 1, 1)"]; -"Mixed_7a/branch7x7x3_1/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_7a.branch7x7x3_1.bn.weight" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_1.bn.bias" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_1.bn.running_mean" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_1.bn.running_var" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_7a/branch7x7x3_1/relu_/0" -> "Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_7a.branch7x7x3_2.conv.weight" -> "Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 1, 7)"]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 1, 7)"]; -"Mixed_7a/branch7x7x3_2/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_7a.branch7x7x3_2.bn.weight" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_2.bn.bias" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_2.bn.running_mean" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_2.bn.running_var" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_7a/branch7x7x3_2/relu_/0" -> "Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_2/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_7a.branch7x7x3_3.conv.weight" -> "Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 7, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 7, 1)"]; -"Mixed_7a/branch7x7x3_3/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_7a.branch7x7x3_3.bn.weight" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_3.bn.bias" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_3.bn.running_mean" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_3.bn.running_var" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_3/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_7a/branch7x7x3_3/relu_/0" -> "Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_3/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 17, 17)"]; -"Mixed_7a.branch7x7x3_4.conv.weight" -> "Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 192, 3, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 192, 3, 3)"]; -"Mixed_7a/branch7x7x3_4/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; -"Mixed_7a.branch7x7x3_4.bn.weight" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_4.bn.bias" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_4.bn.running_mean" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_7a.branch7x7x3_4.bn.running_var" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_4/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; -"Mixed_7a/branch7x7x3_4/relu_/0" -> "Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; -"Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 192, 8, 8)"]; -"Mixed_7a/max_pool2d/0" -> "Mixed_7a/cat/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 768, 8, 8)"]; -"Mixed_7a/cat/0" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1280, 8, 8)"]; -"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1280, 8, 8)"]; -"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1280, 8, 8)"]; -"Mixed_7a/cat/0" -> "Mixed_7b/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1280, 8, 8)"]; -"Mixed_7b.branch1x1.conv.weight" -> "Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(320, 1280, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320, 1, 1, 1)"]; -"Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 1280, 1, 1)"]; -"Mixed_7b/branch1x1/conv/conv2d/0" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; -"Mixed_7b.branch1x1.bn.weight" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"Mixed_7b.branch1x1.bn.bias" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"Mixed_7b.branch1x1.bn.running_mean" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"Mixed_7b.branch1x1.bn.running_var" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"Mixed_7b/branch1x1/bn/batch_norm/0" -> "Mixed_7b/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; -"Mixed_7b/branch1x1/relu_/0" -> "Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; -"Mixed_7b.branch3x3_1.conv.weight" -> "Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1280, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1280, 1, 1)"]; -"Mixed_7b/branch3x3_1/conv/conv2d/0" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b.branch3x3_1.bn.weight" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_1.bn.bias" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_1.bn.running_mean" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_1.bn.running_var" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7b/branch3x3_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b/branch3x3_1/relu_/0" -> "Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b.branch3x3_2a.conv.weight" -> "Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 1, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; -"Mixed_7b/branch3x3_2a/conv/conv2d/0" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b.branch3x3_2a.bn.weight" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_2a.bn.bias" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_2a.bn.running_mean" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_2a.bn.running_var" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7b/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b/branch3x3_2a/relu_/0" -> "Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b.branch3x3_2b.conv.weight" -> "Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 3, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; -"Mixed_7b/branch3x3_2b/conv/conv2d/0" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b.branch3x3_2b.bn.weight" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_2b.bn.bias" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_2b.bn.running_mean" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3_2b.bn.running_var" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7b/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b/branch3x3_2b/relu_/0" -> "Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b/cat/0" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 768, 8, 8)"]; -"Mixed_7b.branch3x3dbl_1.conv.weight" -> "Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(448, 1280, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448, 1, 1, 1)"]; -"Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448, 1280, 1, 1)"]; -"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; -"Mixed_7b.branch3x3dbl_1.bn.weight" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; -"Mixed_7b.branch3x3dbl_1.bn.bias" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; -"Mixed_7b.branch3x3dbl_1.bn.running_mean" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; -"Mixed_7b.branch3x3dbl_1.bn.running_var" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; -"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; -"Mixed_7b/branch3x3dbl_1/relu_/0" -> "Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; -"Mixed_7b.branch3x3dbl_2.conv.weight" -> "Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 448, 3, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 448, 3, 3)"]; -"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b.branch3x3dbl_2.bn.weight" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_2.bn.bias" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_2.bn.running_mean" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_2.bn.running_var" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b/branch3x3dbl_2/relu_/0" -> "Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b.branch3x3dbl_3a.conv.weight" -> "Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 1, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; -"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b.branch3x3dbl_3a.bn.weight" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_3a.bn.bias" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_3a.bn.running_var" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b/branch3x3dbl_3a/relu_/0" -> "Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b.branch3x3dbl_3b.conv.weight" -> "Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 3, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; -"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b.branch3x3dbl_3b.bn.weight" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_3b.bn.bias" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7b.branch3x3dbl_3b.bn.running_var" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b/branch3x3dbl_3b/relu_/0" -> "Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7b/cat/1" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 768, 8, 8)"]; -"Mixed_7b/avg_pool2d/0" -> "Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1280, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7b/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1280, 8, 8)"]; -"Mixed_7b.branch_pool.conv.weight" -> "Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 1280, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1280, 1, 1)"]; -"Mixed_7b/branch_pool/conv/conv2d/0" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; -"Mixed_7b.branch_pool.bn.weight" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_7b.branch_pool.bn.bias" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_7b.branch_pool.bn.running_mean" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_7b.branch_pool.bn.running_var" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_7b/branch_pool/bn/batch_norm/0" -> "Mixed_7b/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; -"Mixed_7b/branch_pool/relu_/0" -> "Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; -"Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 192, 8, 8)"]; -"Mixed_7b/cat/2" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 8, 8)"]; -"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 8, 8)"]; -"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 8, 8)"]; -"Mixed_7b/cat/2" -> "Mixed_7c/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 8, 8)"]; -"Mixed_7c.branch1x1.conv.weight" -> "Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(320, 2048, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320, 1, 1, 1)"]; -"Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 2048, 1, 1)"]; -"Mixed_7c/branch1x1/conv/conv2d/0" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; -"Mixed_7c.branch1x1.bn.weight" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"Mixed_7c.branch1x1.bn.bias" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"Mixed_7c.branch1x1.bn.running_mean" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"Mixed_7c.branch1x1.bn.running_var" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"Mixed_7c/branch1x1/bn/batch_norm/0" -> "Mixed_7c/branch1x1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; -"Mixed_7c/branch1x1/relu_/0" -> "Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 320, 8, 8)"]; -"Mixed_7c.branch3x3_1.conv.weight" -> "Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 2048, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 2048, 1, 1)"]; -"Mixed_7c/branch3x3_1/conv/conv2d/0" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c.branch3x3_1.bn.weight" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_1.bn.bias" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_1.bn.running_mean" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_1.bn.running_var" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7c/branch3x3_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c/branch3x3_1/relu_/0" -> "Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c.branch3x3_2a.conv.weight" -> "Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 1, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; -"Mixed_7c/branch3x3_2a/conv/conv2d/0" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c.branch3x3_2a.bn.weight" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_2a.bn.bias" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_2a.bn.running_mean" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_2a.bn.running_var" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7c/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c/branch3x3_2a/relu_/0" -> "Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c.branch3x3_2b.conv.weight" -> "Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 3, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; -"Mixed_7c/branch3x3_2b/conv/conv2d/0" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c.branch3x3_2b.bn.weight" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_2b.bn.bias" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_2b.bn.running_mean" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3_2b.bn.running_var" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7c/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c/branch3x3_2b/relu_/0" -> "Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2b/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c/cat/0" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 768, 8, 8)"]; -"Mixed_7c.branch3x3dbl_1.conv.weight" -> "Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(448, 2048, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448, 1, 1, 1)"]; -"Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448, 2048, 1, 1)"]; -"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; -"Mixed_7c.branch3x3dbl_1.bn.weight" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(448,)"]; -"Mixed_7c.branch3x3dbl_1.bn.bias" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(448,)"]; -"Mixed_7c.branch3x3dbl_1.bn.running_mean" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(448,)"]; -"Mixed_7c.branch3x3dbl_1.bn.running_var" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(448,)"]; -"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; -"Mixed_7c/branch3x3dbl_1/relu_/0" -> "Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 448, 8, 8)"]; -"Mixed_7c.branch3x3dbl_2.conv.weight" -> "Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 448, 3, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 448, 3, 3)"]; -"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c.branch3x3dbl_2.bn.weight" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_2.bn.bias" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_2.bn.running_mean" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_2.bn.running_var" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c/branch3x3dbl_2/relu_/0" -> "Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c.branch3x3dbl_3a.conv.weight" -> "Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 1, 3)"]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 1, 3)"]; -"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c.branch3x3dbl_3a.bn.weight" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_3a.bn.bias" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_3a.bn.running_var" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3a/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c/branch3x3dbl_3a/relu_/0" -> "Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3a/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c.branch3x3dbl_3b.conv.weight" -> "Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 384, 3, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 384, 3, 1)"]; -"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c.branch3x3dbl_3b.bn.weight" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_3b.bn.bias" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"Mixed_7c.branch3x3dbl_3b.bn.running_var" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3b/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c/branch3x3dbl_3b/relu_/0" -> "Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 384, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3b/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(2, 384, 8, 8)"]; -"Mixed_7c/cat/1" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(2, 768, 8, 8)"]; -"Mixed_7c/avg_pool2d/0" -> "Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7c/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 8, 8)"]; -"Mixed_7c.branch_pool.conv.weight" -> "Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 2048, 1, 1)"]; -"__nncf_hooks.pre_hooks.Mixed_7c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 2048, 1, 1)"]; -"Mixed_7c/branch_pool/conv/conv2d/0" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; -"Mixed_7c.branch_pool.bn.weight" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"Mixed_7c.branch_pool.bn.bias" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"Mixed_7c.branch_pool.bn.running_mean" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"Mixed_7c.branch_pool.bn.running_var" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"Mixed_7c/branch_pool/bn/batch_norm/0" -> "Mixed_7c/branch_pool/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; -"Mixed_7c/branch_pool/relu_/0" -> "Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 192, 8, 8)"]; -"__nncf_hooks.post_hooks.Mixed_7c/branch_pool/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(2, 192, 8, 8)"]; -"Mixed_7c/cat/2" -> "/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 8, 8)"]; -"/adaptive_avg_pool2d/0" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 1, 1)"]; -"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 1, 1)"]; -"/dropout/0" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048, 1, 1)"]; -"/view/0" -> "fc/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 2048)"]; -"fc.weight" -> "fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1000, 2048)"]; -"fc.bias" -> "fc/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"__nncf_hooks.pre_hooks.fc/linear/0__1.0._scale_param_storage" -> "fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1000, 1)"]; -"fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" -> "fc/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 2048)"]; -"fc/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(2, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +"/__getitem__/0" [id=3, type="__getitem__", metatype=PTGatherMetatype]; +"/unsqueeze/0" [id=4, type=unsqueeze, metatype=PTReshapeMetatype]; +"/mul/0" [id=5, type=mul, metatype=PTMulMetatype]; +"/add/0" [id=6, type=add, metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__-add-0__0[0]/symmetric_quantize/0" [id=8, type="symmetric_quantize", metatype=UnknownMetatype]; +"/__getitem__/1" [id=9, type="__getitem__", metatype=PTGatherMetatype]; +"/unsqueeze/1" [id=10, type=unsqueeze, metatype=PTReshapeMetatype]; +"/mul/1" [id=11, type=mul, metatype=PTMulMetatype]; +"/add/1" [id=12, type=add, metatype=PTAddMetatype]; +"post_hook__-add-0__0[0]/symmetric_quantize/1" [id=13, type="symmetric_quantize", metatype=UnknownMetatype]; +"/__getitem__/2" [id=14, type="__getitem__", metatype=PTGatherMetatype]; +"/unsqueeze/2" [id=15, type=unsqueeze, metatype=PTReshapeMetatype]; +"/mul/2" [id=16, type=mul, metatype=PTMulMetatype]; +"/add/2" [id=17, type=add, metatype=PTAddMetatype]; +"post_hook__-add-0__0[0]/symmetric_quantize/2" [id=18, type="symmetric_quantize", metatype=UnknownMetatype]; +"/cat/0" [id=19, type=cat, metatype=PTCatMetatype]; +"Conv2d_1a_3x3.conv.weight" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Conv2d_1a_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=22, type="symmetric_quantize", metatype=UnknownMetatype]; +"Conv2d_1a_3x3/conv/conv2d/0" [id=23, type=conv2d, metatype=PTConv2dMetatype]; +"Conv2d_1a_3x3.bn.weight" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_1a_3x3.bn.bias" [id=25, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_1a_3x3.bn.running_mean" [id=26, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_1a_3x3.bn.running_var" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_1a_3x3/bn/batch_norm/0" [id=28, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Conv2d_1a_3x3/relu_/0" [id=29, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Conv2d_1a_3x3/relu_/0__0.0._scale_param_storage" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=31, type="symmetric_quantize", metatype=UnknownMetatype]; +"Conv2d_2a_3x3.conv.weight" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Conv2d_2a_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=34, type="symmetric_quantize", metatype=UnknownMetatype]; +"Conv2d_2a_3x3/conv/conv2d/0" [id=35, type=conv2d, metatype=PTConv2dMetatype]; +"Conv2d_2a_3x3.bn.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2a_3x3.bn.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2a_3x3.bn.running_mean" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2a_3x3.bn.running_var" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2a_3x3/bn/batch_norm/0" [id=40, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Conv2d_2a_3x3/relu_/0" [id=41, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Conv2d_2a_3x3/relu_/0__0.0._scale_param_storage" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=43, type="symmetric_quantize", metatype=UnknownMetatype]; +"Conv2d_2b_3x3.conv.weight" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Conv2d_2b_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=46, type="symmetric_quantize", metatype=UnknownMetatype]; +"Conv2d_2b_3x3/conv/conv2d/0" [id=47, type=conv2d, metatype=PTConv2dMetatype]; +"Conv2d_2b_3x3.bn.weight" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2b_3x3.bn.bias" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2b_3x3.bn.running_mean" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2b_3x3.bn.running_var" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2b_3x3/bn/batch_norm/0" [id=52, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Conv2d_2b_3x3/relu_/0" [id=53, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Conv2d_2b_3x3/relu_/0__0.0._scale_param_storage" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=55, type="symmetric_quantize", metatype=UnknownMetatype]; +"/max_pool2d/0" [id=56, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"Conv2d_3b_1x1.conv.weight" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Conv2d_3b_1x1/conv/conv2d/0__1.0._scale_param_storage" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=59, type="symmetric_quantize", metatype=UnknownMetatype]; +"Conv2d_3b_1x1/conv/conv2d/0" [id=60, type=conv2d, metatype=PTConv2dMetatype]; +"Conv2d_3b_1x1.bn.weight" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_3b_1x1.bn.bias" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_3b_1x1.bn.running_mean" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_3b_1x1.bn.running_var" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_3b_1x1/bn/batch_norm/0" [id=65, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Conv2d_3b_1x1/relu_/0" [id=66, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Conv2d_3b_1x1/relu_/0__0.0._scale_param_storage" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" [id=68, type="symmetric_quantize", metatype=UnknownMetatype]; +"Conv2d_4a_3x3.conv.weight" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Conv2d_4a_3x3/conv/conv2d/0__1.0._scale_param_storage" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=71, type="symmetric_quantize", metatype=UnknownMetatype]; +"Conv2d_4a_3x3/conv/conv2d/0" [id=72, type=conv2d, metatype=PTConv2dMetatype]; +"Conv2d_4a_3x3.bn.weight" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_4a_3x3.bn.bias" [id=74, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_4a_3x3.bn.running_mean" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_4a_3x3.bn.running_var" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_4a_3x3/bn/batch_norm/0" [id=77, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Conv2d_4a_3x3/relu_/0" [id=78, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Conv2d_4a_3x3/relu_/0__0.0._scale_param_storage" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" [id=80, type="symmetric_quantize", metatype=UnknownMetatype]; +"/max_pool2d/1" [id=81, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"Mixed_5b.branch1x1.conv.weight" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=84, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b/branch1x1/conv/conv2d/0" [id=85, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5b.branch1x1.bn.weight" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch1x1.bn.bias" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch1x1.bn.running_mean" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch1x1.bn.running_var" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch1x1/bn/batch_norm/0" [id=90, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5b/branch1x1/relu_/0" [id=91, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=93, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b.branch5x5_1.conv.weight" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=96, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b/branch5x5_1/conv/conv2d/0" [id=97, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5b.branch5x5_1.bn.weight" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch5x5_1.bn.bias" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch5x5_1.bn.running_mean" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch5x5_1.bn.running_var" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch5x5_1/bn/batch_norm/0" [id=102, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5b/branch5x5_1/relu_/0" [id=103, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_1/relu_/0__0.0._scale_param_storage" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [id=105, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b.branch5x5_2.conv.weight" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=108, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b/branch5x5_2/conv/conv2d/0" [id=109, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5b.branch5x5_2.bn.weight" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch5x5_2.bn.bias" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch5x5_2.bn.running_mean" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch5x5_2.bn.running_var" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch5x5_2/bn/batch_norm/0" [id=114, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5b/branch5x5_2/relu_/0" [id=115, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=116, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b.branch3x3dbl_1.conv.weight" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=119, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [id=120, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5b.branch3x3dbl_1.bn.weight" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_1.bn.bias" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_1.bn.running_mean" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_1.bn.running_var" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [id=125, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5b/branch3x3dbl_1/relu_/0" [id=126, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=128, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b.branch3x3dbl_2.conv.weight" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=131, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [id=132, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5b.branch3x3dbl_2.bn.weight" [id=133, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_2.bn.bias" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_2.bn.running_mean" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_2.bn.running_var" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [id=137, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5b/branch3x3dbl_2/relu_/0" [id=138, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=140, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b.branch3x3dbl_3.conv.weight" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=143, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [id=144, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5b.branch3x3dbl_3.bn.weight" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_3.bn.bias" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_3.bn.running_mean" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch3x3dbl_3.bn.running_var" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [id=149, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5b/branch3x3dbl_3/relu_/0" [id=150, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=151, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b/avg_pool2d/0" [id=152, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.Mixed_5b/avg_pool2d/0__0.0._scale_param_storage" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=154, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b.branch_pool.conv.weight" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=157, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b/branch_pool/conv/conv2d/0" [id=158, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5b.branch_pool.bn.weight" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch_pool.bn.bias" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch_pool.bn.running_mean" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b.branch_pool.bn.running_var" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5b/branch_pool/bn/batch_norm/0" [id=163, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5b/branch_pool/relu_/0" [id=164, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=165, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5b/cat/0" [id=166, type=cat, metatype=PTCatMetatype]; +"Mixed_5c.branch1x1.conv.weight" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=169, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c/branch1x1/conv/conv2d/0" [id=170, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5c.branch1x1.bn.weight" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch1x1.bn.bias" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch1x1.bn.running_mean" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch1x1.bn.running_var" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch1x1/bn/batch_norm/0" [id=175, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5c/branch1x1/relu_/0" [id=176, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=178, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c.branch5x5_1.conv.weight" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=181, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c/branch5x5_1/conv/conv2d/0" [id=182, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5c.branch5x5_1.bn.weight" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch5x5_1.bn.bias" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch5x5_1.bn.running_mean" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch5x5_1.bn.running_var" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch5x5_1/bn/batch_norm/0" [id=187, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5c/branch5x5_1/relu_/0" [id=188, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_5c/branch5x5_1/relu_/0__0.0._scale_param_storage" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [id=190, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c.branch5x5_2.conv.weight" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=193, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c/branch5x5_2/conv/conv2d/0" [id=194, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5c.branch5x5_2.bn.weight" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch5x5_2.bn.bias" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch5x5_2.bn.running_mean" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch5x5_2.bn.running_var" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch5x5_2/bn/batch_norm/0" [id=199, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5c/branch5x5_2/relu_/0" [id=200, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=201, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c.branch3x3dbl_1.conv.weight" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=204, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [id=205, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5c.branch3x3dbl_1.bn.weight" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_1.bn.bias" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_1.bn.running_mean" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_1.bn.running_var" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [id=210, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5c/branch3x3dbl_1/relu_/0" [id=211, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=213, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c.branch3x3dbl_2.conv.weight" [id=214, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=216, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [id=217, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5c.branch3x3dbl_2.bn.weight" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_2.bn.bias" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_2.bn.running_mean" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_2.bn.running_var" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [id=222, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5c/branch3x3dbl_2/relu_/0" [id=223, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=225, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c.branch3x3dbl_3.conv.weight" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=228, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [id=229, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5c.branch3x3dbl_3.bn.weight" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_3.bn.bias" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_3.bn.running_mean" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch3x3dbl_3.bn.running_var" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [id=234, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5c/branch3x3dbl_3/relu_/0" [id=235, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=236, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c/avg_pool2d/0" [id=237, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.Mixed_5c/avg_pool2d/0__0.0._scale_param_storage" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=239, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c.branch_pool.conv.weight" [id=240, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=242, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c/branch_pool/conv/conv2d/0" [id=243, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5c.branch_pool.bn.weight" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch_pool.bn.bias" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch_pool.bn.running_mean" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c.branch_pool.bn.running_var" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5c/branch_pool/bn/batch_norm/0" [id=248, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5c/branch_pool/relu_/0" [id=249, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=250, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5c/cat/0" [id=251, type=cat, metatype=PTCatMetatype]; +"Mixed_5d.branch1x1.conv.weight" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=254, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d/branch1x1/conv/conv2d/0" [id=255, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5d.branch1x1.bn.weight" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch1x1.bn.bias" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch1x1.bn.running_mean" [id=258, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch1x1.bn.running_var" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch1x1/bn/batch_norm/0" [id=260, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5d/branch1x1/relu_/0" [id=261, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=263, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d.branch5x5_1.conv.weight" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" [id=265, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=266, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d/branch5x5_1/conv/conv2d/0" [id=267, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5d.branch5x5_1.bn.weight" [id=268, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch5x5_1.bn.bias" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch5x5_1.bn.running_mean" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch5x5_1.bn.running_var" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch5x5_1/bn/batch_norm/0" [id=272, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5d/branch5x5_1/relu_/0" [id=273, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_5d/branch5x5_1/relu_/0__0.0._scale_param_storage" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [id=275, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d.branch5x5_2.conv.weight" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=278, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d/branch5x5_2/conv/conv2d/0" [id=279, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5d.branch5x5_2.bn.weight" [id=280, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch5x5_2.bn.bias" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch5x5_2.bn.running_mean" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch5x5_2.bn.running_var" [id=283, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch5x5_2/bn/batch_norm/0" [id=284, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5d/branch5x5_2/relu_/0" [id=285, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=286, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d.branch3x3dbl_1.conv.weight" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=289, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [id=290, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5d.branch3x3dbl_1.bn.weight" [id=291, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_1.bn.bias" [id=292, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_1.bn.running_mean" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_1.bn.running_var" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [id=295, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5d/branch3x3dbl_1/relu_/0" [id=296, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=297, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=298, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d.branch3x3dbl_2.conv.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=301, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [id=302, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5d.branch3x3dbl_2.bn.weight" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_2.bn.bias" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_2.bn.running_mean" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_2.bn.running_var" [id=306, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [id=307, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5d/branch3x3dbl_2/relu_/0" [id=308, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=309, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=310, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d.branch3x3dbl_3.conv.weight" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=313, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [id=314, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5d.branch3x3dbl_3.bn.weight" [id=315, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_3.bn.bias" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_3.bn.running_mean" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch3x3dbl_3.bn.running_var" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [id=319, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5d/branch3x3dbl_3/relu_/0" [id=320, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=321, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d/avg_pool2d/0" [id=322, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.Mixed_5d/avg_pool2d/0__0.0._scale_param_storage" [id=323, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=324, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d.branch_pool.conv.weight" [id=325, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=327, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d/branch_pool/conv/conv2d/0" [id=328, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_5d.branch_pool.bn.weight" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch_pool.bn.bias" [id=330, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch_pool.bn.running_mean" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d.branch_pool.bn.running_var" [id=332, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_5d/branch_pool/bn/batch_norm/0" [id=333, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_5d/branch_pool/relu_/0" [id=334, type="relu_", metatype=PTRELUMetatype]; +"Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=335, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_5d/cat/0" [id=336, type=cat, metatype=PTCatMetatype]; +"Mixed_6a.branch3x3.conv.weight" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3/conv/conv2d/0__1.0._scale_param_storage" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=339, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6a/branch3x3/conv/conv2d/0" [id=340, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6a.branch3x3.bn.weight" [id=341, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3.bn.bias" [id=342, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3.bn.running_mean" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3.bn.running_var" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3/bn/batch_norm/0" [id=345, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6a/branch3x3/relu_/0" [id=346, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=347, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6a.branch3x3dbl_1.conv.weight" [id=348, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=350, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [id=351, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6a.branch3x3dbl_1.bn.weight" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_1.bn.bias" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_1.bn.running_mean" [id=354, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_1.bn.running_var" [id=355, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [id=356, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6a/branch3x3dbl_1/relu_/0" [id=357, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=359, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6a.branch3x3dbl_2.conv.weight" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=361, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=362, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [id=363, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6a.branch3x3dbl_2.bn.weight" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_2.bn.bias" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_2.bn.running_mean" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_2.bn.running_var" [id=367, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [id=368, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6a/branch3x3dbl_2/relu_/0" [id=369, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=371, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6a.branch3x3dbl_3.conv.weight" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=373, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=374, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [id=375, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6a.branch3x3dbl_3.bn.weight" [id=376, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_3.bn.bias" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_3.bn.running_mean" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a.branch3x3dbl_3.bn.running_var" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [id=380, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6a/branch3x3dbl_3/relu_/0" [id=381, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [id=382, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6a/max_pool2d/0" [id=383, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"Mixed_6a/cat/0" [id=384, type=cat, metatype=PTCatMetatype]; +"Mixed_6b.branch1x1.conv.weight" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=386, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=387, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b/branch1x1/conv/conv2d/0" [id=388, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch1x1.bn.weight" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch1x1.bn.bias" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch1x1.bn.running_mean" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch1x1.bn.running_var" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch1x1/bn/batch_norm/0" [id=393, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch1x1/relu_/0" [id=394, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=396, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b.branch7x7_1.conv.weight" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=399, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b/branch7x7_1/conv/conv2d/0" [id=400, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7_1.bn.weight" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_1.bn.bias" [id=402, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_1.bn.running_mean" [id=403, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_1.bn.running_var" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7_1/bn/batch_norm/0" [id=405, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7_1/relu_/0" [id=406, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=408, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b.branch7x7_2.conv.weight" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=410, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=411, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b/branch7x7_2/conv/conv2d/0" [id=412, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7_2.bn.weight" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_2.bn.bias" [id=414, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_2.bn.running_mean" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_2.bn.running_var" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7_2/bn/batch_norm/0" [id=417, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7_2/relu_/0" [id=418, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=420, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b.branch7x7_3.conv.weight" [id=421, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=423, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b/branch7x7_3/conv/conv2d/0" [id=424, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7_3.bn.weight" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_3.bn.bias" [id=426, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_3.bn.running_mean" [id=427, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7_3.bn.running_var" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7_3/bn/batch_norm/0" [id=429, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7_3/relu_/0" [id=430, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=431, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b.branch7x7dbl_1.conv.weight" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=434, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [id=435, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7dbl_1.bn.weight" [id=436, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_1.bn.bias" [id=437, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_1.bn.running_mean" [id=438, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_1.bn.running_var" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [id=440, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7dbl_1/relu_/0" [id=441, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=443, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b.branch7x7dbl_2.conv.weight" [id=444, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=445, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=446, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [id=447, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7dbl_2.bn.weight" [id=448, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_2.bn.bias" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_2.bn.running_mean" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_2.bn.running_var" [id=451, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [id=452, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7dbl_2/relu_/0" [id=453, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=454, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=455, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b.branch7x7dbl_3.conv.weight" [id=456, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=457, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=458, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [id=459, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7dbl_3.bn.weight" [id=460, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_3.bn.bias" [id=461, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_3.bn.running_mean" [id=462, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_3.bn.running_var" [id=463, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [id=464, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7dbl_3/relu_/0" [id=465, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=467, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b.branch7x7dbl_4.conv.weight" [id=468, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=469, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=470, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [id=471, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7dbl_4.bn.weight" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_4.bn.bias" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_4.bn.running_mean" [id=474, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_4.bn.running_var" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [id=476, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7dbl_4/relu_/0" [id=477, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=478, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=479, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b.branch7x7dbl_5.conv.weight" [id=480, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=481, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=482, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [id=483, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch7x7dbl_5.bn.weight" [id=484, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_5.bn.bias" [id=485, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_5.bn.running_mean" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch7x7dbl_5.bn.running_var" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [id=488, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch7x7dbl_5/relu_/0" [id=489, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=490, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b/avg_pool2d/0" [id=491, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.Mixed_6b/avg_pool2d/0__0.0._scale_param_storage" [id=492, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=493, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b.branch_pool.conv.weight" [id=494, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=495, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=496, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b/branch_pool/conv/conv2d/0" [id=497, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6b.branch_pool.bn.weight" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch_pool.bn.bias" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch_pool.bn.running_mean" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b.branch_pool.bn.running_var" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6b/branch_pool/bn/batch_norm/0" [id=502, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6b/branch_pool/relu_/0" [id=503, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=504, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6b/cat/0" [id=505, type=cat, metatype=PTCatMetatype]; +"Mixed_6c.branch1x1.conv.weight" [id=506, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=507, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=508, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c/branch1x1/conv/conv2d/0" [id=509, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch1x1.bn.weight" [id=510, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch1x1.bn.bias" [id=511, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch1x1.bn.running_mean" [id=512, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch1x1.bn.running_var" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch1x1/bn/batch_norm/0" [id=514, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch1x1/relu_/0" [id=515, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=517, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c.branch7x7_1.conv.weight" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=519, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=520, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c/branch7x7_1/conv/conv2d/0" [id=521, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7_1.bn.weight" [id=522, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_1.bn.bias" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_1.bn.running_mean" [id=524, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_1.bn.running_var" [id=525, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7_1/bn/batch_norm/0" [id=526, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7_1/relu_/0" [id=527, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=528, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=529, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c.branch7x7_2.conv.weight" [id=530, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=531, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=532, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c/branch7x7_2/conv/conv2d/0" [id=533, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7_2.bn.weight" [id=534, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_2.bn.bias" [id=535, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_2.bn.running_mean" [id=536, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_2.bn.running_var" [id=537, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7_2/bn/batch_norm/0" [id=538, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7_2/relu_/0" [id=539, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=540, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=541, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c.branch7x7_3.conv.weight" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=543, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=544, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c/branch7x7_3/conv/conv2d/0" [id=545, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7_3.bn.weight" [id=546, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_3.bn.bias" [id=547, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_3.bn.running_mean" [id=548, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7_3.bn.running_var" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7_3/bn/batch_norm/0" [id=550, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7_3/relu_/0" [id=551, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=552, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c.branch7x7dbl_1.conv.weight" [id=553, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=554, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=555, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [id=556, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7dbl_1.bn.weight" [id=557, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_1.bn.bias" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_1.bn.running_mean" [id=559, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_1.bn.running_var" [id=560, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [id=561, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7dbl_1/relu_/0" [id=562, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=563, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=564, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c.branch7x7dbl_2.conv.weight" [id=565, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=566, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=567, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [id=568, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7dbl_2.bn.weight" [id=569, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_2.bn.bias" [id=570, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_2.bn.running_mean" [id=571, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_2.bn.running_var" [id=572, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [id=573, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7dbl_2/relu_/0" [id=574, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=575, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=576, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c.branch7x7dbl_3.conv.weight" [id=577, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=578, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=579, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [id=580, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7dbl_3.bn.weight" [id=581, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_3.bn.bias" [id=582, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_3.bn.running_mean" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_3.bn.running_var" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [id=585, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7dbl_3/relu_/0" [id=586, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=587, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=588, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c.branch7x7dbl_4.conv.weight" [id=589, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=590, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=591, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [id=592, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7dbl_4.bn.weight" [id=593, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_4.bn.bias" [id=594, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_4.bn.running_mean" [id=595, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_4.bn.running_var" [id=596, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [id=597, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7dbl_4/relu_/0" [id=598, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=599, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=600, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c.branch7x7dbl_5.conv.weight" [id=601, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=602, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=603, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [id=604, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch7x7dbl_5.bn.weight" [id=605, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_5.bn.bias" [id=606, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_5.bn.running_mean" [id=607, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch7x7dbl_5.bn.running_var" [id=608, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [id=609, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch7x7dbl_5/relu_/0" [id=610, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=611, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c/avg_pool2d/0" [id=612, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.Mixed_6c/avg_pool2d/0__0.0._scale_param_storage" [id=613, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=614, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c.branch_pool.conv.weight" [id=615, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=616, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=617, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c/branch_pool/conv/conv2d/0" [id=618, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6c.branch_pool.bn.weight" [id=619, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch_pool.bn.bias" [id=620, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch_pool.bn.running_mean" [id=621, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c.branch_pool.bn.running_var" [id=622, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6c/branch_pool/bn/batch_norm/0" [id=623, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6c/branch_pool/relu_/0" [id=624, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=625, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6c/cat/0" [id=626, type=cat, metatype=PTCatMetatype]; +"Mixed_6d.branch1x1.conv.weight" [id=627, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=628, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=629, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d/branch1x1/conv/conv2d/0" [id=630, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch1x1.bn.weight" [id=631, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch1x1.bn.bias" [id=632, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch1x1.bn.running_mean" [id=633, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch1x1.bn.running_var" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch1x1/bn/batch_norm/0" [id=635, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch1x1/relu_/0" [id=636, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" [id=637, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=638, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d.branch7x7_1.conv.weight" [id=639, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=640, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=641, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d/branch7x7_1/conv/conv2d/0" [id=642, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7_1.bn.weight" [id=643, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_1.bn.bias" [id=644, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_1.bn.running_mean" [id=645, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_1.bn.running_var" [id=646, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7_1/bn/batch_norm/0" [id=647, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7_1/relu_/0" [id=648, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=649, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=650, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d.branch7x7_2.conv.weight" [id=651, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=652, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=653, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d/branch7x7_2/conv/conv2d/0" [id=654, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7_2.bn.weight" [id=655, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_2.bn.bias" [id=656, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_2.bn.running_mean" [id=657, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_2.bn.running_var" [id=658, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7_2/bn/batch_norm/0" [id=659, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7_2/relu_/0" [id=660, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=661, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=662, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d.branch7x7_3.conv.weight" [id=663, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=664, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=665, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d/branch7x7_3/conv/conv2d/0" [id=666, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7_3.bn.weight" [id=667, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_3.bn.bias" [id=668, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_3.bn.running_mean" [id=669, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7_3.bn.running_var" [id=670, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7_3/bn/batch_norm/0" [id=671, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7_3/relu_/0" [id=672, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=673, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d.branch7x7dbl_1.conv.weight" [id=674, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=675, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=676, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [id=677, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7dbl_1.bn.weight" [id=678, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_1.bn.bias" [id=679, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_1.bn.running_mean" [id=680, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_1.bn.running_var" [id=681, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [id=682, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7dbl_1/relu_/0" [id=683, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=684, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=685, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d.branch7x7dbl_2.conv.weight" [id=686, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=687, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=688, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [id=689, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7dbl_2.bn.weight" [id=690, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_2.bn.bias" [id=691, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_2.bn.running_mean" [id=692, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_2.bn.running_var" [id=693, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [id=694, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7dbl_2/relu_/0" [id=695, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=696, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=697, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d.branch7x7dbl_3.conv.weight" [id=698, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=699, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=700, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [id=701, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7dbl_3.bn.weight" [id=702, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_3.bn.bias" [id=703, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_3.bn.running_mean" [id=704, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_3.bn.running_var" [id=705, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [id=706, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7dbl_3/relu_/0" [id=707, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=708, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=709, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d.branch7x7dbl_4.conv.weight" [id=710, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=711, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=712, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [id=713, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7dbl_4.bn.weight" [id=714, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_4.bn.bias" [id=715, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_4.bn.running_mean" [id=716, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_4.bn.running_var" [id=717, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [id=718, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7dbl_4/relu_/0" [id=719, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=720, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=721, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d.branch7x7dbl_5.conv.weight" [id=722, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=723, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=724, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [id=725, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch7x7dbl_5.bn.weight" [id=726, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_5.bn.bias" [id=727, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_5.bn.running_mean" [id=728, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch7x7dbl_5.bn.running_var" [id=729, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [id=730, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch7x7dbl_5/relu_/0" [id=731, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=732, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d/avg_pool2d/0" [id=733, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.Mixed_6d/avg_pool2d/0__0.0._scale_param_storage" [id=734, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=735, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d.branch_pool.conv.weight" [id=736, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=737, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=738, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d/branch_pool/conv/conv2d/0" [id=739, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6d.branch_pool.bn.weight" [id=740, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch_pool.bn.bias" [id=741, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch_pool.bn.running_mean" [id=742, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d.branch_pool.bn.running_var" [id=743, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6d/branch_pool/bn/batch_norm/0" [id=744, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6d/branch_pool/relu_/0" [id=745, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [id=746, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6d/cat/0" [id=747, type=cat, metatype=PTCatMetatype]; +"Mixed_6e.branch1x1.conv.weight" [id=748, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=749, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=750, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e/branch1x1/conv/conv2d/0" [id=751, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch1x1.bn.weight" [id=752, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch1x1.bn.bias" [id=753, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch1x1.bn.running_mean" [id=754, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch1x1.bn.running_var" [id=755, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch1x1/bn/batch_norm/0" [id=756, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch1x1/relu_/0" [id=757, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" [id=758, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=759, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e.branch7x7_1.conv.weight" [id=760, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" [id=761, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=762, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e/branch7x7_1/conv/conv2d/0" [id=763, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7_1.bn.weight" [id=764, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_1.bn.bias" [id=765, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_1.bn.running_mean" [id=766, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_1.bn.running_var" [id=767, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7_1/bn/batch_norm/0" [id=768, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7_1/relu_/0" [id=769, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_1/relu_/0__0.0._scale_param_storage" [id=770, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [id=771, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e.branch7x7_2.conv.weight" [id=772, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" [id=773, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=774, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e/branch7x7_2/conv/conv2d/0" [id=775, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7_2.bn.weight" [id=776, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_2.bn.bias" [id=777, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_2.bn.running_mean" [id=778, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_2.bn.running_var" [id=779, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7_2/bn/batch_norm/0" [id=780, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7_2/relu_/0" [id=781, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_2/relu_/0__0.0._scale_param_storage" [id=782, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [id=783, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e.branch7x7_3.conv.weight" [id=784, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" [id=785, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=786, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e/branch7x7_3/conv/conv2d/0" [id=787, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7_3.bn.weight" [id=788, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_3.bn.bias" [id=789, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_3.bn.running_mean" [id=790, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7_3.bn.running_var" [id=791, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7_3/bn/batch_norm/0" [id=792, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7_3/relu_/0" [id=793, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=794, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e.branch7x7dbl_1.conv.weight" [id=795, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=796, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=797, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [id=798, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7dbl_1.bn.weight" [id=799, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_1.bn.bias" [id=800, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_1.bn.running_mean" [id=801, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_1.bn.running_var" [id=802, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [id=803, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7dbl_1/relu_/0" [id=804, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" [id=805, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=806, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e.branch7x7dbl_2.conv.weight" [id=807, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=808, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=809, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [id=810, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7dbl_2.bn.weight" [id=811, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_2.bn.bias" [id=812, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_2.bn.running_mean" [id=813, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_2.bn.running_var" [id=814, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [id=815, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7dbl_2/relu_/0" [id=816, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" [id=817, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=818, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e.branch7x7dbl_3.conv.weight" [id=819, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" [id=820, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=821, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [id=822, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7dbl_3.bn.weight" [id=823, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_3.bn.bias" [id=824, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_3.bn.running_mean" [id=825, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_3.bn.running_var" [id=826, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [id=827, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7dbl_3/relu_/0" [id=828, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" [id=829, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [id=830, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e.branch7x7dbl_4.conv.weight" [id=831, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" [id=832, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=833, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [id=834, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7dbl_4.bn.weight" [id=835, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_4.bn.bias" [id=836, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_4.bn.running_mean" [id=837, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_4.bn.running_var" [id=838, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [id=839, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7dbl_4/relu_/0" [id=840, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" [id=841, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [id=842, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e.branch7x7dbl_5.conv.weight" [id=843, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" [id=844, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=845, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [id=846, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch7x7dbl_5.bn.weight" [id=847, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_5.bn.bias" [id=848, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_5.bn.running_mean" [id=849, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch7x7dbl_5.bn.running_var" [id=850, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [id=851, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch7x7dbl_5/relu_/0" [id=852, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=853, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e/avg_pool2d/0" [id=854, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.Mixed_6e/avg_pool2d/0__0.0._scale_param_storage" [id=855, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=856, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e.branch_pool.conv.weight" [id=857, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=858, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=859, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e/branch_pool/conv/conv2d/0" [id=860, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_6e.branch_pool.bn.weight" [id=861, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch_pool.bn.bias" [id=862, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch_pool.bn.running_mean" [id=863, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e.branch_pool.bn.running_var" [id=864, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_6e/branch_pool/bn/batch_norm/0" [id=865, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_6e/branch_pool/relu_/0" [id=866, type="relu_", metatype=PTRELUMetatype]; +"Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=867, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_6e/cat/0" [id=868, type=cat, metatype=PTCatMetatype]; +"Mixed_7a.branch3x3_1.conv.weight" [id=869, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=870, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=871, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7a/branch3x3_1/conv/conv2d/0" [id=872, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7a.branch3x3_1.bn.weight" [id=873, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch3x3_1.bn.bias" [id=874, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch3x3_1.bn.running_mean" [id=875, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch3x3_1.bn.running_var" [id=876, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch3x3_1/bn/batch_norm/0" [id=877, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7a/branch3x3_1/relu_/0" [id=878, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7a/branch3x3_1/relu_/0__0.0._scale_param_storage" [id=879, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=880, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7a.branch3x3_2.conv.weight" [id=881, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_2/conv/conv2d/0__1.0._scale_param_storage" [id=882, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=883, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7a/branch3x3_2/conv/conv2d/0" [id=884, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7a.branch3x3_2.bn.weight" [id=885, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch3x3_2.bn.bias" [id=886, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch3x3_2.bn.running_mean" [id=887, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch3x3_2.bn.running_var" [id=888, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch3x3_2/bn/batch_norm/0" [id=889, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7a/branch3x3_2/relu_/0" [id=890, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=891, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7a.branch7x7x3_1.conv.weight" [id=892, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=893, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=894, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7a/branch7x7x3_1/conv/conv2d/0" [id=895, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7a.branch7x7x3_1.bn.weight" [id=896, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_1.bn.bias" [id=897, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_1.bn.running_mean" [id=898, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_1.bn.running_var" [id=899, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [id=900, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7a/branch7x7x3_1/relu_/0" [id=901, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_1/relu_/0__0.0._scale_param_storage" [id=902, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=903, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7a.branch7x7x3_2.conv.weight" [id=904, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_2/conv/conv2d/0__1.0._scale_param_storage" [id=905, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=906, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7a/branch7x7x3_2/conv/conv2d/0" [id=907, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7a.branch7x7x3_2.bn.weight" [id=908, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_2.bn.bias" [id=909, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_2.bn.running_mean" [id=910, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_2.bn.running_var" [id=911, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [id=912, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7a/branch7x7x3_2/relu_/0" [id=913, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_2/relu_/0__0.0._scale_param_storage" [id=914, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" [id=915, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7a.branch7x7x3_3.conv.weight" [id=916, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_3/conv/conv2d/0__1.0._scale_param_storage" [id=917, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=918, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7a/branch7x7x3_3/conv/conv2d/0" [id=919, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7a.branch7x7x3_3.bn.weight" [id=920, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_3.bn.bias" [id=921, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_3.bn.running_mean" [id=922, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_3.bn.running_var" [id=923, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [id=924, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7a/branch7x7x3_3/relu_/0" [id=925, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_3/relu_/0__0.0._scale_param_storage" [id=926, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" [id=927, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7a.branch7x7x3_4.conv.weight" [id=928, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_4/conv/conv2d/0__1.0._scale_param_storage" [id=929, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=930, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7a/branch7x7x3_4/conv/conv2d/0" [id=931, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7a.branch7x7x3_4.bn.weight" [id=932, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_4.bn.bias" [id=933, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_4.bn.running_mean" [id=934, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a.branch7x7x3_4.bn.running_var" [id=935, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [id=936, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7a/branch7x7x3_4/relu_/0" [id=937, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=938, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7a/max_pool2d/0" [id=939, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"Mixed_7a/cat/0" [id=940, type=cat, metatype=PTCatMetatype]; +"Mixed_7b.branch1x1.conv.weight" [id=941, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=942, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=943, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b/branch1x1/conv/conv2d/0" [id=944, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch1x1.bn.weight" [id=945, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch1x1.bn.bias" [id=946, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch1x1.bn.running_mean" [id=947, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch1x1.bn.running_var" [id=948, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch1x1/bn/batch_norm/0" [id=949, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch1x1/relu_/0" [id=950, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" [id=951, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=952, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b.branch3x3_1.conv.weight" [id=953, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=954, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=955, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b/branch3x3_1/conv/conv2d/0" [id=956, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch3x3_1.bn.weight" [id=957, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_1.bn.bias" [id=958, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_1.bn.running_mean" [id=959, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_1.bn.running_var" [id=960, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3_1/bn/batch_norm/0" [id=961, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch3x3_1/relu_/0" [id=962, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_1/relu_/0__0.0._scale_param_storage" [id=963, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=964, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b.branch3x3_2a.conv.weight" [id=965, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" [id=966, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=967, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b/branch3x3_2a/conv/conv2d/0" [id=968, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch3x3_2a.bn.weight" [id=969, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_2a.bn.bias" [id=970, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_2a.bn.running_mean" [id=971, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_2a.bn.running_var" [id=972, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3_2a/bn/batch_norm/0" [id=973, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch3x3_2a/relu_/0" [id=974, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=975, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b.branch3x3_2b.conv.weight" [id=976, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" [id=977, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=978, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b/branch3x3_2b/conv/conv2d/0" [id=979, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch3x3_2b.bn.weight" [id=980, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_2b.bn.bias" [id=981, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_2b.bn.running_mean" [id=982, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3_2b.bn.running_var" [id=983, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3_2b/bn/batch_norm/0" [id=984, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch3x3_2b/relu_/0" [id=985, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=986, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b/cat/0" [id=987, type=cat, metatype=PTCatMetatype]; +"Mixed_7b.branch3x3dbl_1.conv.weight" [id=988, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=989, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=990, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [id=991, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch3x3dbl_1.bn.weight" [id=992, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_1.bn.bias" [id=993, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_1.bn.running_mean" [id=994, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_1.bn.running_var" [id=995, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [id=996, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch3x3dbl_1/relu_/0" [id=997, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=998, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=999, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b.branch3x3dbl_2.conv.weight" [id=1000, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=1001, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1002, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [id=1003, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch3x3dbl_2.bn.weight" [id=1004, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_2.bn.bias" [id=1005, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_2.bn.running_mean" [id=1006, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_2.bn.running_var" [id=1007, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [id=1008, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch3x3dbl_2/relu_/0" [id=1009, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=1010, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=1011, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b.branch3x3dbl_3a.conv.weight" [id=1012, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" [id=1013, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1014, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [id=1015, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch3x3dbl_3a.bn.weight" [id=1016, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_3a.bn.bias" [id=1017, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_3a.bn.running_mean" [id=1018, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_3a.bn.running_var" [id=1019, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [id=1020, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch3x3dbl_3a/relu_/0" [id=1021, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1022, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b.branch3x3dbl_3b.conv.weight" [id=1023, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" [id=1024, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1025, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [id=1026, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch3x3dbl_3b.bn.weight" [id=1027, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_3b.bn.bias" [id=1028, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_3b.bn.running_mean" [id=1029, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch3x3dbl_3b.bn.running_var" [id=1030, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [id=1031, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch3x3dbl_3b/relu_/0" [id=1032, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1033, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b/cat/1" [id=1034, type=cat, metatype=PTCatMetatype]; +"Mixed_7b/avg_pool2d/0" [id=1035, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.Mixed_7b/avg_pool2d/0__0.0._scale_param_storage" [id=1036, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1037, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b.branch_pool.conv.weight" [id=1038, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=1039, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1040, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b/branch_pool/conv/conv2d/0" [id=1041, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7b.branch_pool.bn.weight" [id=1042, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch_pool.bn.bias" [id=1043, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch_pool.bn.running_mean" [id=1044, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b.branch_pool.bn.running_var" [id=1045, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7b/branch_pool/bn/batch_norm/0" [id=1046, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7b/branch_pool/relu_/0" [id=1047, type="relu_", metatype=PTRELUMetatype]; +"Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1048, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7b/cat/2" [id=1049, type=cat, metatype=PTCatMetatype]; +"Mixed_7c.branch1x1.conv.weight" [id=1050, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" [id=1051, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1052, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c/branch1x1/conv/conv2d/0" [id=1053, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch1x1.bn.weight" [id=1054, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch1x1.bn.bias" [id=1055, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch1x1.bn.running_mean" [id=1056, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch1x1.bn.running_var" [id=1057, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch1x1/bn/batch_norm/0" [id=1058, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch1x1/relu_/0" [id=1059, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7c/branch1x1/relu_/0__0.0._scale_param_storage" [id=1060, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [id=1061, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c.branch3x3_1.conv.weight" [id=1062, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" [id=1063, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1064, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c/branch3x3_1/conv/conv2d/0" [id=1065, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch3x3_1.bn.weight" [id=1066, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_1.bn.bias" [id=1067, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_1.bn.running_mean" [id=1068, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_1.bn.running_var" [id=1069, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_1/bn/batch_norm/0" [id=1070, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch3x3_1/relu_/0" [id=1071, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_1/relu_/0__0.0._scale_param_storage" [id=1072, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [id=1073, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c.branch3x3_2a.conv.weight" [id=1074, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" [id=1075, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1076, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c/branch3x3_2a/conv/conv2d/0" [id=1077, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch3x3_2a.bn.weight" [id=1078, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_2a.bn.bias" [id=1079, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_2a.bn.running_mean" [id=1080, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_2a.bn.running_var" [id=1081, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_2a/bn/batch_norm/0" [id=1082, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch3x3_2a/relu_/0" [id=1083, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2a/relu_/0__0.0._scale_param_storage" [id=1084, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" [id=1085, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c.branch3x3_2b.conv.weight" [id=1086, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" [id=1087, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1088, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c/branch3x3_2b/conv/conv2d/0" [id=1089, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch3x3_2b.bn.weight" [id=1090, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_2b.bn.bias" [id=1091, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_2b.bn.running_mean" [id=1092, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3_2b.bn.running_var" [id=1093, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_2b/bn/batch_norm/0" [id=1094, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch3x3_2b/relu_/0" [id=1095, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2b/relu_/0__0.0._scale_param_storage" [id=1096, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" [id=1097, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c/cat/0" [id=1098, type=cat, metatype=PTCatMetatype]; +"Mixed_7c.branch3x3dbl_1.conv.weight" [id=1099, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" [id=1100, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1101, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [id=1102, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch3x3dbl_1.bn.weight" [id=1103, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_1.bn.bias" [id=1104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_1.bn.running_mean" [id=1105, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_1.bn.running_var" [id=1106, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [id=1107, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch3x3dbl_1/relu_/0" [id=1108, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" [id=1109, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [id=1110, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c.branch3x3dbl_2.conv.weight" [id=1111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" [id=1112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1113, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [id=1114, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch3x3dbl_2.bn.weight" [id=1115, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_2.bn.bias" [id=1116, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_2.bn.running_mean" [id=1117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_2.bn.running_var" [id=1118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [id=1119, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch3x3dbl_2/relu_/0" [id=1120, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" [id=1121, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [id=1122, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c.branch3x3dbl_3a.conv.weight" [id=1123, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" [id=1124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1125, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [id=1126, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch3x3dbl_3a.bn.weight" [id=1127, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_3a.bn.bias" [id=1128, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_3a.bn.running_mean" [id=1129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_3a.bn.running_var" [id=1130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [id=1131, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch3x3dbl_3a/relu_/0" [id=1132, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3a/relu_/0__0.0._scale_param_storage" [id=1133, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" [id=1134, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c.branch3x3dbl_3b.conv.weight" [id=1135, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" [id=1136, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1137, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [id=1138, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch3x3dbl_3b.bn.weight" [id=1139, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_3b.bn.bias" [id=1140, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_3b.bn.running_mean" [id=1141, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch3x3dbl_3b.bn.running_var" [id=1142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [id=1143, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch3x3dbl_3b/relu_/0" [id=1144, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3b/relu_/0__0.0._scale_param_storage" [id=1145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" [id=1146, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c/cat/1" [id=1147, type=cat, metatype=PTCatMetatype]; +"Mixed_7c/avg_pool2d/0" [id=1148, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.Mixed_7c/avg_pool2d/0__0.0._scale_param_storage" [id=1149, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1150, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c.branch_pool.conv.weight" [id=1151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" [id=1152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [id=1153, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c/branch_pool/conv/conv2d/0" [id=1154, type=conv2d, metatype=PTConv2dMetatype]; +"Mixed_7c.branch_pool.bn.weight" [id=1155, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch_pool.bn.bias" [id=1156, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch_pool.bn.running_mean" [id=1157, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c.branch_pool.bn.running_var" [id=1158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch_pool/bn/batch_norm/0" [id=1159, type="batch_norm", metatype=PT2BatchNormMetatype]; +"Mixed_7c/branch_pool/relu_/0" [id=1160, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.Mixed_7c/branch_pool/relu_/0__0.0._scale_param_storage" [id=1161, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [id=1162, type="symmetric_quantize", metatype=UnknownMetatype]; +"Mixed_7c/cat/2" [id=1163, type=cat, metatype=PTCatMetatype]; +"/adaptive_avg_pool2d/0" [id=1164, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=1165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=1166, type="symmetric_quantize", metatype=UnknownMetatype]; +"/dropout/0" [id=1167, type=dropout, metatype=PTDropoutMetatype]; +"/view/0" [id=1168, type=view, metatype=PTReshapeMetatype]; +"fc.weight" [id=1169, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc.bias" [id=1170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.fc/linear/0__1.0._scale_param_storage" [id=1171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" [id=1172, type="symmetric_quantize", metatype=UnknownMetatype]; +"fc/linear/0" [id=1173, type=linear, metatype=PTLinearMetatype]; +output [id=1174, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 3, 299, 299)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "/__getitem__/0" [dtype=float, shape="(2, 3, 299, 299)", out_port_id=0, in_port_id=0]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "/__getitem__/1" [dtype=float, shape="(2, 3, 299, 299)", out_port_id=0, in_port_id=0]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "/__getitem__/2" [dtype=float, shape="(2, 3, 299, 299)", out_port_id=0, in_port_id=0]; +"/__getitem__/0" -> "/unsqueeze/0" [dtype=float, shape="(2, 299, 299)", out_port_id=0, in_port_id=0]; +"/unsqueeze/0" -> "/mul/0" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; +"/mul/0" -> "/add/0" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; +"/add/0" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/1" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks./add/1__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/2" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__-add-0__0[0]/symmetric_quantize/0" -> "/cat/0" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; +"/__getitem__/1" -> "/unsqueeze/1" [dtype=float, shape="(2, 299, 299)", out_port_id=0, in_port_id=0]; +"/unsqueeze/1" -> "/mul/1" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; +"/mul/1" -> "/add/1" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; +"/add/1" -> "post_hook__-add-0__0[0]/symmetric_quantize/1" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; +"post_hook__-add-0__0[0]/symmetric_quantize/1" -> "/cat/0" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=1]; +"/__getitem__/2" -> "/unsqueeze/2" [dtype=float, shape="(2, 299, 299)", out_port_id=0, in_port_id=0]; +"/unsqueeze/2" -> "/mul/2" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; +"/mul/2" -> "/add/2" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; +"/add/2" -> "post_hook__-add-0__0[0]/symmetric_quantize/2" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=0]; +"post_hook__-add-0__0[0]/symmetric_quantize/2" -> "/cat/0" [dtype=float, shape="(2, 1, 299, 299)", out_port_id=0, in_port_id=2]; +"/cat/0" -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, shape="(2, 3, 299, 299)", out_port_id=0, in_port_id=0]; +"Conv2d_1a_3x3.conv.weight" -> "Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 3, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Conv2d_1a_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Conv2d_1a_3x3/conv/pre_hook__Conv2d_1a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_1a_3x3/conv/conv2d/0" [dtype=float, shape="(32, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"Conv2d_1a_3x3/conv/conv2d/0" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(2, 32, 149, 149)", out_port_id=0, in_port_id=0]; +"Conv2d_1a_3x3.bn.weight" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"Conv2d_1a_3x3.bn.bias" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"Conv2d_1a_3x3.bn.running_mean" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"Conv2d_1a_3x3.bn.running_var" -> "Conv2d_1a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"Conv2d_1a_3x3/bn/batch_norm/0" -> "Conv2d_1a_3x3/relu_/0" [dtype=float, shape="(2, 32, 149, 149)", out_port_id=0, in_port_id=0]; +"Conv2d_1a_3x3/relu_/0" -> "Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 32, 149, 149)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Conv2d_1a_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Conv2d_1a_3x3/post_hook__Conv2d_1a_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, shape="(2, 32, 149, 149)", out_port_id=0, in_port_id=0]; +"Conv2d_2a_3x3.conv.weight" -> "Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Conv2d_2a_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Conv2d_2a_3x3/conv/pre_hook__Conv2d_2a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_2a_3x3/conv/conv2d/0" [dtype=float, shape="(32, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"Conv2d_2a_3x3/conv/conv2d/0" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(2, 32, 147, 147)", out_port_id=0, in_port_id=0]; +"Conv2d_2a_3x3.bn.weight" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"Conv2d_2a_3x3.bn.bias" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"Conv2d_2a_3x3.bn.running_mean" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"Conv2d_2a_3x3.bn.running_var" -> "Conv2d_2a_3x3/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"Conv2d_2a_3x3/bn/batch_norm/0" -> "Conv2d_2a_3x3/relu_/0" [dtype=float, shape="(2, 32, 147, 147)", out_port_id=0, in_port_id=0]; +"Conv2d_2a_3x3/relu_/0" -> "Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 32, 147, 147)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Conv2d_2a_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Conv2d_2a_3x3/post_hook__Conv2d_2a_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, shape="(2, 32, 147, 147)", out_port_id=0, in_port_id=0]; +"Conv2d_2b_3x3.conv.weight" -> "Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Conv2d_2b_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Conv2d_2b_3x3/conv/pre_hook__Conv2d_2b_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_2b_3x3/conv/conv2d/0" [dtype=float, shape="(64, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"Conv2d_2b_3x3/conv/conv2d/0" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(2, 64, 147, 147)", out_port_id=0, in_port_id=0]; +"Conv2d_2b_3x3.bn.weight" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Conv2d_2b_3x3.bn.bias" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Conv2d_2b_3x3.bn.running_mean" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Conv2d_2b_3x3.bn.running_var" -> "Conv2d_2b_3x3/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Conv2d_2b_3x3/bn/batch_norm/0" -> "Conv2d_2b_3x3/relu_/0" [dtype=float, shape="(2, 64, 147, 147)", out_port_id=0, in_port_id=0]; +"Conv2d_2b_3x3/relu_/0" -> "Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 147, 147)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Conv2d_2b_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Conv2d_2b_3x3/post_hook__Conv2d_2b_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/0" [dtype=float, shape="(2, 64, 147, 147)", out_port_id=0, in_port_id=0]; +"/max_pool2d/0" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, shape="(2, 64, 73, 73)", out_port_id=0, in_port_id=0]; +"Conv2d_3b_1x1.conv.weight" -> "Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(80, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Conv2d_3b_1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(80, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Conv2d_3b_1x1/conv/pre_hook__Conv2d_3b_1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_3b_1x1/conv/conv2d/0" [dtype=float, shape="(80, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"Conv2d_3b_1x1/conv/conv2d/0" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(2, 80, 73, 73)", out_port_id=0, in_port_id=0]; +"Conv2d_3b_1x1.bn.weight" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=1]; +"Conv2d_3b_1x1.bn.bias" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=2]; +"Conv2d_3b_1x1.bn.running_mean" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=3]; +"Conv2d_3b_1x1.bn.running_var" -> "Conv2d_3b_1x1/bn/batch_norm/0" [dtype=float, shape="(80,)", out_port_id=0, in_port_id=4]; +"Conv2d_3b_1x1/bn/batch_norm/0" -> "Conv2d_3b_1x1/relu_/0" [dtype=float, shape="(2, 80, 73, 73)", out_port_id=0, in_port_id=0]; +"Conv2d_3b_1x1/relu_/0" -> "Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 80, 73, 73)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Conv2d_3b_1x1/relu_/0__0.0._scale_param_storage" -> "Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Conv2d_3b_1x1/post_hook__Conv2d_3b_1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, shape="(2, 80, 73, 73)", out_port_id=0, in_port_id=0]; +"Conv2d_4a_3x3.conv.weight" -> "Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 80, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Conv2d_4a_3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Conv2d_4a_3x3/conv/pre_hook__Conv2d_4a_3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Conv2d_4a_3x3/conv/conv2d/0" [dtype=float, shape="(192, 80, 3, 3)", out_port_id=0, in_port_id=1]; +"Conv2d_4a_3x3/conv/conv2d/0" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(2, 192, 71, 71)", out_port_id=0, in_port_id=0]; +"Conv2d_4a_3x3.bn.weight" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Conv2d_4a_3x3.bn.bias" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Conv2d_4a_3x3.bn.running_mean" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Conv2d_4a_3x3.bn.running_var" -> "Conv2d_4a_3x3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Conv2d_4a_3x3/bn/batch_norm/0" -> "Conv2d_4a_3x3/relu_/0" [dtype=float, shape="(2, 192, 71, 71)", out_port_id=0, in_port_id=0]; +"Conv2d_4a_3x3/relu_/0" -> "Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 71, 71)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Conv2d_4a_3x3/relu_/0__0.0._scale_param_storage" -> "Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Conv2d_4a_3x3/post_hook__Conv2d_4a_3x3-relu_-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/1" [dtype=float, shape="(2, 192, 71, 71)", out_port_id=0, in_port_id=0]; +"/max_pool2d/1" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 192, 35, 35)", out_port_id=0, in_port_id=0]; +"/max_pool2d/1" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(2, 192, 35, 35)", out_port_id=0, in_port_id=0]; +"/max_pool2d/1" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 192, 35, 35)", out_port_id=0, in_port_id=0]; +"/max_pool2d/1" -> "Mixed_5b/avg_pool2d/0" [dtype=float, shape="(2, 192, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch1x1.conv.weight" -> "Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch1x1/conv/pre_hook__Mixed_5b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch1x1/conv/conv2d/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5b/branch1x1/conv/conv2d/0" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch1x1.bn.weight" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch1x1.bn.bias" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5b.branch1x1.bn.running_mean" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5b.branch1x1.bn.running_var" -> "Mixed_5b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch1x1/bn/batch_norm/0" -> "Mixed_5b/branch1x1/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch1x1/relu_/0" -> "Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch1x1/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch5x5_1.conv.weight" -> "Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch5x5_1/conv/pre_hook__Mixed_5b-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(48, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5b/branch5x5_1/conv/conv2d/0" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch5x5_1.bn.weight" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch5x5_1.bn.bias" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"Mixed_5b.branch5x5_1.bn.running_mean" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"Mixed_5b.branch5x5_1.bn.running_var" -> "Mixed_5b/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch5x5_1/bn/batch_norm/0" -> "Mixed_5b/branch5x5_1/relu_/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch5x5_1/relu_/0" -> "Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5b/branch5x5_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch5x5_1/post_hook__Mixed_5b-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch5x5_2.conv.weight" -> "Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch5x5_2/conv/pre_hook__Mixed_5b-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=1]; +"Mixed_5b/branch5x5_2/conv/conv2d/0" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch5x5_2.bn.weight" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch5x5_2.bn.bias" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5b.branch5x5_2.bn.running_mean" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5b.branch5x5_2.bn.running_var" -> "Mixed_5b/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch5x5_2/bn/batch_norm/0" -> "Mixed_5b/branch5x5_2/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch5x5_2/relu_/0" -> "Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch5x5_2/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch3x3dbl_1.conv.weight" -> "Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch3x3dbl_1/conv/pre_hook__Mixed_5b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch3x3dbl_1.bn.weight" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch3x3dbl_1.bn.bias" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5b.branch3x3dbl_1.bn.running_mean" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5b.branch3x3dbl_1.bn.running_var" -> "Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_1/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch3x3dbl_1/relu_/0" -> "Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch3x3dbl_1/post_hook__Mixed_5b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch3x3dbl_2.conv.weight" -> "Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch3x3dbl_2/conv/pre_hook__Mixed_5b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_5b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch3x3dbl_2.bn.weight" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch3x3dbl_2.bn.bias" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_5b.branch3x3dbl_2.bn.running_mean" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_5b.branch3x3dbl_2.bn.running_var" -> "Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_2/relu_/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch3x3dbl_2/relu_/0" -> "Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch3x3dbl_2/post_hook__Mixed_5b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch3x3dbl_3.conv.weight" -> "Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch3x3dbl_3/conv/pre_hook__Mixed_5b-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_5b/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch3x3dbl_3.bn.weight" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch3x3dbl_3.bn.bias" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_5b.branch3x3dbl_3.bn.running_mean" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_5b.branch3x3dbl_3.bn.running_var" -> "Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5b/branch3x3dbl_3/relu_/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch3x3dbl_3/relu_/0" -> "Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch3x3dbl_3/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=2]; +"Mixed_5b/avg_pool2d/0" -> "Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5b/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/post_hook__Mixed_5b-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 192, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch_pool.conv.weight" -> "Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch_pool/conv/pre_hook__Mixed_5b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5b/branch_pool/conv/conv2d/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5b/branch_pool/conv/conv2d/0" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 32, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b.branch_pool.bn.weight" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"Mixed_5b.branch_pool.bn.bias" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"Mixed_5b.branch_pool.bn.running_mean" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"Mixed_5b.branch_pool.bn.running_var" -> "Mixed_5b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"Mixed_5b/branch_pool/bn/batch_norm/0" -> "Mixed_5b/branch_pool/relu_/0" [dtype=float, shape="(2, 32, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch_pool/relu_/0" -> "Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 32, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/branch_pool/post_hook__Mixed_5b-branch3x3dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5b/cat/0" [dtype=float, shape="(2, 32, 35, 35)", out_port_id=0, in_port_id=3]; +"Mixed_5b/cat/0" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 256, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/cat/0" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(2, 256, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/cat/0" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 256, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5b/cat/0" -> "Mixed_5c/avg_pool2d/0" [dtype=float, shape="(2, 256, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch1x1.conv.weight" -> "Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch1x1/conv/pre_hook__Mixed_5c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch1x1/conv/conv2d/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5c/branch1x1/conv/conv2d/0" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch1x1.bn.weight" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch1x1.bn.bias" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5c.branch1x1.bn.running_mean" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5c.branch1x1.bn.running_var" -> "Mixed_5c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch1x1/bn/batch_norm/0" -> "Mixed_5c/branch1x1/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch1x1/relu_/0" -> "Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_5c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch1x1/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch5x5_1.conv.weight" -> "Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch5x5_1/conv/pre_hook__Mixed_5c-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(48, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5c/branch5x5_1/conv/conv2d/0" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch5x5_1.bn.weight" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch5x5_1.bn.bias" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"Mixed_5c.branch5x5_1.bn.running_mean" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"Mixed_5c.branch5x5_1.bn.running_var" -> "Mixed_5c/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch5x5_1/bn/batch_norm/0" -> "Mixed_5c/branch5x5_1/relu_/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch5x5_1/relu_/0" -> "Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5c/branch5x5_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch5x5_1/post_hook__Mixed_5c-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch5x5_2.conv.weight" -> "Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch5x5_2/conv/pre_hook__Mixed_5c-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=1]; +"Mixed_5c/branch5x5_2/conv/conv2d/0" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch5x5_2.bn.weight" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch5x5_2.bn.bias" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5c.branch5x5_2.bn.running_mean" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5c.branch5x5_2.bn.running_var" -> "Mixed_5c/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch5x5_2/bn/batch_norm/0" -> "Mixed_5c/branch5x5_2/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch5x5_2/relu_/0" -> "Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch5x5_2/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch3x3dbl_1.conv.weight" -> "Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch3x3dbl_1/conv/pre_hook__Mixed_5c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch3x3dbl_1.bn.weight" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch3x3dbl_1.bn.bias" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5c.branch3x3dbl_1.bn.running_mean" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5c.branch3x3dbl_1.bn.running_var" -> "Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_1/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch3x3dbl_1/relu_/0" -> "Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch3x3dbl_1/post_hook__Mixed_5c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch3x3dbl_2.conv.weight" -> "Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch3x3dbl_2/conv/pre_hook__Mixed_5c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_5c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch3x3dbl_2.bn.weight" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch3x3dbl_2.bn.bias" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_5c.branch3x3dbl_2.bn.running_mean" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_5c.branch3x3dbl_2.bn.running_var" -> "Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_2/relu_/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch3x3dbl_2/relu_/0" -> "Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch3x3dbl_2/post_hook__Mixed_5c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch3x3dbl_3.conv.weight" -> "Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch3x3dbl_3/conv/pre_hook__Mixed_5c-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_5c/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch3x3dbl_3.bn.weight" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch3x3dbl_3.bn.bias" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_5c.branch3x3dbl_3.bn.running_mean" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_5c.branch3x3dbl_3.bn.running_var" -> "Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5c/branch3x3dbl_3/relu_/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch3x3dbl_3/relu_/0" -> "Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch3x3dbl_3/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=2]; +"Mixed_5c/avg_pool2d/0" -> "Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 256, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5c/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/post_hook__Mixed_5c-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 256, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch_pool.conv.weight" -> "Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch_pool/conv/pre_hook__Mixed_5c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5c/branch_pool/conv/conv2d/0" [dtype=float, shape="(64, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5c/branch_pool/conv/conv2d/0" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c.branch_pool.bn.weight" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5c.branch_pool.bn.bias" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5c.branch_pool.bn.running_mean" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5c.branch_pool.bn.running_var" -> "Mixed_5c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5c/branch_pool/bn/batch_norm/0" -> "Mixed_5c/branch_pool/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch_pool/relu_/0" -> "Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/branch_pool/post_hook__Mixed_5c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5c/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=3]; +"Mixed_5c/cat/0" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/cat/0" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/cat/0" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5c/cat/0" -> "Mixed_5d/avg_pool2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch1x1.conv.weight" -> "Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch1x1/conv/pre_hook__Mixed_5d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch1x1/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5d/branch1x1/conv/conv2d/0" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch1x1.bn.weight" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch1x1.bn.bias" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5d.branch1x1.bn.running_mean" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5d.branch1x1.bn.running_var" -> "Mixed_5d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch1x1/bn/batch_norm/0" -> "Mixed_5d/branch1x1/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch1x1/relu_/0" -> "Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch1x1/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch5x5_1.conv.weight" -> "Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch5x5_1/conv/pre_hook__Mixed_5d-branch5x5_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch5x5_1/conv/conv2d/0" [dtype=float, shape="(48, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5d/branch5x5_1/conv/conv2d/0" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch5x5_1.bn.weight" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch5x5_1.bn.bias" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"Mixed_5d.branch5x5_1.bn.running_mean" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"Mixed_5d.branch5x5_1.bn.running_var" -> "Mixed_5d/branch5x5_1/bn/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch5x5_1/bn/batch_norm/0" -> "Mixed_5d/branch5x5_1/relu_/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch5x5_1/relu_/0" -> "Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5d/branch5x5_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch5x5_1/post_hook__Mixed_5d-branch5x5_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(2, 48, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch5x5_2.conv.weight" -> "Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch5x5_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch5x5_2/conv/pre_hook__Mixed_5d-branch5x5_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch5x5_2/conv/conv2d/0" [dtype=float, shape="(64, 48, 5, 5)", out_port_id=0, in_port_id=1]; +"Mixed_5d/branch5x5_2/conv/conv2d/0" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch5x5_2.bn.weight" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch5x5_2.bn.bias" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5d.branch5x5_2.bn.running_mean" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5d.branch5x5_2.bn.running_var" -> "Mixed_5d/branch5x5_2/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch5x5_2/bn/batch_norm/0" -> "Mixed_5d/branch5x5_2/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch5x5_2/relu_/0" -> "Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch5x5_2/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch3x3dbl_1.conv.weight" -> "Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch3x3dbl_1/conv/pre_hook__Mixed_5d-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5d/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch3x3dbl_1.bn.weight" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch3x3dbl_1.bn.bias" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5d.branch3x3dbl_1.bn.running_mean" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5d.branch3x3dbl_1.bn.running_var" -> "Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_1/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch3x3dbl_1/relu_/0" -> "Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch3x3dbl_1/post_hook__Mixed_5d-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch3x3dbl_2.conv.weight" -> "Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch3x3dbl_2/conv/pre_hook__Mixed_5d-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_5d/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch3x3dbl_2.bn.weight" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch3x3dbl_2.bn.bias" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_5d.branch3x3dbl_2.bn.running_mean" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_5d.branch3x3dbl_2.bn.running_var" -> "Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_2/relu_/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch3x3dbl_2/relu_/0" -> "Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5d/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch3x3dbl_2/post_hook__Mixed_5d-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch3x3dbl_3.conv.weight" -> "Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch3x3dbl_3/conv/pre_hook__Mixed_5d-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_5d/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch3x3dbl_3.bn.weight" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch3x3dbl_3.bn.bias" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_5d.branch3x3dbl_3.bn.running_mean" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_5d.branch3x3dbl_3.bn.running_var" -> "Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_5d/branch3x3dbl_3/relu_/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch3x3dbl_3/relu_/0" -> "Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=2]; +"Mixed_5d/avg_pool2d/0" -> "Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_5d/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/post_hook__Mixed_5d-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch_pool.conv.weight" -> "Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_5d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch_pool/conv/pre_hook__Mixed_5d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_5d/branch_pool/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_5d/branch_pool/conv/conv2d/0" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d.branch_pool.bn.weight" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_5d.branch_pool.bn.bias" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_5d.branch_pool.bn.running_mean" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_5d.branch_pool.bn.running_var" -> "Mixed_5d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_5d/branch_pool/bn/batch_norm/0" -> "Mixed_5d/branch_pool/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch_pool/relu_/0" -> "Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/branch_pool/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_5d/cat/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=3]; +"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/cat/0" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_5d/cat/0" -> "Mixed_6a/max_pool2d/0" [dtype=float, shape="(2, 288, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3.conv.weight" -> "Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 288, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6a/branch3x3/conv/pre_hook__Mixed_6a-branch3x3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3/conv/conv2d/0" [dtype=float, shape="(384, 288, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_6a/branch3x3/conv/conv2d/0" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(2, 384, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3.bn.weight" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_6a.branch3x3.bn.bias" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_6a.branch3x3.bn.running_mean" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_6a.branch3x3.bn.running_var" -> "Mixed_6a/branch3x3/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_6a/branch3x3/bn/batch_norm/0" -> "Mixed_6a/branch3x3/relu_/0" [dtype=float, shape="(2, 384, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a/branch3x3/relu_/0" -> "Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a/branch3x3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/cat/0" [dtype=float, shape="(2, 384, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3dbl_1.conv.weight" -> "Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6a/branch3x3dbl_1/conv/pre_hook__Mixed_6a-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(64, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6a/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3dbl_1.bn.weight" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"Mixed_6a.branch3x3dbl_1.bn.bias" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"Mixed_6a.branch3x3dbl_1.bn.running_mean" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"Mixed_6a.branch3x3dbl_1.bn.running_var" -> "Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"Mixed_6a/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_1/relu_/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_6a/branch3x3dbl_1/relu_/0" -> "Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6a/branch3x3dbl_1/post_hook__Mixed_6a-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 64, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3dbl_2.conv.weight" -> "Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6a/branch3x3dbl_2/conv/pre_hook__Mixed_6a-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(96, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_6a/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3dbl_2.bn.weight" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_6a.branch3x3dbl_2.bn.bias" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_6a.branch3x3dbl_2.bn.running_mean" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_6a.branch3x3dbl_2.bn.running_var" -> "Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_6a/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_2/relu_/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_6a/branch3x3dbl_2/relu_/0" -> "Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6a/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6a/branch3x3dbl_2/post_hook__Mixed_6a-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 96, 35, 35)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3dbl_3.conv.weight" -> "Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6a/branch3x3dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6a/branch3x3dbl_3/conv/pre_hook__Mixed_6a-branch3x3dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6a/branch3x3dbl_3/conv/conv2d/0" [dtype=float, shape="(96, 96, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_6a/branch3x3dbl_3/conv/conv2d/0" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 96, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a.branch3x3dbl_3.bn.weight" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"Mixed_6a.branch3x3dbl_3.bn.bias" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"Mixed_6a.branch3x3dbl_3.bn.running_mean" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"Mixed_6a.branch3x3dbl_3.bn.running_var" -> "Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"Mixed_6a/branch3x3dbl_3/bn/batch_norm/0" -> "Mixed_6a/branch3x3dbl_3/relu_/0" [dtype=float, shape="(2, 96, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a/branch3x3dbl_3/relu_/0" -> "Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 96, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a/branch3x3dbl_3/post_hook__Mixed_5d-branch5x5_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6a/cat/0" [dtype=float, shape="(2, 96, 17, 17)", out_port_id=0, in_port_id=1]; +"Mixed_6a/max_pool2d/0" -> "Mixed_6a/cat/0" [dtype=float, shape="(2, 288, 17, 17)", out_port_id=0, in_port_id=2]; +"Mixed_6a/cat/0" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a/cat/0" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6a/cat/0" -> "Mixed_6b/avg_pool2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch1x1.conv.weight" -> "Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch1x1/conv/pre_hook__Mixed_6b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch1x1/conv/conv2d/0" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch1x1.bn.weight" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch1x1.bn.bias" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch1x1.bn.running_mean" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch1x1.bn.running_var" -> "Mixed_6b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch1x1/bn/batch_norm/0" -> "Mixed_6b/branch1x1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch1x1/relu_/0" -> "Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch1x1/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7_1.conv.weight" -> "Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7_1/conv/pre_hook__Mixed_6b-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7_1/conv/conv2d/0" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7_1.bn.weight" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7_1.bn.bias" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7_1.bn.running_mean" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7_1.bn.running_var" -> "Mixed_6b/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7_1/relu_/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7_1/relu_/0" -> "Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7_1/post_hook__Mixed_6b-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7_2.conv.weight" -> "Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 1, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7_2/conv/pre_hook__Mixed_6b-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(128, 128, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7_2/conv/conv2d/0" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7_2.bn.weight" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7_2.bn.bias" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7_2.bn.running_mean" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7_2.bn.running_var" -> "Mixed_6b/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7_2/relu_/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7_2/relu_/0" -> "Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7_2/post_hook__Mixed_6b-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7_3.conv.weight" -> "Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 128, 7, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7_3/conv/pre_hook__Mixed_6b-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 128, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7_3/conv/conv2d/0" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7_3.bn.weight" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7_3.bn.bias" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7_3.bn.running_mean" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7_3.bn.running_var" -> "Mixed_6b/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7_3/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7_3/relu_/0" -> "Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7_3/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7dbl_1.conv.weight" -> "Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_1/conv/pre_hook__Mixed_6b-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(128, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_1.bn.weight" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7dbl_1.bn.bias" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7dbl_1.bn.running_mean" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7dbl_1.bn.running_var" -> "Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_1/relu_/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7dbl_1/relu_/0" -> "Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_1/post_hook__Mixed_6b-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_2.conv.weight" -> "Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 7, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_2/conv/pre_hook__Mixed_6b-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(128, 128, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_2.bn.weight" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7dbl_2.bn.bias" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7dbl_2.bn.running_mean" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7dbl_2.bn.running_var" -> "Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_2/relu_/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7dbl_2/relu_/0" -> "Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_2/post_hook__Mixed_6b-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_3.conv.weight" -> "Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 1, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_3/conv/pre_hook__Mixed_6b-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(128, 128, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_3.bn.weight" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7dbl_3.bn.bias" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7dbl_3.bn.running_mean" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7dbl_3.bn.running_var" -> "Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_3/relu_/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7dbl_3/relu_/0" -> "Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_3/post_hook__Mixed_6b-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_4.conv.weight" -> "Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 7, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_4/conv/pre_hook__Mixed_6b-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(128, 128, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_4.bn.weight" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7dbl_4.bn.bias" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7dbl_4.bn.running_mean" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7dbl_4.bn.running_var" -> "Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_4/relu_/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7dbl_4/relu_/0" -> "Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6b/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_4/post_hook__Mixed_6b-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(2, 128, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_5.conv.weight" -> "Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 128, 1, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_5/conv/pre_hook__Mixed_6b-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 128, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch7x7dbl_5.bn.weight" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch7x7dbl_5.bn.bias" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch7x7dbl_5.bn.running_mean" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch7x7dbl_5.bn.running_var" -> "Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6b/branch7x7dbl_5/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7dbl_5/relu_/0" -> "Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch7x7dbl_5/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=2]; +"Mixed_6b/avg_pool2d/0" -> "Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6b/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/post_hook__Mixed_6b-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch_pool.conv.weight" -> "Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch_pool/conv/pre_hook__Mixed_6b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6b/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6b/branch_pool/conv/conv2d/0" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b.branch_pool.bn.weight" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6b.branch_pool.bn.bias" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6b.branch_pool.bn.running_mean" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6b.branch_pool.bn.running_var" -> "Mixed_6b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6b/branch_pool/bn/batch_norm/0" -> "Mixed_6b/branch_pool/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch_pool/relu_/0" -> "Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/branch_pool/post_hook__Mixed_6b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6b/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=3]; +"Mixed_6b/cat/0" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/cat/0" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6b/cat/0" -> "Mixed_6c/avg_pool2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch1x1.conv.weight" -> "Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch1x1/conv/pre_hook__Mixed_6c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch1x1/conv/conv2d/0" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch1x1.bn.weight" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch1x1.bn.bias" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch1x1.bn.running_mean" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch1x1.bn.running_var" -> "Mixed_6c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch1x1/bn/batch_norm/0" -> "Mixed_6c/branch1x1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch1x1/relu_/0" -> "Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_6c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch1x1/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7_1.conv.weight" -> "Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7_1/conv/pre_hook__Mixed_6c-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7_1/conv/conv2d/0" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7_1.bn.weight" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7_1.bn.bias" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7_1.bn.running_mean" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7_1.bn.running_var" -> "Mixed_6c/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7_1/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7_1/relu_/0" -> "Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7_1/post_hook__Mixed_6c-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7_2.conv.weight" -> "Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7_2/conv/pre_hook__Mixed_6c-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7_2/conv/conv2d/0" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7_2.bn.weight" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7_2.bn.bias" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7_2.bn.running_mean" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7_2.bn.running_var" -> "Mixed_6c/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7_2/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7_2/relu_/0" -> "Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7_2/post_hook__Mixed_6c-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7_3.conv.weight" -> "Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 160, 7, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7_3/conv/pre_hook__Mixed_6c-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 160, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7_3/conv/conv2d/0" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7_3.bn.weight" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7_3.bn.bias" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7_3.bn.running_mean" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7_3.bn.running_var" -> "Mixed_6c/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7_3/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7_3/relu_/0" -> "Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7_3/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7dbl_1.conv.weight" -> "Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_1/conv/pre_hook__Mixed_6c-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_1.bn.weight" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7dbl_1.bn.bias" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7dbl_1.bn.running_mean" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7dbl_1.bn.running_var" -> "Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_1/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7dbl_1/relu_/0" -> "Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_1/post_hook__Mixed_6c-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_2.conv.weight" -> "Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_2/conv/pre_hook__Mixed_6c-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_2.bn.weight" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7dbl_2.bn.bias" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7dbl_2.bn.running_mean" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7dbl_2.bn.running_var" -> "Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_2/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7dbl_2/relu_/0" -> "Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_2/post_hook__Mixed_6c-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_3.conv.weight" -> "Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_3/conv/pre_hook__Mixed_6c-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_3.bn.weight" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7dbl_3.bn.bias" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7dbl_3.bn.running_mean" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7dbl_3.bn.running_var" -> "Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_3/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7dbl_3/relu_/0" -> "Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_3/post_hook__Mixed_6c-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_4.conv.weight" -> "Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_4/conv/pre_hook__Mixed_6c-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_4.bn.weight" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7dbl_4.bn.bias" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7dbl_4.bn.running_mean" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7dbl_4.bn.running_var" -> "Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_4/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7dbl_4/relu_/0" -> "Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6c/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_4/post_hook__Mixed_6c-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_5.conv.weight" -> "Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 160, 1, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_5/conv/pre_hook__Mixed_6c-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 160, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch7x7dbl_5.bn.weight" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch7x7dbl_5.bn.bias" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch7x7dbl_5.bn.running_mean" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch7x7dbl_5.bn.running_var" -> "Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6c/branch7x7dbl_5/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7dbl_5/relu_/0" -> "Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch7x7dbl_5/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=2]; +"Mixed_6c/avg_pool2d/0" -> "Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6c/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/post_hook__Mixed_6c-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch_pool.conv.weight" -> "Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch_pool/conv/pre_hook__Mixed_6c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6c/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6c/branch_pool/conv/conv2d/0" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c.branch_pool.bn.weight" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6c.branch_pool.bn.bias" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6c.branch_pool.bn.running_mean" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6c.branch_pool.bn.running_var" -> "Mixed_6c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6c/branch_pool/bn/batch_norm/0" -> "Mixed_6c/branch_pool/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch_pool/relu_/0" -> "Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/branch_pool/post_hook__Mixed_6c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6c/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=3]; +"Mixed_6c/cat/0" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/cat/0" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6c/cat/0" -> "Mixed_6d/avg_pool2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch1x1.conv.weight" -> "Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch1x1/conv/pre_hook__Mixed_6d-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch1x1/conv/conv2d/0" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch1x1.bn.weight" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch1x1.bn.bias" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch1x1.bn.running_mean" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch1x1.bn.running_var" -> "Mixed_6d/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch1x1/bn/batch_norm/0" -> "Mixed_6d/branch1x1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch1x1/relu_/0" -> "Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_6d/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch1x1/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7_1.conv.weight" -> "Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7_1/conv/pre_hook__Mixed_6d-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7_1/conv/conv2d/0" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7_1.bn.weight" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7_1.bn.bias" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7_1.bn.running_mean" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7_1.bn.running_var" -> "Mixed_6d/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7_1/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7_1/relu_/0" -> "Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7_1/post_hook__Mixed_6d-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7_2.conv.weight" -> "Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7_2/conv/pre_hook__Mixed_6d-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7_2/conv/conv2d/0" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7_2.bn.weight" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7_2.bn.bias" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7_2.bn.running_mean" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7_2.bn.running_var" -> "Mixed_6d/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7_2/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7_2/relu_/0" -> "Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7_2/post_hook__Mixed_6d-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7_3.conv.weight" -> "Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 160, 7, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7_3/conv/pre_hook__Mixed_6d-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 160, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7_3/conv/conv2d/0" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7_3.bn.weight" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7_3.bn.bias" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7_3.bn.running_mean" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7_3.bn.running_var" -> "Mixed_6d/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7_3/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7_3/relu_/0" -> "Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7_3/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7dbl_1.conv.weight" -> "Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_1/conv/pre_hook__Mixed_6d-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(160, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_1.bn.weight" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7dbl_1.bn.bias" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7dbl_1.bn.running_mean" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7dbl_1.bn.running_var" -> "Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_1/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7dbl_1/relu_/0" -> "Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_1/post_hook__Mixed_6d-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_2.conv.weight" -> "Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_2/conv/pre_hook__Mixed_6d-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_2.bn.weight" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7dbl_2.bn.bias" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7dbl_2.bn.running_mean" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7dbl_2.bn.running_var" -> "Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_2/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7dbl_2/relu_/0" -> "Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_2/post_hook__Mixed_6d-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_3.conv.weight" -> "Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_3/conv/pre_hook__Mixed_6d-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(160, 160, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_3.bn.weight" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7dbl_3.bn.bias" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7dbl_3.bn.running_mean" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7dbl_3.bn.running_var" -> "Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_3/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7dbl_3/relu_/0" -> "Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_3/post_hook__Mixed_6d-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_4.conv.weight" -> "Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_4/conv/pre_hook__Mixed_6d-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(160, 160, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_4.bn.weight" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7dbl_4.bn.bias" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7dbl_4.bn.running_mean" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7dbl_4.bn.running_var" -> "Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_4/relu_/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7dbl_4/relu_/0" -> "Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6d/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_4/post_hook__Mixed_6d-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(2, 160, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_5.conv.weight" -> "Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 160, 1, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_5/conv/pre_hook__Mixed_6d-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 160, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch7x7dbl_5.bn.weight" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch7x7dbl_5.bn.bias" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch7x7dbl_5.bn.running_mean" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch7x7dbl_5.bn.running_var" -> "Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6d/branch7x7dbl_5/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7dbl_5/relu_/0" -> "Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch7x7dbl_5/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=2]; +"Mixed_6d/avg_pool2d/0" -> "Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6d/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/post_hook__Mixed_6d-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch_pool.conv.weight" -> "Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6d/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch_pool/conv/pre_hook__Mixed_6d-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6d/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6d/branch_pool/conv/conv2d/0" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d.branch_pool.bn.weight" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6d.branch_pool.bn.bias" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6d.branch_pool.bn.running_mean" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6d.branch_pool.bn.running_var" -> "Mixed_6d/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6d/branch_pool/bn/batch_norm/0" -> "Mixed_6d/branch_pool/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch_pool/relu_/0" -> "Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/branch_pool/post_hook__Mixed_6d-branch7x7_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6d/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=3]; +"Mixed_6d/cat/0" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/cat/0" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6d/cat/0" -> "Mixed_6e/avg_pool2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch1x1.conv.weight" -> "Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch1x1/conv/pre_hook__Mixed_6e-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch1x1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch1x1/conv/conv2d/0" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch1x1.bn.weight" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch1x1.bn.bias" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch1x1.bn.running_mean" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch1x1.bn.running_var" -> "Mixed_6e/branch1x1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch1x1/bn/batch_norm/0" -> "Mixed_6e/branch1x1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch1x1/relu_/0" -> "Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_3/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch1x1/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7_1.conv.weight" -> "Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7_1/conv/pre_hook__Mixed_6e-branch7x7_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7_1/conv/conv2d/0" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7_1.bn.weight" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7_1.bn.bias" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7_1.bn.running_mean" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7_1.bn.running_var" -> "Mixed_6e/branch7x7_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7_1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7_1/relu_/0" -> "Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7_1/post_hook__Mixed_6e-branch7x7_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7_2.conv.weight" -> "Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7_2/conv/pre_hook__Mixed_6e-branch7x7_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_2/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7_2/conv/conv2d/0" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7_2.bn.weight" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7_2.bn.bias" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7_2.bn.running_mean" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7_2.bn.running_var" -> "Mixed_6e/branch7x7_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7_2/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7_2/relu_/0" -> "Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7_2/post_hook__Mixed_6e-branch7x7_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7_3.conv.weight" -> "Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7_3/conv/pre_hook__Mixed_6e-branch7x7_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7_3/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7_3/conv/conv2d/0" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7_3.bn.weight" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7_3.bn.bias" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7_3.bn.running_mean" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7_3.bn.running_var" -> "Mixed_6e/branch7x7_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7_3/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7_3/relu_/0" -> "Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7_3/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7dbl_1.conv.weight" -> "Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_1/conv/pre_hook__Mixed_6e-branch7x7dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7dbl_1/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_1.bn.weight" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7dbl_1.bn.bias" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7dbl_1.bn.running_mean" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7dbl_1.bn.running_var" -> "Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_1/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7dbl_1/relu_/0" -> "Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_1/post_hook__Mixed_6e-branch7x7dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_2.conv.weight" -> "Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_2/conv/pre_hook__Mixed_6e-branch7x7dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_2/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7dbl_2/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_2.bn.weight" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7dbl_2.bn.bias" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7dbl_2.bn.running_mean" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7dbl_2.bn.running_var" -> "Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_2/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_2/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7dbl_2/relu_/0" -> "Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_2/post_hook__Mixed_6e-branch7x7dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_3.conv.weight" -> "Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_3/conv/pre_hook__Mixed_6e-branch7x7dbl_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_3/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7dbl_3/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_3.bn.weight" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7dbl_3.bn.bias" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7dbl_3.bn.running_mean" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7dbl_3.bn.running_var" -> "Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_3/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_3/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7dbl_3/relu_/0" -> "Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_3/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_3/post_hook__Mixed_6e-branch7x7dbl_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_4.conv.weight" -> "Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_4/conv/pre_hook__Mixed_6e-branch7x7dbl_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_4/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7dbl_4/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_4.bn.weight" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7dbl_4.bn.bias" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7dbl_4.bn.running_mean" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7dbl_4.bn.running_var" -> "Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_4/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_4/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7dbl_4/relu_/0" -> "Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6e/branch7x7dbl_4/relu_/0__0.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_4/post_hook__Mixed_6e-branch7x7dbl_4-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_5.conv.weight" -> "Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch7x7dbl_5/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_5/conv/pre_hook__Mixed_6e-branch7x7dbl_5-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch7x7dbl_5/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch7x7dbl_5/conv/conv2d/0" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch7x7dbl_5.bn.weight" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch7x7dbl_5.bn.bias" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch7x7dbl_5.bn.running_mean" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch7x7dbl_5.bn.running_var" -> "Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch7x7dbl_5/bn/batch_norm/0" -> "Mixed_6e/branch7x7dbl_5/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7dbl_5/relu_/0" -> "Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch7x7dbl_5/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=2]; +"Mixed_6e/avg_pool2d/0" -> "Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_6e/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/post_hook__Mixed_6e-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch_pool.conv.weight" -> "Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_6e/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch_pool/conv/pre_hook__Mixed_6e-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_6e/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_6e/branch_pool/conv/conv2d/0" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e.branch_pool.bn.weight" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_6e.branch_pool.bn.bias" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_6e.branch_pool.bn.running_mean" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_6e.branch_pool.bn.running_var" -> "Mixed_6e/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_6e/branch_pool/bn/batch_norm/0" -> "Mixed_6e/branch_pool/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch_pool/relu_/0" -> "Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/branch_pool/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_6e/cat/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=3]; +"Mixed_6e/cat/0" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/cat/0" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_6e/cat/0" -> "Mixed_7a/max_pool2d/0" [dtype=float, shape="(2, 768, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch3x3_1.conv.weight" -> "Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch3x3_1/conv/pre_hook__Mixed_7a-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7a/branch3x3_1/conv/conv2d/0" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch3x3_1.bn.weight" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_7a.branch3x3_1.bn.bias" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_7a.branch3x3_1.bn.running_mean" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_7a.branch3x3_1.bn.running_var" -> "Mixed_7a/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch3x3_1/bn/batch_norm/0" -> "Mixed_7a/branch3x3_1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a/branch3x3_1/relu_/0" -> "Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7a/branch3x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch3x3_1/post_hook__Mixed_7a-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch3x3_2.conv.weight" -> "Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 192, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch3x3_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch3x3_2/conv/pre_hook__Mixed_7a-branch3x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch3x3_2/conv/conv2d/0" [dtype=float, shape="(320, 192, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7a/branch3x3_2/conv/conv2d/0" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch3x3_2.bn.weight" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"Mixed_7a.branch3x3_2.bn.bias" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"Mixed_7a.branch3x3_2.bn.running_mean" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"Mixed_7a.branch3x3_2.bn.running_var" -> "Mixed_7a/branch3x3_2/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch3x3_2/bn/batch_norm/0" -> "Mixed_7a/branch3x3_2/relu_/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a/branch3x3_2/relu_/0" -> "Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a/branch3x3_2/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/cat/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_1.conv.weight" -> "Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_1/conv/pre_hook__Mixed_7a-branch7x7x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_1/conv/conv2d/0" [dtype=float, shape="(192, 768, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7a/branch7x7x3_1/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_1.bn.weight" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_7a.branch7x7x3_1.bn.bias" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_7a.branch7x7x3_1.bn.running_mean" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_7a.branch7x7x3_1.bn.running_var" -> "Mixed_7a/branch7x7x3_1/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_1/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_1/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a/branch7x7x3_1/relu_/0" -> "Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_1/post_hook__Mixed_7a-branch7x7x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_2.conv.weight" -> "Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_2/conv/pre_hook__Mixed_7a-branch7x7x3_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_2/conv/conv2d/0" [dtype=float, shape="(192, 192, 1, 7)", out_port_id=0, in_port_id=1]; +"Mixed_7a/branch7x7x3_2/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_2.bn.weight" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_7a.branch7x7x3_2.bn.bias" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_7a.branch7x7x3_2.bn.running_mean" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_7a.branch7x7x3_2.bn.running_var" -> "Mixed_7a/branch7x7x3_2/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_2/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_2/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a/branch7x7x3_2/relu_/0" -> "Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_2/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_2/post_hook__Mixed_7a-branch7x7x3_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_3.conv.weight" -> "Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_3/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_3/conv/pre_hook__Mixed_7a-branch7x7x3_3-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_3/conv/conv2d/0" [dtype=float, shape="(192, 192, 7, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7a/branch7x7x3_3/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_3.bn.weight" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_7a.branch7x7x3_3.bn.bias" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_7a.branch7x7x3_3.bn.running_mean" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_7a.branch7x7x3_3.bn.running_var" -> "Mixed_7a/branch7x7x3_3/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_3/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_3/relu_/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a/branch7x7x3_3/relu_/0" -> "Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7a/branch7x7x3_3/relu_/0__0.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_3/post_hook__Mixed_7a-branch7x7x3_3-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, shape="(2, 192, 17, 17)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_4.conv.weight" -> "Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 192, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7a/branch7x7x3_4/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_4/conv/pre_hook__Mixed_7a-branch7x7x3_4-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7a/branch7x7x3_4/conv/conv2d/0" [dtype=float, shape="(192, 192, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7a/branch7x7x3_4/conv/conv2d/0" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a.branch7x7x3_4.bn.weight" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_7a.branch7x7x3_4.bn.bias" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_7a.branch7x7x3_4.bn.running_mean" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_7a.branch7x7x3_4.bn.running_var" -> "Mixed_7a/branch7x7x3_4/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_7a/branch7x7x3_4/bn/batch_norm/0" -> "Mixed_7a/branch7x7x3_4/relu_/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a/branch7x7x3_4/relu_/0" -> "Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a/branch7x7x3_4/post_hook__Mixed_6e-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7a/cat/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=1]; +"Mixed_7a/max_pool2d/0" -> "Mixed_7a/cat/0" [dtype=float, shape="(2, 768, 8, 8)", out_port_id=0, in_port_id=2]; +"Mixed_7a/cat/0" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 1280, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(2, 1280, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a/cat/0" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 1280, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7a/cat/0" -> "Mixed_7b/avg_pool2d/0" [dtype=float, shape="(2, 1280, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch1x1.conv.weight" -> "Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 1280, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch1x1/conv/pre_hook__Mixed_7b-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch1x1/conv/conv2d/0" [dtype=float, shape="(320, 1280, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch1x1/conv/conv2d/0" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch1x1.bn.weight" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch1x1.bn.bias" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch1x1.bn.running_mean" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch1x1.bn.running_var" -> "Mixed_7b/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch1x1/bn/batch_norm/0" -> "Mixed_7b/branch1x1/relu_/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch1x1/relu_/0" -> "Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch1x1/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/2" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3_1.conv.weight" -> "Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1280, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3_1/conv/pre_hook__Mixed_7b-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(384, 1280, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch3x3_1/conv/conv2d/0" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3_1.bn.weight" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3_1.bn.bias" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch3x3_1.bn.running_mean" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch3x3_1.bn.running_var" -> "Mixed_7b/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3_1/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3_1/relu_/0" -> "Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3_1/post_hook__Mixed_7b-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3_2a.conv.weight" -> "Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3_2a/conv/pre_hook__Mixed_7b-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch3x3_2a/conv/conv2d/0" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3_2a.bn.weight" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3_2a.bn.bias" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch3x3_2a.bn.running_mean" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch3x3_2a.bn.running_var" -> "Mixed_7b/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2a/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3_2a/relu_/0" -> "Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3_2a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3_2b.conv.weight" -> "Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3_2b/conv/pre_hook__Mixed_7b-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch3x3_2b/conv/conv2d/0" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3_2b.bn.weight" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3_2b.bn.bias" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch3x3_2b.bn.running_mean" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch3x3_2b.bn.running_var" -> "Mixed_7b/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7b/branch3x3_2b/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3_2b/relu_/0" -> "Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3_2b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=1]; +"Mixed_7b/cat/0" -> "Mixed_7b/cat/2" [dtype=float, shape="(2, 768, 8, 8)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3dbl_1.conv.weight" -> "Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(448, 1280, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(448, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3dbl_1/conv/pre_hook__Mixed_7b-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(448, 1280, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3dbl_1.bn.weight" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3dbl_1.bn.bias" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch3x3dbl_1.bn.running_mean" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch3x3dbl_1.bn.running_var" -> "Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_1/relu_/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3dbl_1/relu_/0" -> "Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3dbl_1/post_hook__Mixed_7b-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3dbl_2.conv.weight" -> "Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 448, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3dbl_2/conv/pre_hook__Mixed_7b-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(384, 448, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3dbl_2.bn.weight" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3dbl_2.bn.bias" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch3x3dbl_2.bn.running_mean" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch3x3dbl_2.bn.running_var" -> "Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_2/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3dbl_2/relu_/0" -> "Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7b/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3dbl_2/post_hook__Mixed_7b-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3dbl_3a.conv.weight" -> "Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3dbl_3a/conv/pre_hook__Mixed_7b-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3dbl_3a.bn.weight" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3dbl_3a.bn.bias" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch3x3dbl_3a.bn.running_var" -> "Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3a/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3dbl_3a/relu_/0" -> "Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3dbl_3a/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/1" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3dbl_3b.conv.weight" -> "Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3dbl_3b/conv/pre_hook__Mixed_7b-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch3x3dbl_3b.bn.weight" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch3x3dbl_3b.bn.bias" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch3x3dbl_3b.bn.running_var" -> "Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7b/branch3x3dbl_3b/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3dbl_3b/relu_/0" -> "Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch3x3dbl_3b/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/1" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=1]; +"Mixed_7b/cat/1" -> "Mixed_7b/cat/2" [dtype=float, shape="(2, 768, 8, 8)", out_port_id=0, in_port_id=2]; +"Mixed_7b/avg_pool2d/0" -> "Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 1280, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7b/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/post_hook__Mixed_7b-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 1280, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch_pool.conv.weight" -> "Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1280, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7b/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch_pool/conv/pre_hook__Mixed_7b-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7b/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 1280, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7b/branch_pool/conv/conv2d/0" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b.branch_pool.bn.weight" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_7b.branch_pool.bn.bias" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_7b.branch_pool.bn.running_mean" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_7b.branch_pool.bn.running_var" -> "Mixed_7b/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_7b/branch_pool/bn/batch_norm/0" -> "Mixed_7b/branch_pool/relu_/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch_pool/relu_/0" -> "Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/branch_pool/post_hook__Mixed_7b-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7b/cat/2" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=3]; +"Mixed_7b/cat/2" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, shape="(2, 2048, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(2, 2048, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/cat/2" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(2, 2048, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7b/cat/2" -> "Mixed_7c/avg_pool2d/0" [dtype=float, shape="(2, 2048, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch1x1.conv.weight" -> "Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 2048, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch1x1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch1x1/conv/pre_hook__Mixed_7c-branch1x1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch1x1/conv/conv2d/0" [dtype=float, shape="(320, 2048, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch1x1/conv/conv2d/0" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch1x1.bn.weight" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch1x1.bn.bias" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch1x1.bn.running_mean" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch1x1.bn.running_var" -> "Mixed_7c/branch1x1/bn/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch1x1/bn/batch_norm/0" -> "Mixed_7c/branch1x1/relu_/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch1x1/relu_/0" -> "Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7c/branch1x1/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch1x1/post_hook__Mixed_7c-branch1x1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/2" [dtype=float, shape="(2, 320, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3_1.conv.weight" -> "Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 2048, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3_1/conv/pre_hook__Mixed_7c-branch3x3_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_1/conv/conv2d/0" [dtype=float, shape="(384, 2048, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch3x3_1/conv/conv2d/0" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3_1.bn.weight" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3_1.bn.bias" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch3x3_1.bn.running_mean" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch3x3_1.bn.running_var" -> "Mixed_7c/branch3x3_1/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3_1/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3_1/relu_/0" -> "Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3_1/post_hook__Mixed_7c-branch3x3_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3_2a.conv.weight" -> "Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3_2a/conv/pre_hook__Mixed_7c-branch3x3_2a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch3x3_2a/conv/conv2d/0" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3_2a.bn.weight" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3_2a.bn.bias" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch3x3_2a.bn.running_mean" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch3x3_2a.bn.running_var" -> "Mixed_7c/branch3x3_2a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3_2a/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2a/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3_2a/relu_/0" -> "Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2a/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3_2a/post_hook__Mixed_7c-branch3x3_2a-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3_2b.conv.weight" -> "Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3_2b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3_2b/conv/pre_hook__Mixed_7c-branch3x3_2b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3_2b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch3x3_2b/conv/conv2d/0" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3_2b.bn.weight" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3_2b.bn.bias" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch3x3_2b.bn.running_mean" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch3x3_2b.bn.running_var" -> "Mixed_7c/branch3x3_2b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3_2b/bn/batch_norm/0" -> "Mixed_7c/branch3x3_2b/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3_2b/relu_/0" -> "Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3_2b/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3_2b/post_hook__Mixed_7c-branch3x3_2b-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=1]; +"Mixed_7c/cat/0" -> "Mixed_7c/cat/2" [dtype=float, shape="(2, 768, 8, 8)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3dbl_1.conv.weight" -> "Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(448, 2048, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_1/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(448, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_1/conv/pre_hook__Mixed_7c-branch3x3dbl_1-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_1/conv/conv2d/0" [dtype=float, shape="(448, 2048, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch3x3dbl_1/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3dbl_1.bn.weight" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3dbl_1.bn.bias" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch3x3dbl_1.bn.running_mean" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch3x3dbl_1.bn.running_var" -> "Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" [dtype=float, shape="(448,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_1/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_1/relu_/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3dbl_1/relu_/0" -> "Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_1/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_1/post_hook__Mixed_7c-branch3x3dbl_1-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(2, 448, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3dbl_2.conv.weight" -> "Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 448, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_2/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_2/conv/pre_hook__Mixed_7c-branch3x3dbl_2-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_2/conv/conv2d/0" [dtype=float, shape="(384, 448, 3, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch3x3dbl_2/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3dbl_2.bn.weight" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3dbl_2.bn.bias" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch3x3dbl_2.bn.running_mean" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch3x3dbl_2.bn.running_var" -> "Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_2/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_2/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3dbl_2/relu_/0" -> "Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_2/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3dbl_2/post_hook__Mixed_7c-branch3x3dbl_2-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3dbl_3a.conv.weight" -> "Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3a/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_3a/conv/pre_hook__Mixed_7c-branch3x3dbl_3a-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" [dtype=float, shape="(384, 384, 1, 3)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch3x3dbl_3a/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3dbl_3a.bn.weight" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3dbl_3a.bn.bias" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch3x3dbl_3a.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch3x3dbl_3a.bn.running_var" -> "Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_3a/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3a/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3dbl_3a/relu_/0" -> "Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3a/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_3a/post_hook__Mixed_7c-branch3x3dbl_3a-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/1" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3dbl_3b.conv.weight" -> "Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch3x3dbl_3b/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_3b/conv/pre_hook__Mixed_7c-branch3x3dbl_3b-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" [dtype=float, shape="(384, 384, 3, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch3x3dbl_3b/conv/conv2d/0" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch3x3dbl_3b.bn.weight" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch3x3dbl_3b.bn.bias" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch3x3dbl_3b.bn.running_mean" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch3x3dbl_3b.bn.running_var" -> "Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_3b/bn/batch_norm/0" -> "Mixed_7c/branch3x3dbl_3b/relu_/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch3x3dbl_3b/relu_/0" -> "Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7c/branch3x3dbl_3b/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch3x3dbl_3b/post_hook__Mixed_7c-branch3x3dbl_3b-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/1" [dtype=float, shape="(2, 384, 8, 8)", out_port_id=0, in_port_id=1]; +"Mixed_7c/cat/1" -> "Mixed_7c/cat/2" [dtype=float, shape="(2, 768, 8, 8)", out_port_id=0, in_port_id=2]; +"Mixed_7c/avg_pool2d/0" -> "Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 2048, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7c/avg_pool2d/0__0.0._scale_param_storage" -> "Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/post_hook__Mixed_7c-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, shape="(2, 2048, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch_pool.conv.weight" -> "Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 2048, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.Mixed_7c/branch_pool/conv/conv2d/0__1.0._scale_param_storage" -> "Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch_pool/conv/pre_hook__Mixed_7c-branch_pool-conv-conv2d-0__1[0]/symmetric_quantize/0" -> "Mixed_7c/branch_pool/conv/conv2d/0" [dtype=float, shape="(192, 2048, 1, 1)", out_port_id=0, in_port_id=1]; +"Mixed_7c/branch_pool/conv/conv2d/0" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c.branch_pool.bn.weight" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"Mixed_7c.branch_pool.bn.bias" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"Mixed_7c.branch_pool.bn.running_mean" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"Mixed_7c.branch_pool.bn.running_var" -> "Mixed_7c/branch_pool/bn/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch_pool/bn/batch_norm/0" -> "Mixed_7c/branch_pool/relu_/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"Mixed_7c/branch_pool/relu_/0" -> "Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.Mixed_7c/branch_pool/relu_/0__0.0._scale_param_storage" -> "Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"Mixed_7c/branch_pool/post_hook__Mixed_7c-branch_pool-relu_-0__0[0]/symmetric_quantize/0" -> "Mixed_7c/cat/2" [dtype=float, shape="(2, 192, 8, 8)", out_port_id=0, in_port_id=3]; +"Mixed_7c/cat/2" -> "/adaptive_avg_pool2d/0" [dtype=float, shape="(2, 2048, 8, 8)", out_port_id=0, in_port_id=0]; +"/adaptive_avg_pool2d/0" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(2, 2048, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/dropout/0" [dtype=float, shape="(2, 2048, 1, 1)", out_port_id=0, in_port_id=0]; +"/dropout/0" -> "/view/0" [dtype=float, shape="(2, 2048, 1, 1)", out_port_id=0, in_port_id=0]; +"/view/0" -> "fc/linear/0" [dtype=float, shape="(2, 2048)", out_port_id=0, in_port_id=0]; +"fc.weight" -> "fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 2048)", out_port_id=0, in_port_id=0]; +"fc.bias" -> "fc/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.fc/linear/0__1.0._scale_param_storage" -> "fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 1)", out_port_id=0, in_port_id=4]; +"fc/pre_hook__fc-linear-0__1[0]/symmetric_quantize/0" -> "fc/linear/0" [dtype=float, shape="(1000, 2048)", out_port_id=0, in_port_id=1]; +"fc/linear/0" -> output [dtype=float, shape="(2, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/lenet.dot b/tests/torch2/data/quantization/test_quantized_graphs/lenet.dot index 719a1f50d02..5dc743c1ca2 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/lenet.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/lenet.dot @@ -1,89 +1,89 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv1.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=6, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv1/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; -"/relu/0" [id=8, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=10, metatype=UnknownMetatype, type=symmetric_quantize]; -"/max_pool2d/0" [id=11, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"conv2.weight" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv2.bias" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=15, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv2/conv2d/0" [id=16, metatype=PTConv2dMetatype, type=conv2d]; -"/relu/1" [id=17, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__-relu-1__0[0]/symmetric_quantize/0" [id=19, metatype=UnknownMetatype, type=symmetric_quantize]; -"/max_pool2d/1" [id=20, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"/view/0" [id=21, metatype=PTReshapeMetatype, type=view]; -"fc1.weight" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc1.bias" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.fc1/linear/0__1.0._scale_param_storage" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" [id=25, metatype=UnknownMetatype, type=symmetric_quantize]; -"fc1/linear/0" [id=26, metatype=PTLinearMetatype, type=linear]; -"/relu/2" [id=27, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks./relu/2__0.0._scale_param_storage" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__-relu-2__0[0]/symmetric_quantize/0" [id=29, metatype=UnknownMetatype, type=symmetric_quantize]; -"fc2.weight" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc2.bias" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.fc2/linear/0__1.0._scale_param_storage" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" [id=33, metatype=UnknownMetatype, type=symmetric_quantize]; -"fc2/linear/0" [id=34, metatype=PTLinearMetatype, type=linear]; -"/relu/3" [id=35, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks./relu/3__0.0._scale_param_storage" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__-relu-3__0[0]/symmetric_quantize/0" [id=37, metatype=UnknownMetatype, type=symmetric_quantize]; -"fc3.weight" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc3.bias" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.fc3/linear/0__1.0._scale_param_storage" [id=40, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" [id=41, metatype=UnknownMetatype, type=symmetric_quantize]; -"fc3/linear/0" [id=42, metatype=PTLinearMetatype, type=linear]; -output [id=43, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(6, 3, 5, 5)"]; -"conv1.bias" -> "conv1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(6,)"]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(6, 1, 1, 1)"]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(6, 3, 5, 5)"]; -"conv1/conv2d/0" -> "/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 28, 28)"]; -"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 28, 28)"]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 28, 28)"]; -"/max_pool2d/0" -> "conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 6, 14, 14)"]; -"conv2.weight" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 6, 5, 5)"]; -"conv2.bias" -> "conv2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; -"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 6, 5, 5)"]; -"conv2/conv2d/0" -> "/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 10, 10)"]; -"/relu/1" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 10, 10)"]; -"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__-relu-1__0[0]/symmetric_quantize/0" -> "/max_pool2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 10, 10)"]; -"/max_pool2d/1" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 5, 5)"]; -"/view/0" -> "fc1/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 400)"]; -"fc1.weight" -> "fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(120, 400)"]; -"fc1.bias" -> "fc1/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(120,)"]; -"__nncf_hooks.pre_hooks.fc1/linear/0__1.0._scale_param_storage" -> "fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(120, 1)"]; -"fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" -> "fc1/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120, 400)"]; -"fc1/linear/0" -> "/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120)"]; -"/relu/2" -> "post_hook__-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120)"]; -"__nncf_hooks.post_hooks./relu/2__0.0._scale_param_storage" -> "post_hook__-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__-relu-2__0[0]/symmetric_quantize/0" -> "fc2/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120)"]; -"fc2.weight" -> "fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(84, 120)"]; -"fc2.bias" -> "fc2/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(84,)"]; -"__nncf_hooks.pre_hooks.fc2/linear/0__1.0._scale_param_storage" -> "fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(84, 1)"]; -"fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" -> "fc2/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(84, 120)"]; -"fc2/linear/0" -> "/relu/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 84)"]; -"/relu/3" -> "post_hook__-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 84)"]; -"__nncf_hooks.post_hooks./relu/3__0.0._scale_param_storage" -> "post_hook__-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__-relu-3__0[0]/symmetric_quantize/0" -> "fc3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 84)"]; -"fc3.weight" -> "fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 84)"]; -"fc3.bias" -> "fc3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; -"__nncf_hooks.pre_hooks.fc3/linear/0__1.0._scale_param_storage" -> "fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(10, 1)"]; -"fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" -> "fc3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 84)"]; -"fc3/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv1.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=6, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv1/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; +"/relu/0" [id=8, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=10, type="symmetric_quantize", metatype=UnknownMetatype]; +"/max_pool2d/0" [id=11, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"conv2.weight" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv2.bias" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=15, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv2/conv2d/0" [id=16, type=conv2d, metatype=PTConv2dMetatype]; +"/relu/1" [id=17, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__-relu-1__0[0]/symmetric_quantize/0" [id=19, type="symmetric_quantize", metatype=UnknownMetatype]; +"/max_pool2d/1" [id=20, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"/view/0" [id=21, type=view, metatype=PTReshapeMetatype]; +"fc1.weight" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc1.bias" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.fc1/linear/0__1.0._scale_param_storage" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" [id=25, type="symmetric_quantize", metatype=UnknownMetatype]; +"fc1/linear/0" [id=26, type=linear, metatype=PTLinearMetatype]; +"/relu/2" [id=27, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks./relu/2__0.0._scale_param_storage" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__-relu-2__0[0]/symmetric_quantize/0" [id=29, type="symmetric_quantize", metatype=UnknownMetatype]; +"fc2.weight" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc2.bias" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.fc2/linear/0__1.0._scale_param_storage" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" [id=33, type="symmetric_quantize", metatype=UnknownMetatype]; +"fc2/linear/0" [id=34, type=linear, metatype=PTLinearMetatype]; +"/relu/3" [id=35, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks./relu/3__0.0._scale_param_storage" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__-relu-3__0[0]/symmetric_quantize/0" [id=37, type="symmetric_quantize", metatype=UnknownMetatype]; +"fc3.weight" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc3.bias" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.fc3/linear/0__1.0._scale_param_storage" [id=40, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" [id=41, type="symmetric_quantize", metatype=UnknownMetatype]; +"fc3/linear/0" [id=42, type=linear, metatype=PTLinearMetatype]; +output [id=43, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(6, 3, 5, 5)", out_port_id=0, in_port_id=0]; +"conv1.bias" -> "conv1/conv2d/0" [dtype=float, shape="(6,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(6, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(6, 3, 5, 5)", out_port_id=0, in_port_id=1]; +"conv1/conv2d/0" -> "/relu/0" [dtype=float, shape="(1, 6, 28, 28)", out_port_id=0, in_port_id=0]; +"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 6, 28, 28)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/0" [dtype=float, shape="(1, 6, 28, 28)", out_port_id=0, in_port_id=0]; +"/max_pool2d/0" -> "conv2/conv2d/0" [dtype=float, shape="(1, 6, 14, 14)", out_port_id=0, in_port_id=0]; +"conv2.weight" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 6, 5, 5)", out_port_id=0, in_port_id=0]; +"conv2.bias" -> "conv2/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "conv2/conv2d/0" [dtype=float, shape="(16, 6, 5, 5)", out_port_id=0, in_port_id=1]; +"conv2/conv2d/0" -> "/relu/1" [dtype=float, shape="(1, 16, 10, 10)", out_port_id=0, in_port_id=0]; +"/relu/1" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 10, 10)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__-relu-1__0[0]/symmetric_quantize/0" -> "/max_pool2d/1" [dtype=float, shape="(1, 16, 10, 10)", out_port_id=0, in_port_id=0]; +"/max_pool2d/1" -> "/view/0" [dtype=float, shape="(1, 16, 5, 5)", out_port_id=0, in_port_id=0]; +"/view/0" -> "fc1/linear/0" [dtype=float, shape="(1, 400)", out_port_id=0, in_port_id=0]; +"fc1.weight" -> "fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(120, 400)", out_port_id=0, in_port_id=0]; +"fc1.bias" -> "fc1/linear/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.fc1/linear/0__1.0._scale_param_storage" -> "fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(120, 1)", out_port_id=0, in_port_id=4]; +"fc1/pre_hook__fc1-linear-0__1[0]/symmetric_quantize/0" -> "fc1/linear/0" [dtype=float, shape="(120, 400)", out_port_id=0, in_port_id=1]; +"fc1/linear/0" -> "/relu/2" [dtype=float, shape="(1, 120)", out_port_id=0, in_port_id=0]; +"/relu/2" -> "post_hook__-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 120)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks./relu/2__0.0._scale_param_storage" -> "post_hook__-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__-relu-2__0[0]/symmetric_quantize/0" -> "fc2/linear/0" [dtype=float, shape="(1, 120)", out_port_id=0, in_port_id=0]; +"fc2.weight" -> "fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(84, 120)", out_port_id=0, in_port_id=0]; +"fc2.bias" -> "fc2/linear/0" [dtype=float, shape="(84,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.fc2/linear/0__1.0._scale_param_storage" -> "fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(84, 1)", out_port_id=0, in_port_id=4]; +"fc2/pre_hook__fc2-linear-0__1[0]/symmetric_quantize/0" -> "fc2/linear/0" [dtype=float, shape="(84, 120)", out_port_id=0, in_port_id=1]; +"fc2/linear/0" -> "/relu/3" [dtype=float, shape="(1, 84)", out_port_id=0, in_port_id=0]; +"/relu/3" -> "post_hook__-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 84)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks./relu/3__0.0._scale_param_storage" -> "post_hook__-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__-relu-3__0[0]/symmetric_quantize/0" -> "fc3/linear/0" [dtype=float, shape="(1, 84)", out_port_id=0, in_port_id=0]; +"fc3.weight" -> "fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 84)", out_port_id=0, in_port_id=0]; +"fc3.bias" -> "fc3/linear/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.fc3/linear/0__1.0._scale_param_storage" -> "fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1)", out_port_id=0, in_port_id=4]; +"fc3/pre_hook__fc3-linear-0__1[0]/symmetric_quantize/0" -> "fc3/linear/0" [dtype=float, shape="(10, 84)", out_port_id=0, in_port_id=1]; +"fc3/linear/0" -> output [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v2.dot b/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v2.dot index 24883ee11ea..d63f1dd1d73 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v2.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v2.dot @@ -1,1313 +1,1313 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.0.0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=5, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/0/0/conv2d/0" [id=6, metatype=PTConv2dMetatype, type=conv2d]; -"features.0.1.weight" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.bias" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.running_mean" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.running_var" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/1/batch_norm/0" [id=11, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/0/2/hardtanh/0" [id=12, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/0/2/hardtanh/0__0.0._scale_param_storage" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=14, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.1.conv.0.0.weight" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/1/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=17, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/1/conv/0/0/conv2d/0" [id=18, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.1.conv.0.1.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.conv.0.1.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.conv.0.1.running_mean" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.conv.0.1.running_var" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/conv/0/1/batch_norm/0" [id=23, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/1/conv/0/2/hardtanh/0" [id=24, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/1/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=25, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=26, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.1.conv.1.weight" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/1/conv/1/conv2d/0__1.0._scale_param_storage" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" [id=29, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/1/conv/1/conv2d/0" [id=30, metatype=PTConv2dMetatype, type=conv2d]; -"features.1.conv.2.weight" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.conv.2.bias" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.conv.2.running_mean" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.conv.2.running_var" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/conv/2/batch_norm/0" [id=35, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/1/conv/2/batch_norm/0__0.0._scale_param_storage" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" [id=37, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.2.conv.0.0.weight" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/2/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=40, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/2/conv/0/0/conv2d/0" [id=41, metatype=PTConv2dMetatype, type=conv2d]; -"features.2.conv.0.1.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.0.1.bias" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.0.1.running_mean" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.0.1.running_var" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/0/1/batch_norm/0" [id=46, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/2/conv/0/2/hardtanh/0" [id=47, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/2/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=49, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.2.conv.1.0.weight" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/2/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=52, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/2/conv/1/0/conv2d/0" [id=53, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.2.conv.1.1.weight" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.1.1.bias" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.1.1.running_mean" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.1.1.running_var" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/1/1/batch_norm/0" [id=58, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/2/conv/1/2/hardtanh/0" [id=59, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/2/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=61, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.2.conv.2.weight" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/2/conv/2/conv2d/0__1.0._scale_param_storage" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=64, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/2/conv/2/conv2d/0" [id=65, metatype=PTConv2dMetatype, type=conv2d]; -"features.2.conv.3.weight" [id=66, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.3.bias" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.3.running_mean" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.conv.3.running_var" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/3/batch_norm/0" [id=70, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/2/conv/3/batch_norm/0__0.0._scale_param_storage" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=72, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.3.conv.0.0.weight" [id=73, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/3/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=74, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=75, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/3/conv/0/0/conv2d/0" [id=76, metatype=PTConv2dMetatype, type=conv2d]; -"features.3.conv.0.1.weight" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.0.1.bias" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.0.1.running_mean" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.0.1.running_var" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/0/1/batch_norm/0" [id=81, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/conv/0/2/hardtanh/0" [id=82, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/3/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=84, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.3.conv.1.0.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/3/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=87, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/3/conv/1/0/conv2d/0" [id=88, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.3.conv.1.1.weight" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.1.1.bias" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.1.1.running_mean" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.1.1.running_var" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/1/1/batch_norm/0" [id=93, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/conv/1/2/hardtanh/0" [id=94, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/3/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=96, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.3.conv.2.weight" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/3/conv/2/conv2d/0__1.0._scale_param_storage" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=99, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/3/conv/2/conv2d/0" [id=100, metatype=PTConv2dMetatype, type=conv2d]; -"features.3.conv.3.weight" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.3.bias" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.3.running_mean" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.conv.3.running_var" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/3/batch_norm/0" [id=105, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/3/conv/3/batch_norm/0__0.0._scale_param_storage" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=107, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/3/add/0" [id=108, metatype=PTAddMetatype, type=add]; -"__nncf_hooks.post_hooks.features/3/add/0__0.0._scale_param_storage" [id=109, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" [id=110, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.4.conv.0.0.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/4/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=113, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/4/conv/0/0/conv2d/0" [id=114, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.conv.0.1.weight" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.0.1.bias" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.0.1.running_mean" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.0.1.running_var" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/0/1/batch_norm/0" [id=119, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/conv/0/2/hardtanh/0" [id=120, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/4/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=122, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.4.conv.1.0.weight" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/4/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=125, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/4/conv/1/0/conv2d/0" [id=126, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.4.conv.1.1.weight" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.1.1.bias" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.1.1.running_mean" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.1.1.running_var" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/1/1/batch_norm/0" [id=131, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/conv/1/2/hardtanh/0" [id=132, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/4/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=133, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=134, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.4.conv.2.weight" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/4/conv/2/conv2d/0__1.0._scale_param_storage" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=137, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/4/conv/2/conv2d/0" [id=138, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.conv.3.weight" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.3.bias" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.3.running_mean" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.conv.3.running_var" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/3/batch_norm/0" [id=143, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/4/conv/3/batch_norm/0__0.0._scale_param_storage" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=145, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.5.conv.0.0.weight" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/5/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=148, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/5/conv/0/0/conv2d/0" [id=149, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.conv.0.1.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.0.1.bias" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.0.1.running_mean" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.0.1.running_var" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/0/1/batch_norm/0" [id=154, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/conv/0/2/hardtanh/0" [id=155, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/5/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=157, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.5.conv.1.0.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/5/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=160, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/5/conv/1/0/conv2d/0" [id=161, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.5.conv.1.1.weight" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.1.1.bias" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.1.1.running_mean" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.1.1.running_var" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/1/1/batch_norm/0" [id=166, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/conv/1/2/hardtanh/0" [id=167, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/5/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=169, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.5.conv.2.weight" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/5/conv/2/conv2d/0__1.0._scale_param_storage" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=172, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/5/conv/2/conv2d/0" [id=173, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.conv.3.weight" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.3.bias" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.3.running_mean" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.conv.3.running_var" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/3/batch_norm/0" [id=178, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/5/conv/3/batch_norm/0__0.0._scale_param_storage" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=180, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/5/add/0" [id=181, metatype=PTAddMetatype, type=add]; -"__nncf_hooks.post_hooks.features/5/add/0__0.0._scale_param_storage" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" [id=183, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.6.conv.0.0.weight" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/6/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=186, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/conv/0/0/conv2d/0" [id=187, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.conv.0.1.weight" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.0.1.bias" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.0.1.running_mean" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.0.1.running_var" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/0/1/batch_norm/0" [id=192, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/conv/0/2/hardtanh/0" [id=193, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/6/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=195, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.6.conv.1.0.weight" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/6/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=198, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/conv/1/0/conv2d/0" [id=199, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.6.conv.1.1.weight" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.1.1.bias" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.1.1.running_mean" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.1.1.running_var" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/1/1/batch_norm/0" [id=204, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/conv/1/2/hardtanh/0" [id=205, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/6/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=206, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=207, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.6.conv.2.weight" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/6/conv/2/conv2d/0__1.0._scale_param_storage" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=210, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/conv/2/conv2d/0" [id=211, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.conv.3.weight" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.3.bias" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.3.running_mean" [id=214, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.conv.3.running_var" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/3/batch_norm/0" [id=216, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/6/conv/3/batch_norm/0__0.0._scale_param_storage" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=218, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/add/0" [id=219, metatype=PTAddMetatype, type=add]; -"__nncf_hooks.post_hooks.features/6/add/0__0.0._scale_param_storage" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" [id=221, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.7.conv.0.0.weight" [id=222, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/7/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=224, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/7/conv/0/0/conv2d/0" [id=225, metatype=PTConv2dMetatype, type=conv2d]; -"features.7.conv.0.1.weight" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.0.1.bias" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.0.1.running_mean" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.0.1.running_var" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/0/1/batch_norm/0" [id=230, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/7/conv/0/2/hardtanh/0" [id=231, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/7/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=233, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.7.conv.1.0.weight" [id=234, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/7/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=236, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/7/conv/1/0/conv2d/0" [id=237, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.7.conv.1.1.weight" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.1.1.bias" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.1.1.running_mean" [id=240, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.1.1.running_var" [id=241, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/1/1/batch_norm/0" [id=242, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/7/conv/1/2/hardtanh/0" [id=243, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/7/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=245, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.7.conv.2.weight" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/7/conv/2/conv2d/0__1.0._scale_param_storage" [id=247, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=248, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/7/conv/2/conv2d/0" [id=249, metatype=PTConv2dMetatype, type=conv2d]; -"features.7.conv.3.weight" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.3.bias" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.3.running_mean" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.conv.3.running_var" [id=253, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/3/batch_norm/0" [id=254, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/7/conv/3/batch_norm/0__0.0._scale_param_storage" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=256, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.8.conv.0.0.weight" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/8/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=258, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=259, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/8/conv/0/0/conv2d/0" [id=260, metatype=PTConv2dMetatype, type=conv2d]; -"features.8.conv.0.1.weight" [id=261, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.0.1.bias" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.0.1.running_mean" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.0.1.running_var" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/0/1/batch_norm/0" [id=265, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/8/conv/0/2/hardtanh/0" [id=266, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/8/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=267, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=268, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.8.conv.1.0.weight" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/8/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=271, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/8/conv/1/0/conv2d/0" [id=272, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.8.conv.1.1.weight" [id=273, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.1.1.bias" [id=274, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.1.1.running_mean" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.1.1.running_var" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/1/1/batch_norm/0" [id=277, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/8/conv/1/2/hardtanh/0" [id=278, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/8/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=280, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.8.conv.2.weight" [id=281, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/8/conv/2/conv2d/0__1.0._scale_param_storage" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=283, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/8/conv/2/conv2d/0" [id=284, metatype=PTConv2dMetatype, type=conv2d]; -"features.8.conv.3.weight" [id=285, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.3.bias" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.3.running_mean" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.conv.3.running_var" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/3/batch_norm/0" [id=289, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/8/conv/3/batch_norm/0__0.0._scale_param_storage" [id=290, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=291, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/8/add/0" [id=292, metatype=PTAddMetatype, type=add]; -"__nncf_hooks.post_hooks.features/8/add/0__0.0._scale_param_storage" [id=293, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" [id=294, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.9.conv.0.0.weight" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/9/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=296, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=297, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/9/conv/0/0/conv2d/0" [id=298, metatype=PTConv2dMetatype, type=conv2d]; -"features.9.conv.0.1.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.0.1.bias" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.0.1.running_mean" [id=301, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.0.1.running_var" [id=302, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/0/1/batch_norm/0" [id=303, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/9/conv/0/2/hardtanh/0" [id=304, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/9/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=306, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.9.conv.1.0.weight" [id=307, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/9/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=309, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/9/conv/1/0/conv2d/0" [id=310, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.9.conv.1.1.weight" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.1.1.bias" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.1.1.running_mean" [id=313, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.1.1.running_var" [id=314, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/1/1/batch_norm/0" [id=315, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/9/conv/1/2/hardtanh/0" [id=316, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/9/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=318, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.9.conv.2.weight" [id=319, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/9/conv/2/conv2d/0__1.0._scale_param_storage" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=321, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/9/conv/2/conv2d/0" [id=322, metatype=PTConv2dMetatype, type=conv2d]; -"features.9.conv.3.weight" [id=323, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.3.bias" [id=324, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.3.running_mean" [id=325, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.conv.3.running_var" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/3/batch_norm/0" [id=327, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/9/conv/3/batch_norm/0__0.0._scale_param_storage" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=329, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/9/add/0" [id=330, metatype=PTAddMetatype, type=add]; -"__nncf_hooks.post_hooks.features/9/add/0__0.0._scale_param_storage" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" [id=332, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.10.conv.0.0.weight" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/10/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=334, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=335, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/conv/0/0/conv2d/0" [id=336, metatype=PTConv2dMetatype, type=conv2d]; -"features.10.conv.0.1.weight" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.0.1.bias" [id=338, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.0.1.running_mean" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.0.1.running_var" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/0/1/batch_norm/0" [id=341, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/10/conv/0/2/hardtanh/0" [id=342, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/10/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=344, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.10.conv.1.0.weight" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/10/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=347, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/conv/1/0/conv2d/0" [id=348, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.10.conv.1.1.weight" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.1.1.bias" [id=350, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.1.1.running_mean" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.1.1.running_var" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/1/1/batch_norm/0" [id=353, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/10/conv/1/2/hardtanh/0" [id=354, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/10/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=355, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=356, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.10.conv.2.weight" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/10/conv/2/conv2d/0__1.0._scale_param_storage" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=359, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/conv/2/conv2d/0" [id=360, metatype=PTConv2dMetatype, type=conv2d]; -"features.10.conv.3.weight" [id=361, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.3.bias" [id=362, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.3.running_mean" [id=363, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.conv.3.running_var" [id=364, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/3/batch_norm/0" [id=365, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/10/conv/3/batch_norm/0__0.0._scale_param_storage" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=367, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/add/0" [id=368, metatype=PTAddMetatype, type=add]; -"__nncf_hooks.post_hooks.features/10/add/0__0.0._scale_param_storage" [id=369, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" [id=370, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.11.conv.0.0.weight" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/11/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=373, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/11/conv/0/0/conv2d/0" [id=374, metatype=PTConv2dMetatype, type=conv2d]; -"features.11.conv.0.1.weight" [id=375, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.0.1.bias" [id=376, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.0.1.running_mean" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.0.1.running_var" [id=378, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/0/1/batch_norm/0" [id=379, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/11/conv/0/2/hardtanh/0" [id=380, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/11/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=381, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=382, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.11.conv.1.0.weight" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/11/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=384, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=385, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/11/conv/1/0/conv2d/0" [id=386, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.11.conv.1.1.weight" [id=387, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.1.1.bias" [id=388, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.1.1.running_mean" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.1.1.running_var" [id=390, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/1/1/batch_norm/0" [id=391, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/11/conv/1/2/hardtanh/0" [id=392, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/11/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=393, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=394, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.11.conv.2.weight" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/11/conv/2/conv2d/0__1.0._scale_param_storage" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=397, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/11/conv/2/conv2d/0" [id=398, metatype=PTConv2dMetatype, type=conv2d]; -"features.11.conv.3.weight" [id=399, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.3.bias" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.3.running_mean" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.conv.3.running_var" [id=402, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/3/batch_norm/0" [id=403, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/11/conv/3/batch_norm/0__0.0._scale_param_storage" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=405, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.12.conv.0.0.weight" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/12/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=408, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/12/conv/0/0/conv2d/0" [id=409, metatype=PTConv2dMetatype, type=conv2d]; -"features.12.conv.0.1.weight" [id=410, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.0.1.bias" [id=411, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.0.1.running_mean" [id=412, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.0.1.running_var" [id=413, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/0/1/batch_norm/0" [id=414, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/12/conv/0/2/hardtanh/0" [id=415, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/12/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=416, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=417, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.12.conv.1.0.weight" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/12/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=420, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/12/conv/1/0/conv2d/0" [id=421, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.12.conv.1.1.weight" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.1.1.bias" [id=423, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.1.1.running_mean" [id=424, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.1.1.running_var" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/1/1/batch_norm/0" [id=426, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/12/conv/1/2/hardtanh/0" [id=427, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/12/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=429, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.12.conv.2.weight" [id=430, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/12/conv/2/conv2d/0__1.0._scale_param_storage" [id=431, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=432, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/12/conv/2/conv2d/0" [id=433, metatype=PTConv2dMetatype, type=conv2d]; -"features.12.conv.3.weight" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.3.bias" [id=435, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.3.running_mean" [id=436, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.conv.3.running_var" [id=437, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/3/batch_norm/0" [id=438, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/12/conv/3/batch_norm/0__0.0._scale_param_storage" [id=439, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=440, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/12/add/0" [id=441, metatype=PTAddMetatype, type=add]; -"__nncf_hooks.post_hooks.features/12/add/0__0.0._scale_param_storage" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" [id=443, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.13.conv.0.0.weight" [id=444, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/13/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=445, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=446, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/13/conv/0/0/conv2d/0" [id=447, metatype=PTConv2dMetatype, type=conv2d]; -"features.13.conv.0.1.weight" [id=448, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.0.1.bias" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.0.1.running_mean" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.0.1.running_var" [id=451, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/0/1/batch_norm/0" [id=452, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/13/conv/0/2/hardtanh/0" [id=453, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/13/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=454, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=455, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.13.conv.1.0.weight" [id=456, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/13/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=457, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=458, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/13/conv/1/0/conv2d/0" [id=459, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.13.conv.1.1.weight" [id=460, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.1.1.bias" [id=461, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.1.1.running_mean" [id=462, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.1.1.running_var" [id=463, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/1/1/batch_norm/0" [id=464, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/13/conv/1/2/hardtanh/0" [id=465, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/13/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=467, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.13.conv.2.weight" [id=468, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/13/conv/2/conv2d/0__1.0._scale_param_storage" [id=469, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=470, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/13/conv/2/conv2d/0" [id=471, metatype=PTConv2dMetatype, type=conv2d]; -"features.13.conv.3.weight" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.3.bias" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.3.running_mean" [id=474, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.13.conv.3.running_var" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/3/batch_norm/0" [id=476, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/13/conv/3/batch_norm/0__0.0._scale_param_storage" [id=477, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=478, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/13/add/0" [id=479, metatype=PTAddMetatype, type=add]; -"__nncf_hooks.post_hooks.features/13/add/0__0.0._scale_param_storage" [id=480, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" [id=481, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.14.conv.0.0.weight" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/14/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=483, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=484, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/14/conv/0/0/conv2d/0" [id=485, metatype=PTConv2dMetatype, type=conv2d]; -"features.14.conv.0.1.weight" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.0.1.bias" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.0.1.running_mean" [id=488, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.0.1.running_var" [id=489, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/0/1/batch_norm/0" [id=490, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/14/conv/0/2/hardtanh/0" [id=491, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/14/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=492, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=493, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.14.conv.1.0.weight" [id=494, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/14/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=495, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=496, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/14/conv/1/0/conv2d/0" [id=497, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.14.conv.1.1.weight" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.1.1.bias" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.1.1.running_mean" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.1.1.running_var" [id=501, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/1/1/batch_norm/0" [id=502, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/14/conv/1/2/hardtanh/0" [id=503, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/14/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=504, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=505, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.14.conv.2.weight" [id=506, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/14/conv/2/conv2d/0__1.0._scale_param_storage" [id=507, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=508, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/14/conv/2/conv2d/0" [id=509, metatype=PTConv2dMetatype, type=conv2d]; -"features.14.conv.3.weight" [id=510, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.3.bias" [id=511, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.3.running_mean" [id=512, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.conv.3.running_var" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/3/batch_norm/0" [id=514, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/14/conv/3/batch_norm/0__0.0._scale_param_storage" [id=515, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=516, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.15.conv.0.0.weight" [id=517, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/15/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=519, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/15/conv/0/0/conv2d/0" [id=520, metatype=PTConv2dMetatype, type=conv2d]; -"features.15.conv.0.1.weight" [id=521, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.0.1.bias" [id=522, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.0.1.running_mean" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.0.1.running_var" [id=524, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/0/1/batch_norm/0" [id=525, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/15/conv/0/2/hardtanh/0" [id=526, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/15/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=527, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=528, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.15.conv.1.0.weight" [id=529, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/15/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=530, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=531, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/15/conv/1/0/conv2d/0" [id=532, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.15.conv.1.1.weight" [id=533, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.1.1.bias" [id=534, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.1.1.running_mean" [id=535, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.1.1.running_var" [id=536, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/1/1/batch_norm/0" [id=537, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/15/conv/1/2/hardtanh/0" [id=538, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/15/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=539, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=540, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.15.conv.2.weight" [id=541, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/15/conv/2/conv2d/0__1.0._scale_param_storage" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=543, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/15/conv/2/conv2d/0" [id=544, metatype=PTConv2dMetatype, type=conv2d]; -"features.15.conv.3.weight" [id=545, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.3.bias" [id=546, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.3.running_mean" [id=547, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.conv.3.running_var" [id=548, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/3/batch_norm/0" [id=549, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/15/conv/3/batch_norm/0__0.0._scale_param_storage" [id=550, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=551, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/15/add/0" [id=552, metatype=PTAddMetatype, type=add]; -"__nncf_hooks.post_hooks.features/15/add/0__0.0._scale_param_storage" [id=553, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" [id=554, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.16.conv.0.0.weight" [id=555, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/16/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=556, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=557, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/16/conv/0/0/conv2d/0" [id=558, metatype=PTConv2dMetatype, type=conv2d]; -"features.16.conv.0.1.weight" [id=559, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.0.1.bias" [id=560, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.0.1.running_mean" [id=561, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.0.1.running_var" [id=562, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/0/1/batch_norm/0" [id=563, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/16/conv/0/2/hardtanh/0" [id=564, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/16/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=565, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=566, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.16.conv.1.0.weight" [id=567, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/16/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=568, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=569, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/16/conv/1/0/conv2d/0" [id=570, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.16.conv.1.1.weight" [id=571, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.1.1.bias" [id=572, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.1.1.running_mean" [id=573, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.1.1.running_var" [id=574, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/1/1/batch_norm/0" [id=575, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/16/conv/1/2/hardtanh/0" [id=576, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/16/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=577, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=578, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.16.conv.2.weight" [id=579, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/16/conv/2/conv2d/0__1.0._scale_param_storage" [id=580, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=581, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/16/conv/2/conv2d/0" [id=582, metatype=PTConv2dMetatype, type=conv2d]; -"features.16.conv.3.weight" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.3.bias" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.3.running_mean" [id=585, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.16.conv.3.running_var" [id=586, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/3/batch_norm/0" [id=587, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/16/conv/3/batch_norm/0__0.0._scale_param_storage" [id=588, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=589, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/16/add/0" [id=590, metatype=PTAddMetatype, type=add]; -"__nncf_hooks.post_hooks.features/16/add/0__0.0._scale_param_storage" [id=591, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" [id=592, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.17.conv.0.0.weight" [id=593, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/17/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=594, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=595, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/17/conv/0/0/conv2d/0" [id=596, metatype=PTConv2dMetatype, type=conv2d]; -"features.17.conv.0.1.weight" [id=597, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.0.1.bias" [id=598, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.0.1.running_mean" [id=599, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.0.1.running_var" [id=600, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/0/1/batch_norm/0" [id=601, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/17/conv/0/2/hardtanh/0" [id=602, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/17/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=603, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=604, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.17.conv.1.0.weight" [id=605, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/17/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=606, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=607, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/17/conv/1/0/conv2d/0" [id=608, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.17.conv.1.1.weight" [id=609, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.1.1.bias" [id=610, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.1.1.running_mean" [id=611, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.1.1.running_var" [id=612, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/1/1/batch_norm/0" [id=613, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/17/conv/1/2/hardtanh/0" [id=614, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/17/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=615, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=616, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.17.conv.2.weight" [id=617, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/17/conv/2/conv2d/0__1.0._scale_param_storage" [id=618, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=619, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/17/conv/2/conv2d/0" [id=620, metatype=PTConv2dMetatype, type=conv2d]; -"features.17.conv.3.weight" [id=621, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.3.bias" [id=622, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.3.running_mean" [id=623, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.conv.3.running_var" [id=624, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/3/batch_norm/0" [id=625, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/17/conv/3/batch_norm/0__0.0._scale_param_storage" [id=626, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=627, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.18.0.weight" [id=628, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/18/0/conv2d/0__1.0._scale_param_storage" [id=629, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" [id=630, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/18/0/conv2d/0" [id=631, metatype=PTConv2dMetatype, type=conv2d]; -"features.18.1.weight" [id=632, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.18.1.bias" [id=633, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.18.1.running_mean" [id=634, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.18.1.running_var" [id=635, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/18/1/batch_norm/0" [id=636, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/18/2/hardtanh/0" [id=637, metatype=PTHardTanhMetatype, type=hardtanh]; -"__nncf_hooks.post_hooks.features/18/2/hardtanh/0__0.0._scale_param_storage" [id=638, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=639, metatype=UnknownMetatype, type=symmetric_quantize]; -"/adaptive_avg_pool2d/0" [id=640, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=641, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=642, metatype=UnknownMetatype, type=symmetric_quantize]; -"/reshape/0" [id=643, metatype=PTReshapeMetatype, type=reshape]; -"classifier/0/dropout/0" [id=644, metatype=PTDropoutMetatype, type=dropout]; -"classifier.1.weight" [id=645, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.1.bias" [id=646, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" [id=647, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [id=648, metatype=UnknownMetatype, type=symmetric_quantize]; -"classifier/1/linear/0" [id=649, metatype=PTLinearMetatype, type=linear]; -output [id=650, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"features.0.0.weight" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 3, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 3, 3, 3)"]; -"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"features/0/1/batch_norm/0" -> "features/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/0/2/hardtanh/0" -> "features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.features/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 32, 1, 1)"]; -"features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/1/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features.1.conv.0.0.weight" -> "features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/1/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 1, 3, 3)"]; -"features/1/conv/0/0/conv2d/0" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features.1.conv.0.1.weight" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"features.1.conv.0.1.bias" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features.1.conv.0.1.running_mean" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"features.1.conv.0.1.running_var" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"features/1/conv/0/1/batch_norm/0" -> "features/1/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features/1/conv/0/2/hardtanh/0" -> "features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"__nncf_hooks.post_hooks.features/1/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/1/conv/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 16, 16)"]; -"features.1.conv.1.weight" -> "features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 32, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/1/conv/1/conv2d/0__1.0._scale_param_storage" -> "features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; -"features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/conv/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 32, 1, 1)"]; -"features/1/conv/1/conv2d/0" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"features.1.conv.2.weight" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; -"features.1.conv.2.bias" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"features.1.conv.2.running_mean" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; -"features.1.conv.2.running_var" -> "features/1/conv/2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; -"features/1/conv/2/batch_norm/0" -> "features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"__nncf_hooks.post_hooks.features/1/conv/2/batch_norm/0__0.0._scale_param_storage" -> "features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/2/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"features.2.conv.0.0.weight" -> "features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 16, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/2/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 16, 1, 1)"]; -"features/2/conv/0/0/conv2d/0" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.2.conv.0.1.weight" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.2.conv.0.1.bias" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.2.conv.0.1.running_mean" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.2.conv.0.1.running_var" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/2/conv/0/1/batch_norm/0" -> "features/2/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features/2/conv/0/2/hardtanh/0" -> "features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"__nncf_hooks.post_hooks.features/2/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/2/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 16, 16)"]; -"features.2.conv.1.0.weight" -> "features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/2/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; -"features/2/conv/1/0/conv2d/0" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"features.2.conv.1.1.weight" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.2.conv.1.1.bias" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.2.conv.1.1.running_mean" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.2.conv.1.1.running_var" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/2/conv/1/1/batch_norm/0" -> "features/2/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"features/2/conv/1/2/hardtanh/0" -> "features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"__nncf_hooks.post_hooks.features/2/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/2/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"features.2.conv.2.weight" -> "features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/2/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 96, 1, 1)"]; -"features/2/conv/2/conv2d/0" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; -"features.2.conv.3.weight" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"features.2.conv.3.bias" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"features.2.conv.3.running_mean" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"features.2.conv.3.running_var" -> "features/2/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"features/2/conv/3/batch_norm/0" -> "features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; -"__nncf_hooks.post_hooks.features/2/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; -"features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; -"features.3.conv.0.0.weight" -> "features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(144, 24, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/3/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144, 1, 1, 1)"]; -"features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 24, 1, 1)"]; -"features/3/conv/0/0/conv2d/0" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features.3.conv.0.1.weight" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.3.conv.0.1.bias" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.3.conv.0.1.running_mean" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.3.conv.0.1.running_var" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/3/conv/0/1/batch_norm/0" -> "features/3/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features/3/conv/0/2/hardtanh/0" -> "features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"__nncf_hooks.post_hooks.features/3/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/3/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features.3.conv.1.0.weight" -> "features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(144, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/3/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144, 1, 1, 1)"]; -"features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 3, 3)"]; -"features/3/conv/1/0/conv2d/0" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features.3.conv.1.1.weight" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.3.conv.1.1.bias" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.3.conv.1.1.running_mean" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.3.conv.1.1.running_var" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/3/conv/1/1/batch_norm/0" -> "features/3/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features/3/conv/1/2/hardtanh/0" -> "features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"__nncf_hooks.post_hooks.features/3/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/3/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features.3.conv.2.weight" -> "features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 144, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/3/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 144, 1, 1)"]; -"features/3/conv/2/conv2d/0" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; -"features.3.conv.3.weight" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"features.3.conv.3.bias" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"features.3.conv.3.running_mean" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"features.3.conv.3.running_var" -> "features/3/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"features/3/conv/3/batch_norm/0" -> "features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; -"__nncf_hooks.post_hooks.features/3/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 8, 8)"]; -"features/3/add/0" -> "features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; -"__nncf_hooks.post_hooks.features/3/add/0__0.0._scale_param_storage" -> "features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" -> "features/4/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 8, 8)"]; -"features.4.conv.0.0.weight" -> "features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(144, 24, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/4/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144, 1, 1, 1)"]; -"features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 24, 1, 1)"]; -"features/4/conv/0/0/conv2d/0" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features.4.conv.0.1.weight" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.4.conv.0.1.bias" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.4.conv.0.1.running_mean" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.4.conv.0.1.running_var" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/4/conv/0/1/batch_norm/0" -> "features/4/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features/4/conv/0/2/hardtanh/0" -> "features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"__nncf_hooks.post_hooks.features/4/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/4/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 8, 8)"]; -"features.4.conv.1.0.weight" -> "features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(144, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/4/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144, 1, 1, 1)"]; -"features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 3, 3)"]; -"features/4/conv/1/0/conv2d/0" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; -"features.4.conv.1.1.weight" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.4.conv.1.1.bias" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.4.conv.1.1.running_mean" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.4.conv.1.1.running_var" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/4/conv/1/1/batch_norm/0" -> "features/4/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; -"features/4/conv/1/2/hardtanh/0" -> "features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; -"__nncf_hooks.post_hooks.features/4/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/4/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 4, 4)"]; -"features.4.conv.2.weight" -> "features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 144, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/4/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 144, 1, 1)"]; -"features/4/conv/2/conv2d/0" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features.4.conv.3.weight" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"features.4.conv.3.bias" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features.4.conv.3.running_mean" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"features.4.conv.3.running_var" -> "features/4/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"features/4/conv/3/batch_norm/0" -> "features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.features/4/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features.5.conv.0.0.weight" -> "features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 32, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/5/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 32, 1, 1)"]; -"features/5/conv/0/0/conv2d/0" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features.5.conv.0.1.weight" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.5.conv.0.1.bias" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.5.conv.0.1.running_mean" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.5.conv.0.1.running_var" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/5/conv/0/1/batch_norm/0" -> "features/5/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features/5/conv/0/2/hardtanh/0" -> "features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"__nncf_hooks.post_hooks.features/5/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 192, 1, 1)"]; -"features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/5/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features.5.conv.1.0.weight" -> "features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/5/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 3, 3)"]; -"features/5/conv/1/0/conv2d/0" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features.5.conv.1.1.weight" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.5.conv.1.1.bias" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.5.conv.1.1.running_mean" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.5.conv.1.1.running_var" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/5/conv/1/1/batch_norm/0" -> "features/5/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features/5/conv/1/2/hardtanh/0" -> "features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"__nncf_hooks.post_hooks.features/5/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/5/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features.5.conv.2.weight" -> "features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 192, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/5/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 192, 1, 1)"]; -"features/5/conv/2/conv2d/0" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features.5.conv.3.weight" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"features.5.conv.3.bias" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features.5.conv.3.running_mean" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"features.5.conv.3.running_var" -> "features/5/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"features/5/conv/3/batch_norm/0" -> "features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.features/5/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/5/add/0" -> "features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.features/5/add/0__0.0._scale_param_storage" -> "features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" -> "features/6/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" -> "features/6/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features.6.conv.0.0.weight" -> "features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 32, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/6/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 32, 1, 1)"]; -"features/6/conv/0/0/conv2d/0" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features.6.conv.0.1.weight" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.6.conv.0.1.bias" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.6.conv.0.1.running_mean" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.6.conv.0.1.running_var" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/6/conv/0/1/batch_norm/0" -> "features/6/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features/6/conv/0/2/hardtanh/0" -> "features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"__nncf_hooks.post_hooks.features/6/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 192, 1, 1)"]; -"features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/6/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features.6.conv.1.0.weight" -> "features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/6/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 3, 3)"]; -"features/6/conv/1/0/conv2d/0" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features.6.conv.1.1.weight" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.6.conv.1.1.bias" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.6.conv.1.1.running_mean" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.6.conv.1.1.running_var" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/6/conv/1/1/batch_norm/0" -> "features/6/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features/6/conv/1/2/hardtanh/0" -> "features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"__nncf_hooks.post_hooks.features/6/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/6/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features.6.conv.2.weight" -> "features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 192, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/6/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 192, 1, 1)"]; -"features/6/conv/2/conv2d/0" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features.6.conv.3.weight" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32,)"]; -"features.6.conv.3.bias" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features.6.conv.3.running_mean" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(32,)"]; -"features.6.conv.3.running_var" -> "features/6/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32,)"]; -"features/6/conv/3/batch_norm/0" -> "features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.features/6/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/6/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features/6/add/0" -> "features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"__nncf_hooks.post_hooks.features/6/add/0__0.0._scale_param_storage" -> "features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" -> "features/7/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 4, 4)"]; -"features.7.conv.0.0.weight" -> "features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 32, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/7/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 32, 1, 1)"]; -"features/7/conv/0/0/conv2d/0" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features.7.conv.0.1.weight" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.7.conv.0.1.bias" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.7.conv.0.1.running_mean" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.7.conv.0.1.running_var" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/7/conv/0/1/batch_norm/0" -> "features/7/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features/7/conv/0/2/hardtanh/0" -> "features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"__nncf_hooks.post_hooks.features/7/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 192, 1, 1)"]; -"features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/7/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"features.7.conv.1.0.weight" -> "features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/7/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 1, 3, 3)"]; -"features/7/conv/1/0/conv2d/0" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features.7.conv.1.1.weight" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192,)"]; -"features.7.conv.1.1.bias" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"features.7.conv.1.1.running_mean" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(192,)"]; -"features.7.conv.1.1.running_var" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192,)"]; -"features/7/conv/1/1/batch_norm/0" -> "features/7/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features/7/conv/1/2/hardtanh/0" -> "features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"__nncf_hooks.post_hooks.features/7/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/7/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 2, 2)"]; -"features.7.conv.2.weight" -> "features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 192, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/7/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 192, 1, 1)"]; -"features/7/conv/2/conv2d/0" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"features.7.conv.3.weight" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"features.7.conv.3.bias" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features.7.conv.3.running_mean" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"features.7.conv.3.running_var" -> "features/7/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"features/7/conv/3/batch_norm/0" -> "features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"__nncf_hooks.post_hooks.features/7/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"features.8.conv.0.0.weight" -> "features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 64, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/8/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; -"features/8/conv/0/0/conv2d/0" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.8.conv.0.1.weight" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.8.conv.0.1.bias" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.8.conv.0.1.running_mean" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.8.conv.0.1.running_var" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/8/conv/0/1/batch_norm/0" -> "features/8/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features/8/conv/0/2/hardtanh/0" -> "features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"__nncf_hooks.post_hooks.features/8/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 384, 1, 1)"]; -"features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/8/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.8.conv.1.0.weight" -> "features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/8/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; -"features/8/conv/1/0/conv2d/0" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.8.conv.1.1.weight" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.8.conv.1.1.bias" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.8.conv.1.1.running_mean" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.8.conv.1.1.running_var" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/8/conv/1/1/batch_norm/0" -> "features/8/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features/8/conv/1/2/hardtanh/0" -> "features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"__nncf_hooks.post_hooks.features/8/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/8/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.8.conv.2.weight" -> "features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 384, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/8/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; -"features/8/conv/2/conv2d/0" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"features.8.conv.3.weight" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"features.8.conv.3.bias" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features.8.conv.3.running_mean" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"features.8.conv.3.running_var" -> "features/8/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"features/8/conv/3/batch_norm/0" -> "features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"__nncf_hooks.post_hooks.features/8/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 2, 2)"]; -"features/8/add/0" -> "features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"__nncf_hooks.post_hooks.features/8/add/0__0.0._scale_param_storage" -> "features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" -> "features/9/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" -> "features/9/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"features.9.conv.0.0.weight" -> "features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 64, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/9/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; -"features/9/conv/0/0/conv2d/0" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.9.conv.0.1.weight" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.9.conv.0.1.bias" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.9.conv.0.1.running_mean" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.9.conv.0.1.running_var" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/9/conv/0/1/batch_norm/0" -> "features/9/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features/9/conv/0/2/hardtanh/0" -> "features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"__nncf_hooks.post_hooks.features/9/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 384, 1, 1)"]; -"features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/9/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.9.conv.1.0.weight" -> "features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/9/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; -"features/9/conv/1/0/conv2d/0" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.9.conv.1.1.weight" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.9.conv.1.1.bias" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.9.conv.1.1.running_mean" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.9.conv.1.1.running_var" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/9/conv/1/1/batch_norm/0" -> "features/9/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features/9/conv/1/2/hardtanh/0" -> "features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"__nncf_hooks.post_hooks.features/9/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/9/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.9.conv.2.weight" -> "features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 384, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/9/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; -"features/9/conv/2/conv2d/0" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"features.9.conv.3.weight" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"features.9.conv.3.bias" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features.9.conv.3.running_mean" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"features.9.conv.3.running_var" -> "features/9/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"features/9/conv/3/batch_norm/0" -> "features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"__nncf_hooks.post_hooks.features/9/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/9/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 2, 2)"]; -"features/9/add/0" -> "features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"__nncf_hooks.post_hooks.features/9/add/0__0.0._scale_param_storage" -> "features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" -> "features/10/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" -> "features/10/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"features.10.conv.0.0.weight" -> "features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 64, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/10/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; -"features/10/conv/0/0/conv2d/0" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.10.conv.0.1.weight" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.10.conv.0.1.bias" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.10.conv.0.1.running_mean" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.10.conv.0.1.running_var" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/10/conv/0/1/batch_norm/0" -> "features/10/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features/10/conv/0/2/hardtanh/0" -> "features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"__nncf_hooks.post_hooks.features/10/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 384, 1, 1)"]; -"features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/10/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.10.conv.1.0.weight" -> "features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/10/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; -"features/10/conv/1/0/conv2d/0" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.10.conv.1.1.weight" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.10.conv.1.1.bias" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.10.conv.1.1.running_mean" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.10.conv.1.1.running_var" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/10/conv/1/1/batch_norm/0" -> "features/10/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features/10/conv/1/2/hardtanh/0" -> "features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"__nncf_hooks.post_hooks.features/10/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/10/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.10.conv.2.weight" -> "features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 384, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/10/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; -"features/10/conv/2/conv2d/0" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"features.10.conv.3.weight" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"features.10.conv.3.bias" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features.10.conv.3.running_mean" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"features.10.conv.3.running_var" -> "features/10/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"features/10/conv/3/batch_norm/0" -> "features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"__nncf_hooks.post_hooks.features/10/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 2, 2)"]; -"features/10/add/0" -> "features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"__nncf_hooks.post_hooks.features/10/add/0__0.0._scale_param_storage" -> "features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" -> "features/11/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 2, 2)"]; -"features.11.conv.0.0.weight" -> "features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 64, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/11/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 64, 1, 1)"]; -"features/11/conv/0/0/conv2d/0" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.11.conv.0.1.weight" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.11.conv.0.1.bias" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.11.conv.0.1.running_mean" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.11.conv.0.1.running_var" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/11/conv/0/1/batch_norm/0" -> "features/11/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features/11/conv/0/2/hardtanh/0" -> "features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"__nncf_hooks.post_hooks.features/11/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 384, 1, 1)"]; -"features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/11/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.11.conv.1.0.weight" -> "features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(384, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/11/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384, 1, 1, 1)"]; -"features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384, 1, 3, 3)"]; -"features/11/conv/1/0/conv2d/0" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.11.conv.1.1.weight" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(384,)"]; -"features.11.conv.1.1.bias" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(384,)"]; -"features.11.conv.1.1.running_mean" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(384,)"]; -"features.11.conv.1.1.running_var" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(384,)"]; -"features/11/conv/1/1/batch_norm/0" -> "features/11/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features/11/conv/1/2/hardtanh/0" -> "features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"__nncf_hooks.post_hooks.features/11/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/11/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 2, 2)"]; -"features.11.conv.2.weight" -> "features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 384, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/11/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 384, 1, 1)"]; -"features/11/conv/2/conv2d/0" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features.11.conv.3.weight" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.11.conv.3.bias" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.11.conv.3.running_mean" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.11.conv.3.running_var" -> "features/11/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/11/conv/3/batch_norm/0" -> "features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"__nncf_hooks.post_hooks.features/11/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/12/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/12/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features.12.conv.0.0.weight" -> "features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/12/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; -"features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; -"features/12/conv/0/0/conv2d/0" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.12.conv.0.1.weight" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.12.conv.0.1.bias" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.12.conv.0.1.running_mean" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.12.conv.0.1.running_var" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/12/conv/0/1/batch_norm/0" -> "features/12/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/12/conv/0/2/hardtanh/0" -> "features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"__nncf_hooks.post_hooks.features/12/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/12/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.12.conv.1.0.weight" -> "features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/12/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; -"features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 3, 3)"]; -"features/12/conv/1/0/conv2d/0" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.12.conv.1.1.weight" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.12.conv.1.1.bias" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.12.conv.1.1.running_mean" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.12.conv.1.1.running_var" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/12/conv/1/1/batch_norm/0" -> "features/12/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/12/conv/1/2/hardtanh/0" -> "features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"__nncf_hooks.post_hooks.features/12/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/12/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.12.conv.2.weight" -> "features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 576, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/12/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; -"features/12/conv/2/conv2d/0" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features.12.conv.3.weight" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.12.conv.3.bias" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.12.conv.3.running_mean" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.12.conv.3.running_var" -> "features/12/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/12/conv/3/batch_norm/0" -> "features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"__nncf_hooks.post_hooks.features/12/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/12/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features/12/add/0" -> "features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"__nncf_hooks.post_hooks.features/12/add/0__0.0._scale_param_storage" -> "features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" -> "features/13/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" -> "features/13/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features.13.conv.0.0.weight" -> "features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/13/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; -"features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/13/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; -"features/13/conv/0/0/conv2d/0" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.13.conv.0.1.weight" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.13.conv.0.1.bias" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.13.conv.0.1.running_mean" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.13.conv.0.1.running_var" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/13/conv/0/1/batch_norm/0" -> "features/13/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/13/conv/0/2/hardtanh/0" -> "features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"__nncf_hooks.post_hooks.features/13/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/13/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.13.conv.1.0.weight" -> "features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/13/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; -"features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/13/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 3, 3)"]; -"features/13/conv/1/0/conv2d/0" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.13.conv.1.1.weight" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.13.conv.1.1.bias" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.13.conv.1.1.running_mean" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.13.conv.1.1.running_var" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/13/conv/1/1/batch_norm/0" -> "features/13/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/13/conv/1/2/hardtanh/0" -> "features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"__nncf_hooks.post_hooks.features/13/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/13/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.13.conv.2.weight" -> "features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 576, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/13/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/13/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; -"features/13/conv/2/conv2d/0" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features.13.conv.3.weight" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.13.conv.3.bias" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.13.conv.3.running_mean" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.13.conv.3.running_var" -> "features/13/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/13/conv/3/batch_norm/0" -> "features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"__nncf_hooks.post_hooks.features/13/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/13/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features/13/add/0" -> "features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"__nncf_hooks.post_hooks.features/13/add/0__0.0._scale_param_storage" -> "features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" -> "features/14/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features.14.conv.0.0.weight" -> "features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/14/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; -"features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; -"features/14/conv/0/0/conv2d/0" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.14.conv.0.1.weight" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.14.conv.0.1.bias" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.14.conv.0.1.running_mean" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.14.conv.0.1.running_var" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/14/conv/0/1/batch_norm/0" -> "features/14/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features/14/conv/0/2/hardtanh/0" -> "features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"__nncf_hooks.post_hooks.features/14/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/14/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 2, 2)"]; -"features.14.conv.1.0.weight" -> "features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/14/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; -"features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 3, 3)"]; -"features/14/conv/1/0/conv2d/0" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.14.conv.1.1.weight" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.14.conv.1.1.bias" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.14.conv.1.1.running_mean" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.14.conv.1.1.running_var" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/14/conv/1/1/batch_norm/0" -> "features/14/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/14/conv/1/2/hardtanh/0" -> "features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"__nncf_hooks.post_hooks.features/14/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/14/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.14.conv.2.weight" -> "features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 576, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/14/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 576, 1, 1)"]; -"features/14/conv/2/conv2d/0" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; -"features.14.conv.3.weight" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"features.14.conv.3.bias" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"features.14.conv.3.running_mean" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"features.14.conv.3.running_var" -> "features/14/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"features/14/conv/3/batch_norm/0" -> "features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; -"__nncf_hooks.post_hooks.features/14/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/15/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; -"features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/15/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; -"features.15.conv.0.0.weight" -> "features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(960, 160, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/15/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960, 1, 1, 1)"]; -"features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/15/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 160, 1, 1)"]; -"features/15/conv/0/0/conv2d/0" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features.15.conv.0.1.weight" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"features.15.conv.0.1.bias" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"features.15.conv.0.1.running_mean" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"features.15.conv.0.1.running_var" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"features/15/conv/0/1/batch_norm/0" -> "features/15/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features/15/conv/0/2/hardtanh/0" -> "features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"__nncf_hooks.post_hooks.features/15/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/15/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features.15.conv.1.0.weight" -> "features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(960, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/15/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960, 1, 1, 1)"]; -"features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/15/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 1, 3, 3)"]; -"features/15/conv/1/0/conv2d/0" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features.15.conv.1.1.weight" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"features.15.conv.1.1.bias" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"features.15.conv.1.1.running_mean" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"features.15.conv.1.1.running_var" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"features/15/conv/1/1/batch_norm/0" -> "features/15/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features/15/conv/1/2/hardtanh/0" -> "features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"__nncf_hooks.post_hooks.features/15/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/15/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features.15.conv.2.weight" -> "features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 960, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/15/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/15/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 960, 1, 1)"]; -"features/15/conv/2/conv2d/0" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; -"features.15.conv.3.weight" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"features.15.conv.3.bias" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"features.15.conv.3.running_mean" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"features.15.conv.3.running_var" -> "features/15/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"features/15/conv/3/batch_norm/0" -> "features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; -"__nncf_hooks.post_hooks.features/15/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/15/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 160, 1, 1)"]; -"features/15/add/0" -> "features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; -"__nncf_hooks.post_hooks.features/15/add/0__0.0._scale_param_storage" -> "features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" -> "features/16/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; -"features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" -> "features/16/add/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; -"features.16.conv.0.0.weight" -> "features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(960, 160, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/16/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960, 1, 1, 1)"]; -"features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/16/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 160, 1, 1)"]; -"features/16/conv/0/0/conv2d/0" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features.16.conv.0.1.weight" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"features.16.conv.0.1.bias" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"features.16.conv.0.1.running_mean" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"features.16.conv.0.1.running_var" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"features/16/conv/0/1/batch_norm/0" -> "features/16/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features/16/conv/0/2/hardtanh/0" -> "features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"__nncf_hooks.post_hooks.features/16/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/16/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features.16.conv.1.0.weight" -> "features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(960, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/16/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960, 1, 1, 1)"]; -"features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/16/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 1, 3, 3)"]; -"features/16/conv/1/0/conv2d/0" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features.16.conv.1.1.weight" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"features.16.conv.1.1.bias" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"features.16.conv.1.1.running_mean" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"features.16.conv.1.1.running_var" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"features/16/conv/1/1/batch_norm/0" -> "features/16/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features/16/conv/1/2/hardtanh/0" -> "features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"__nncf_hooks.post_hooks.features/16/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/16/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features.16.conv.2.weight" -> "features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(160, 960, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/16/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160, 1, 1, 1)"]; -"features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/16/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160, 960, 1, 1)"]; -"features/16/conv/2/conv2d/0" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; -"features.16.conv.3.weight" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(160,)"]; -"features.16.conv.3.bias" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(160,)"]; -"features.16.conv.3.running_mean" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(160,)"]; -"features.16.conv.3.running_var" -> "features/16/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(160,)"]; -"features/16/conv/3/batch_norm/0" -> "features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; -"__nncf_hooks.post_hooks.features/16/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/16/add/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 160, 1, 1)"]; -"features/16/add/0" -> "features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; -"__nncf_hooks.post_hooks.features/16/add/0__0.0._scale_param_storage" -> "features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" -> "features/17/conv/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 160, 1, 1)"]; -"features.17.conv.0.0.weight" -> "features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(960, 160, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/17/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960, 1, 1, 1)"]; -"features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 160, 1, 1)"]; -"features/17/conv/0/0/conv2d/0" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features.17.conv.0.1.weight" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"features.17.conv.0.1.bias" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"features.17.conv.0.1.running_mean" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"features.17.conv.0.1.running_var" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"features/17/conv/0/1/batch_norm/0" -> "features/17/conv/0/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features/17/conv/0/2/hardtanh/0" -> "features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"__nncf_hooks.post_hooks.features/17/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/17/conv/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features.17.conv.1.0.weight" -> "features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(960, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/17/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960, 1, 1, 1)"]; -"features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960, 1, 3, 3)"]; -"features/17/conv/1/0/conv2d/0" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features.17.conv.1.1.weight" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(960,)"]; -"features.17.conv.1.1.bias" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(960,)"]; -"features.17.conv.1.1.running_mean" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(960,)"]; -"features.17.conv.1.1.running_var" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(960,)"]; -"features/17/conv/1/1/batch_norm/0" -> "features/17/conv/1/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features/17/conv/1/2/hardtanh/0" -> "features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"__nncf_hooks.post_hooks.features/17/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/17/conv/2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 960, 1, 1)"]; -"features.17.conv.2.weight" -> "features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(320, 960, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/17/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320, 1, 1, 1)"]; -"features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv/2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320, 960, 1, 1)"]; -"features/17/conv/2/conv2d/0" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 1, 1)"]; -"features.17.conv.3.weight" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(320,)"]; -"features.17.conv.3.bias" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(320,)"]; -"features.17.conv.3.running_mean" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(320,)"]; -"features.17.conv.3.running_var" -> "features/17/conv/3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(320,)"]; -"features/17/conv/3/batch_norm/0" -> "features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 1, 1)"]; -"__nncf_hooks.post_hooks.features/17/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/18/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 320, 1, 1)"]; -"features.18.0.weight" -> "features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1280, 320, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/18/0/conv2d/0__1.0._scale_param_storage" -> "features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1280, 1, 1, 1)"]; -"features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/18/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1280, 320, 1, 1)"]; -"features/18/0/conv2d/0" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; -"features.18.1.weight" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1280,)"]; -"features.18.1.bias" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1280,)"]; -"features.18.1.running_mean" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1280,)"]; -"features.18.1.running_var" -> "features/18/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1280,)"]; -"features/18/1/batch_norm/0" -> "features/18/2/hardtanh/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; -"features/18/2/hardtanh/0" -> "features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; -"__nncf_hooks.post_hooks.features/18/2/hardtanh/0__0.0._scale_param_storage" -> "features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; -"/adaptive_avg_pool2d/0" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; -"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280, 1, 1)"]; -"/reshape/0" -> "classifier/0/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280)"]; -"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1280)"]; -"classifier.1.weight" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1000, 1280)"]; -"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1000, 1)"]; -"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" -> "classifier/1/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1280)"]; -"classifier/1/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.0.0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=5, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/0/0/conv2d/0" [id=6, type=conv2d, metatype=PTConv2dMetatype]; +"features.0.1.weight" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.bias" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.running_mean" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.running_var" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/1/batch_norm/0" [id=11, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/0/2/hardtanh/0" [id=12, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/0/2/hardtanh/0__0.0._scale_param_storage" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=14, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.1.conv.0.0.weight" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/1/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=17, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/1/conv/0/0/conv2d/0" [id=18, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.1.conv.0.1.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.conv.0.1.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.conv.0.1.running_mean" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.conv.0.1.running_var" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/conv/0/1/batch_norm/0" [id=23, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/1/conv/0/2/hardtanh/0" [id=24, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/1/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=25, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=26, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.1.conv.1.weight" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/1/conv/1/conv2d/0__1.0._scale_param_storage" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" [id=29, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/1/conv/1/conv2d/0" [id=30, type=conv2d, metatype=PTConv2dMetatype]; +"features.1.conv.2.weight" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.conv.2.bias" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.conv.2.running_mean" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.conv.2.running_var" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/conv/2/batch_norm/0" [id=35, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/1/conv/2/batch_norm/0__0.0._scale_param_storage" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" [id=37, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.2.conv.0.0.weight" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/2/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=40, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/2/conv/0/0/conv2d/0" [id=41, type=conv2d, metatype=PTConv2dMetatype]; +"features.2.conv.0.1.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.0.1.bias" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.0.1.running_mean" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.0.1.running_var" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/0/1/batch_norm/0" [id=46, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/2/conv/0/2/hardtanh/0" [id=47, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/2/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=49, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.2.conv.1.0.weight" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/2/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=52, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/2/conv/1/0/conv2d/0" [id=53, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.2.conv.1.1.weight" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.1.1.bias" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.1.1.running_mean" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.1.1.running_var" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/1/1/batch_norm/0" [id=58, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/2/conv/1/2/hardtanh/0" [id=59, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/2/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=61, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.2.conv.2.weight" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/2/conv/2/conv2d/0__1.0._scale_param_storage" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=64, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/2/conv/2/conv2d/0" [id=65, type=conv2d, metatype=PTConv2dMetatype]; +"features.2.conv.3.weight" [id=66, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.3.bias" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.3.running_mean" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.conv.3.running_var" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/3/batch_norm/0" [id=70, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/2/conv/3/batch_norm/0__0.0._scale_param_storage" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=72, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.3.conv.0.0.weight" [id=73, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/3/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=74, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=75, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/3/conv/0/0/conv2d/0" [id=76, type=conv2d, metatype=PTConv2dMetatype]; +"features.3.conv.0.1.weight" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.0.1.bias" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.0.1.running_mean" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.0.1.running_var" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/0/1/batch_norm/0" [id=81, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/conv/0/2/hardtanh/0" [id=82, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/3/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=84, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.3.conv.1.0.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/3/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=87, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/3/conv/1/0/conv2d/0" [id=88, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.3.conv.1.1.weight" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.1.1.bias" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.1.1.running_mean" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.1.1.running_var" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/1/1/batch_norm/0" [id=93, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/conv/1/2/hardtanh/0" [id=94, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/3/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=96, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.3.conv.2.weight" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/3/conv/2/conv2d/0__1.0._scale_param_storage" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=99, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/3/conv/2/conv2d/0" [id=100, type=conv2d, metatype=PTConv2dMetatype]; +"features.3.conv.3.weight" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.3.bias" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.3.running_mean" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.conv.3.running_var" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/3/batch_norm/0" [id=105, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/3/conv/3/batch_norm/0__0.0._scale_param_storage" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=107, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/3/add/0" [id=108, type=add, metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/3/add/0__0.0._scale_param_storage" [id=109, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" [id=110, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.4.conv.0.0.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/4/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=113, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/4/conv/0/0/conv2d/0" [id=114, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.conv.0.1.weight" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.0.1.bias" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.0.1.running_mean" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.0.1.running_var" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/0/1/batch_norm/0" [id=119, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/conv/0/2/hardtanh/0" [id=120, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/4/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=122, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.4.conv.1.0.weight" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/4/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=125, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/4/conv/1/0/conv2d/0" [id=126, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.4.conv.1.1.weight" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.1.1.bias" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.1.1.running_mean" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.1.1.running_var" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/1/1/batch_norm/0" [id=131, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/conv/1/2/hardtanh/0" [id=132, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/4/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=133, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=134, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.4.conv.2.weight" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/4/conv/2/conv2d/0__1.0._scale_param_storage" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=137, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/4/conv/2/conv2d/0" [id=138, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.conv.3.weight" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.3.bias" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.3.running_mean" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.conv.3.running_var" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/3/batch_norm/0" [id=143, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/4/conv/3/batch_norm/0__0.0._scale_param_storage" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=145, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.5.conv.0.0.weight" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/5/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=148, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/5/conv/0/0/conv2d/0" [id=149, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.conv.0.1.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.0.1.bias" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.0.1.running_mean" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.0.1.running_var" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/0/1/batch_norm/0" [id=154, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/conv/0/2/hardtanh/0" [id=155, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/5/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=157, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.5.conv.1.0.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/5/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=160, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/5/conv/1/0/conv2d/0" [id=161, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.5.conv.1.1.weight" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.1.1.bias" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.1.1.running_mean" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.1.1.running_var" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/1/1/batch_norm/0" [id=166, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/conv/1/2/hardtanh/0" [id=167, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/5/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=169, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.5.conv.2.weight" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/5/conv/2/conv2d/0__1.0._scale_param_storage" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=172, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/5/conv/2/conv2d/0" [id=173, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.conv.3.weight" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.3.bias" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.3.running_mean" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.conv.3.running_var" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/3/batch_norm/0" [id=178, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/5/conv/3/batch_norm/0__0.0._scale_param_storage" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=180, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/5/add/0" [id=181, type=add, metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/5/add/0__0.0._scale_param_storage" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" [id=183, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.6.conv.0.0.weight" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/6/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=186, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/conv/0/0/conv2d/0" [id=187, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.conv.0.1.weight" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.0.1.bias" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.0.1.running_mean" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.0.1.running_var" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/0/1/batch_norm/0" [id=192, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/conv/0/2/hardtanh/0" [id=193, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/6/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=195, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.6.conv.1.0.weight" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/6/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=198, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/conv/1/0/conv2d/0" [id=199, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.6.conv.1.1.weight" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.1.1.bias" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.1.1.running_mean" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.1.1.running_var" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/1/1/batch_norm/0" [id=204, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/conv/1/2/hardtanh/0" [id=205, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/6/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=207, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.6.conv.2.weight" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/6/conv/2/conv2d/0__1.0._scale_param_storage" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=210, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/conv/2/conv2d/0" [id=211, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.conv.3.weight" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.3.bias" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.3.running_mean" [id=214, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.conv.3.running_var" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/3/batch_norm/0" [id=216, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/6/conv/3/batch_norm/0__0.0._scale_param_storage" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=218, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/add/0" [id=219, type=add, metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/6/add/0__0.0._scale_param_storage" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" [id=221, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.7.conv.0.0.weight" [id=222, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/7/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=224, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/7/conv/0/0/conv2d/0" [id=225, type=conv2d, metatype=PTConv2dMetatype]; +"features.7.conv.0.1.weight" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.0.1.bias" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.0.1.running_mean" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.0.1.running_var" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/0/1/batch_norm/0" [id=230, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/7/conv/0/2/hardtanh/0" [id=231, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/7/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=233, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.7.conv.1.0.weight" [id=234, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/7/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=236, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/7/conv/1/0/conv2d/0" [id=237, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.7.conv.1.1.weight" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.1.1.bias" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.1.1.running_mean" [id=240, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.1.1.running_var" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/1/1/batch_norm/0" [id=242, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/7/conv/1/2/hardtanh/0" [id=243, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/7/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=245, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.7.conv.2.weight" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/7/conv/2/conv2d/0__1.0._scale_param_storage" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=248, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/7/conv/2/conv2d/0" [id=249, type=conv2d, metatype=PTConv2dMetatype]; +"features.7.conv.3.weight" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.3.bias" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.3.running_mean" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.conv.3.running_var" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/3/batch_norm/0" [id=254, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/7/conv/3/batch_norm/0__0.0._scale_param_storage" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=256, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.8.conv.0.0.weight" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/8/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=258, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=259, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/8/conv/0/0/conv2d/0" [id=260, type=conv2d, metatype=PTConv2dMetatype]; +"features.8.conv.0.1.weight" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.0.1.bias" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.0.1.running_mean" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.0.1.running_var" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/0/1/batch_norm/0" [id=265, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/8/conv/0/2/hardtanh/0" [id=266, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/8/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=268, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.8.conv.1.0.weight" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/8/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=271, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/8/conv/1/0/conv2d/0" [id=272, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.8.conv.1.1.weight" [id=273, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.1.1.bias" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.1.1.running_mean" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.1.1.running_var" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/1/1/batch_norm/0" [id=277, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/8/conv/1/2/hardtanh/0" [id=278, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/8/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=280, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.8.conv.2.weight" [id=281, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/8/conv/2/conv2d/0__1.0._scale_param_storage" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=283, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/8/conv/2/conv2d/0" [id=284, type=conv2d, metatype=PTConv2dMetatype]; +"features.8.conv.3.weight" [id=285, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.3.bias" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.3.running_mean" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.conv.3.running_var" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/3/batch_norm/0" [id=289, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/8/conv/3/batch_norm/0__0.0._scale_param_storage" [id=290, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=291, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/8/add/0" [id=292, type=add, metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/8/add/0__0.0._scale_param_storage" [id=293, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" [id=294, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.9.conv.0.0.weight" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/9/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=296, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=297, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/9/conv/0/0/conv2d/0" [id=298, type=conv2d, metatype=PTConv2dMetatype]; +"features.9.conv.0.1.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.0.1.bias" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.0.1.running_mean" [id=301, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.0.1.running_var" [id=302, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/0/1/batch_norm/0" [id=303, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/9/conv/0/2/hardtanh/0" [id=304, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/9/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=306, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.9.conv.1.0.weight" [id=307, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/9/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=309, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/9/conv/1/0/conv2d/0" [id=310, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.9.conv.1.1.weight" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.1.1.bias" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.1.1.running_mean" [id=313, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.1.1.running_var" [id=314, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/1/1/batch_norm/0" [id=315, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/9/conv/1/2/hardtanh/0" [id=316, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/9/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=318, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.9.conv.2.weight" [id=319, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/9/conv/2/conv2d/0__1.0._scale_param_storage" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=321, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/9/conv/2/conv2d/0" [id=322, type=conv2d, metatype=PTConv2dMetatype]; +"features.9.conv.3.weight" [id=323, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.3.bias" [id=324, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.3.running_mean" [id=325, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.conv.3.running_var" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/3/batch_norm/0" [id=327, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/9/conv/3/batch_norm/0__0.0._scale_param_storage" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=329, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/9/add/0" [id=330, type=add, metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/9/add/0__0.0._scale_param_storage" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" [id=332, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.10.conv.0.0.weight" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/10/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=334, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=335, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/conv/0/0/conv2d/0" [id=336, type=conv2d, metatype=PTConv2dMetatype]; +"features.10.conv.0.1.weight" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.0.1.bias" [id=338, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.0.1.running_mean" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.0.1.running_var" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/0/1/batch_norm/0" [id=341, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/10/conv/0/2/hardtanh/0" [id=342, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/10/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=344, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.10.conv.1.0.weight" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/10/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=347, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/conv/1/0/conv2d/0" [id=348, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.10.conv.1.1.weight" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.1.1.bias" [id=350, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.1.1.running_mean" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.1.1.running_var" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/1/1/batch_norm/0" [id=353, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/10/conv/1/2/hardtanh/0" [id=354, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/10/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=355, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=356, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.10.conv.2.weight" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/10/conv/2/conv2d/0__1.0._scale_param_storage" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=359, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/conv/2/conv2d/0" [id=360, type=conv2d, metatype=PTConv2dMetatype]; +"features.10.conv.3.weight" [id=361, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.3.bias" [id=362, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.3.running_mean" [id=363, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.conv.3.running_var" [id=364, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/3/batch_norm/0" [id=365, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/10/conv/3/batch_norm/0__0.0._scale_param_storage" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=367, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/add/0" [id=368, type=add, metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/10/add/0__0.0._scale_param_storage" [id=369, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" [id=370, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.11.conv.0.0.weight" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/11/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=373, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/11/conv/0/0/conv2d/0" [id=374, type=conv2d, metatype=PTConv2dMetatype]; +"features.11.conv.0.1.weight" [id=375, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.0.1.bias" [id=376, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.0.1.running_mean" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.0.1.running_var" [id=378, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/0/1/batch_norm/0" [id=379, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/11/conv/0/2/hardtanh/0" [id=380, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/11/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=381, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=382, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.11.conv.1.0.weight" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/11/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=384, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=385, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/11/conv/1/0/conv2d/0" [id=386, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.11.conv.1.1.weight" [id=387, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.1.1.bias" [id=388, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.1.1.running_mean" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.1.1.running_var" [id=390, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/1/1/batch_norm/0" [id=391, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/11/conv/1/2/hardtanh/0" [id=392, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/11/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=393, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=394, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.11.conv.2.weight" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/11/conv/2/conv2d/0__1.0._scale_param_storage" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=397, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/11/conv/2/conv2d/0" [id=398, type=conv2d, metatype=PTConv2dMetatype]; +"features.11.conv.3.weight" [id=399, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.3.bias" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.3.running_mean" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.conv.3.running_var" [id=402, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/3/batch_norm/0" [id=403, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/11/conv/3/batch_norm/0__0.0._scale_param_storage" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=405, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.12.conv.0.0.weight" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/12/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=408, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/12/conv/0/0/conv2d/0" [id=409, type=conv2d, metatype=PTConv2dMetatype]; +"features.12.conv.0.1.weight" [id=410, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.0.1.bias" [id=411, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.0.1.running_mean" [id=412, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.0.1.running_var" [id=413, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/0/1/batch_norm/0" [id=414, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/12/conv/0/2/hardtanh/0" [id=415, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/12/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=416, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=417, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.12.conv.1.0.weight" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/12/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=420, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/12/conv/1/0/conv2d/0" [id=421, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.12.conv.1.1.weight" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.1.1.bias" [id=423, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.1.1.running_mean" [id=424, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.1.1.running_var" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/1/1/batch_norm/0" [id=426, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/12/conv/1/2/hardtanh/0" [id=427, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/12/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=429, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.12.conv.2.weight" [id=430, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/12/conv/2/conv2d/0__1.0._scale_param_storage" [id=431, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=432, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/12/conv/2/conv2d/0" [id=433, type=conv2d, metatype=PTConv2dMetatype]; +"features.12.conv.3.weight" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.3.bias" [id=435, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.3.running_mean" [id=436, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.conv.3.running_var" [id=437, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/3/batch_norm/0" [id=438, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/12/conv/3/batch_norm/0__0.0._scale_param_storage" [id=439, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=440, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/12/add/0" [id=441, type=add, metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/12/add/0__0.0._scale_param_storage" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" [id=443, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.13.conv.0.0.weight" [id=444, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/13/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=445, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=446, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/13/conv/0/0/conv2d/0" [id=447, type=conv2d, metatype=PTConv2dMetatype]; +"features.13.conv.0.1.weight" [id=448, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.0.1.bias" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.0.1.running_mean" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.0.1.running_var" [id=451, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/0/1/batch_norm/0" [id=452, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/13/conv/0/2/hardtanh/0" [id=453, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/13/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=454, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=455, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.13.conv.1.0.weight" [id=456, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/13/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=457, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=458, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/13/conv/1/0/conv2d/0" [id=459, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.13.conv.1.1.weight" [id=460, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.1.1.bias" [id=461, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.1.1.running_mean" [id=462, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.1.1.running_var" [id=463, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/1/1/batch_norm/0" [id=464, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/13/conv/1/2/hardtanh/0" [id=465, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/13/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=467, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.13.conv.2.weight" [id=468, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/13/conv/2/conv2d/0__1.0._scale_param_storage" [id=469, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=470, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/13/conv/2/conv2d/0" [id=471, type=conv2d, metatype=PTConv2dMetatype]; +"features.13.conv.3.weight" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.3.bias" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.3.running_mean" [id=474, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.13.conv.3.running_var" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/3/batch_norm/0" [id=476, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/13/conv/3/batch_norm/0__0.0._scale_param_storage" [id=477, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=478, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/13/add/0" [id=479, type=add, metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/13/add/0__0.0._scale_param_storage" [id=480, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" [id=481, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.14.conv.0.0.weight" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/14/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=483, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=484, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/14/conv/0/0/conv2d/0" [id=485, type=conv2d, metatype=PTConv2dMetatype]; +"features.14.conv.0.1.weight" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.0.1.bias" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.0.1.running_mean" [id=488, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.0.1.running_var" [id=489, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/0/1/batch_norm/0" [id=490, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/14/conv/0/2/hardtanh/0" [id=491, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/14/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=492, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=493, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.14.conv.1.0.weight" [id=494, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/14/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=495, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=496, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/14/conv/1/0/conv2d/0" [id=497, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.14.conv.1.1.weight" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.1.1.bias" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.1.1.running_mean" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.1.1.running_var" [id=501, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/1/1/batch_norm/0" [id=502, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/14/conv/1/2/hardtanh/0" [id=503, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/14/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=504, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=505, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.14.conv.2.weight" [id=506, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/14/conv/2/conv2d/0__1.0._scale_param_storage" [id=507, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=508, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/14/conv/2/conv2d/0" [id=509, type=conv2d, metatype=PTConv2dMetatype]; +"features.14.conv.3.weight" [id=510, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.3.bias" [id=511, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.3.running_mean" [id=512, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.conv.3.running_var" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/3/batch_norm/0" [id=514, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/14/conv/3/batch_norm/0__0.0._scale_param_storage" [id=515, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=516, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.15.conv.0.0.weight" [id=517, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/15/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=519, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/15/conv/0/0/conv2d/0" [id=520, type=conv2d, metatype=PTConv2dMetatype]; +"features.15.conv.0.1.weight" [id=521, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.0.1.bias" [id=522, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.0.1.running_mean" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.0.1.running_var" [id=524, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/0/1/batch_norm/0" [id=525, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/15/conv/0/2/hardtanh/0" [id=526, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/15/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=527, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=528, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.15.conv.1.0.weight" [id=529, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/15/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=530, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=531, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/15/conv/1/0/conv2d/0" [id=532, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.15.conv.1.1.weight" [id=533, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.1.1.bias" [id=534, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.1.1.running_mean" [id=535, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.1.1.running_var" [id=536, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/1/1/batch_norm/0" [id=537, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/15/conv/1/2/hardtanh/0" [id=538, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/15/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=539, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=540, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.15.conv.2.weight" [id=541, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/15/conv/2/conv2d/0__1.0._scale_param_storage" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=543, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/15/conv/2/conv2d/0" [id=544, type=conv2d, metatype=PTConv2dMetatype]; +"features.15.conv.3.weight" [id=545, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.3.bias" [id=546, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.3.running_mean" [id=547, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.conv.3.running_var" [id=548, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/3/batch_norm/0" [id=549, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/15/conv/3/batch_norm/0__0.0._scale_param_storage" [id=550, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=551, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/15/add/0" [id=552, type=add, metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/15/add/0__0.0._scale_param_storage" [id=553, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" [id=554, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.16.conv.0.0.weight" [id=555, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/16/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=556, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=557, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/16/conv/0/0/conv2d/0" [id=558, type=conv2d, metatype=PTConv2dMetatype]; +"features.16.conv.0.1.weight" [id=559, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.0.1.bias" [id=560, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.0.1.running_mean" [id=561, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.0.1.running_var" [id=562, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/0/1/batch_norm/0" [id=563, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/16/conv/0/2/hardtanh/0" [id=564, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/16/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=565, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=566, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.16.conv.1.0.weight" [id=567, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/16/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=568, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=569, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/16/conv/1/0/conv2d/0" [id=570, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.16.conv.1.1.weight" [id=571, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.1.1.bias" [id=572, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.1.1.running_mean" [id=573, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.1.1.running_var" [id=574, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/1/1/batch_norm/0" [id=575, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/16/conv/1/2/hardtanh/0" [id=576, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/16/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=577, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=578, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.16.conv.2.weight" [id=579, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/16/conv/2/conv2d/0__1.0._scale_param_storage" [id=580, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=581, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/16/conv/2/conv2d/0" [id=582, type=conv2d, metatype=PTConv2dMetatype]; +"features.16.conv.3.weight" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.3.bias" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.3.running_mean" [id=585, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.16.conv.3.running_var" [id=586, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/3/batch_norm/0" [id=587, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/16/conv/3/batch_norm/0__0.0._scale_param_storage" [id=588, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=589, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/16/add/0" [id=590, type=add, metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/16/add/0__0.0._scale_param_storage" [id=591, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" [id=592, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.17.conv.0.0.weight" [id=593, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/17/conv/0/0/conv2d/0__1.0._scale_param_storage" [id=594, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=595, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/17/conv/0/0/conv2d/0" [id=596, type=conv2d, metatype=PTConv2dMetatype]; +"features.17.conv.0.1.weight" [id=597, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.0.1.bias" [id=598, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.0.1.running_mean" [id=599, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.0.1.running_var" [id=600, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/0/1/batch_norm/0" [id=601, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/17/conv/0/2/hardtanh/0" [id=602, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/17/conv/0/2/hardtanh/0__0.0._scale_param_storage" [id=603, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=604, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.17.conv.1.0.weight" [id=605, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/17/conv/1/0/conv2d/0__1.0._scale_param_storage" [id=606, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=607, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/17/conv/1/0/conv2d/0" [id=608, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.17.conv.1.1.weight" [id=609, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.1.1.bias" [id=610, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.1.1.running_mean" [id=611, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.1.1.running_var" [id=612, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/1/1/batch_norm/0" [id=613, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/17/conv/1/2/hardtanh/0" [id=614, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/17/conv/1/2/hardtanh/0__0.0._scale_param_storage" [id=615, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=616, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.17.conv.2.weight" [id=617, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/17/conv/2/conv2d/0__1.0._scale_param_storage" [id=618, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [id=619, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/17/conv/2/conv2d/0" [id=620, type=conv2d, metatype=PTConv2dMetatype]; +"features.17.conv.3.weight" [id=621, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.3.bias" [id=622, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.3.running_mean" [id=623, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.conv.3.running_var" [id=624, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/3/batch_norm/0" [id=625, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/17/conv/3/batch_norm/0__0.0._scale_param_storage" [id=626, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [id=627, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.18.0.weight" [id=628, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/18/0/conv2d/0__1.0._scale_param_storage" [id=629, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" [id=630, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/18/0/conv2d/0" [id=631, type=conv2d, metatype=PTConv2dMetatype]; +"features.18.1.weight" [id=632, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.18.1.bias" [id=633, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.18.1.running_mean" [id=634, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.18.1.running_var" [id=635, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/18/1/batch_norm/0" [id=636, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/18/2/hardtanh/0" [id=637, type=hardtanh, metatype=PTHardTanhMetatype]; +"__nncf_hooks.post_hooks.features/18/2/hardtanh/0__0.0._scale_param_storage" [id=638, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" [id=639, type="symmetric_quantize", metatype=UnknownMetatype]; +"/adaptive_avg_pool2d/0" [id=640, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=641, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=642, type="symmetric_quantize", metatype=UnknownMetatype]; +"/reshape/0" [id=643, type=reshape, metatype=PTReshapeMetatype]; +"classifier/0/dropout/0" [id=644, type=dropout, metatype=PTDropoutMetatype]; +"classifier.1.weight" [id=645, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.1.bias" [id=646, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" [id=647, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [id=648, type="symmetric_quantize", metatype=UnknownMetatype]; +"classifier/1/linear/0" [id=649, type=linear, metatype=PTLinearMetatype]; +output [id=650, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"features.0.0.weight" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 3, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, shape="(32, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"features/0/1/batch_norm/0" -> "features/0/2/hardtanh/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"features/0/2/hardtanh/0" -> "features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=4]; +"features/0/2/post_hook__features-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/1/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"features.1.conv.0.0.weight" -> "features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/1/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/1/conv/0/0/pre_hook__features-1-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/conv/0/0/conv2d/0" [dtype=float, shape="(32, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/1/conv/0/0/conv2d/0" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"features.1.conv.0.1.weight" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"features.1.conv.0.1.bias" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features.1.conv.0.1.running_mean" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"features.1.conv.0.1.running_var" -> "features/1/conv/0/1/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"features/1/conv/0/1/batch_norm/0" -> "features/1/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"features/1/conv/0/2/hardtanh/0" -> "features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/1/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/1/conv/0/2/post_hook__features-1-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/1/conv/1/conv2d/0" [dtype=float, shape="(1, 32, 16, 16)", out_port_id=0, in_port_id=0]; +"features.1.conv.1.weight" -> "features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 32, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/1/conv/1/conv2d/0__1.0._scale_param_storage" -> "features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/1/conv/1/pre_hook__features-1-conv-1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/conv/1/conv2d/0" [dtype=float, shape="(16, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features/1/conv/1/conv2d/0" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"features.1.conv.2.weight" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; +"features.1.conv.2.bias" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"features.1.conv.2.running_mean" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; +"features.1.conv.2.running_var" -> "features/1/conv/2/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; +"features/1/conv/2/batch_norm/0" -> "features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/1/conv/2/batch_norm/0__0.0._scale_param_storage" -> "features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/1/conv/2/post_hook__features-1-conv-2-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/2/conv/0/0/conv2d/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.conv.0.0.weight" -> "features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 16, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/2/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/2/conv/0/0/pre_hook__features-2-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/conv/0/0/conv2d/0" [dtype=float, shape="(96, 16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/2/conv/0/0/conv2d/0" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.conv.0.1.weight" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.2.conv.0.1.bias" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.2.conv.0.1.running_mean" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.2.conv.0.1.running_var" -> "features/2/conv/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/2/conv/0/1/batch_norm/0" -> "features/2/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features/2/conv/0/2/hardtanh/0" -> "features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/2/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=4]; +"features/2/conv/0/2/post_hook__features-2-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/2/conv/1/0/conv2d/0" [dtype=float, shape="(1, 96, 16, 16)", out_port_id=0, in_port_id=0]; +"features.2.conv.1.0.weight" -> "features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/2/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/2/conv/1/0/pre_hook__features-2-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/conv/1/0/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/2/conv/1/0/conv2d/0" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"features.2.conv.1.1.weight" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.2.conv.1.1.bias" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.2.conv.1.1.running_mean" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.2.conv.1.1.running_var" -> "features/2/conv/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/2/conv/1/1/batch_norm/0" -> "features/2/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"features/2/conv/1/2/hardtanh/0" -> "features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/2/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/2/conv/1/2/post_hook__features-2-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/2/conv/2/conv2d/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"features.2.conv.2.weight" -> "features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/2/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/2/conv/2/pre_hook__features-2-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/conv/2/conv2d/0" [dtype=float, shape="(24, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/2/conv/2/conv2d/0" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; +"features.2.conv.3.weight" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"features.2.conv.3.bias" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"features.2.conv.3.running_mean" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"features.2.conv.3.running_var" -> "features/2/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"features/2/conv/3/batch_norm/0" -> "features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/2/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/conv/0/0/conv2d/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; +"features/2/conv/3/post_hook__features-2-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.conv.0.0.weight" -> "features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/3/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/3/conv/0/0/pre_hook__features-3-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv/0/0/conv2d/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/conv/0/0/conv2d/0" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.conv.0.1.weight" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.3.conv.0.1.bias" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.3.conv.0.1.running_mean" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.3.conv.0.1.running_var" -> "features/3/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/3/conv/0/1/batch_norm/0" -> "features/3/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/conv/0/2/hardtanh/0" -> "features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/3/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=4]; +"features/3/conv/0/2/post_hook__features-3-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/3/conv/1/0/conv2d/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.conv.1.0.weight" -> "features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/3/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/3/conv/1/0/pre_hook__features-3-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv/1/0/conv2d/0" [dtype=float, shape="(144, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/3/conv/1/0/conv2d/0" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.conv.1.1.weight" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.3.conv.1.1.bias" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.3.conv.1.1.running_mean" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.3.conv.1.1.running_var" -> "features/3/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/3/conv/1/1/batch_norm/0" -> "features/3/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features/3/conv/1/2/hardtanh/0" -> "features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/3/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/3/conv/1/2/post_hook__features-3-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/3/conv/2/conv2d/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.conv.2.weight" -> "features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/3/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/3/conv/2/pre_hook__features-3-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv/2/conv2d/0" [dtype=float, shape="(24, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/conv/2/conv2d/0" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; +"features.3.conv.3.weight" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"features.3.conv.3.bias" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"features.3.conv.3.running_mean" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"features.3.conv.3.running_var" -> "features/3/conv/3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"features/3/conv/3/batch_norm/0" -> "features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/3/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/3/conv/3/post_hook__features-3-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=1]; +"features/3/add/0" -> "features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/3/add/0__0.0._scale_param_storage" -> "features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/3/post_hook__features-3-add-0__0[0]/symmetric_quantize/0" -> "features/4/conv/0/0/conv2d/0" [dtype=float, shape="(1, 24, 8, 8)", out_port_id=0, in_port_id=0]; +"features.4.conv.0.0.weight" -> "features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/4/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/4/conv/0/0/pre_hook__features-4-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/conv/0/0/conv2d/0" [dtype=float, shape="(144, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/conv/0/0/conv2d/0" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features.4.conv.0.1.weight" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.4.conv.0.1.bias" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.4.conv.0.1.running_mean" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.4.conv.0.1.running_var" -> "features/4/conv/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/4/conv/0/1/batch_norm/0" -> "features/4/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features/4/conv/0/2/hardtanh/0" -> "features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/4/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=4]; +"features/4/conv/0/2/post_hook__features-4-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/4/conv/1/0/conv2d/0" [dtype=float, shape="(1, 144, 8, 8)", out_port_id=0, in_port_id=0]; +"features.4.conv.1.0.weight" -> "features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/4/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/4/conv/1/0/pre_hook__features-4-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/conv/1/0/conv2d/0" [dtype=float, shape="(144, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/4/conv/1/0/conv2d/0" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.conv.1.1.weight" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.4.conv.1.1.bias" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.4.conv.1.1.running_mean" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.4.conv.1.1.running_var" -> "features/4/conv/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/4/conv/1/1/batch_norm/0" -> "features/4/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/conv/1/2/hardtanh/0" -> "features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/4/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/4/conv/1/2/post_hook__features-4-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/4/conv/2/conv2d/0" [dtype=float, shape="(1, 144, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.conv.2.weight" -> "features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/4/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/4/conv/2/pre_hook__features-4-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/conv/2/conv2d/0" [dtype=float, shape="(32, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/conv/2/conv2d/0" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.conv.3.weight" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"features.4.conv.3.bias" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features.4.conv.3.running_mean" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"features.4.conv.3.running_var" -> "features/4/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"features/4/conv/3/batch_norm/0" -> "features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/4/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/conv/3/post_hook__features-4-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.conv.0.0.weight" -> "features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/5/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/5/conv/0/0/pre_hook__features-5-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/conv/0/0/conv2d/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/conv/0/0/conv2d/0" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.conv.0.1.weight" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.5.conv.0.1.bias" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.5.conv.0.1.running_mean" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.5.conv.0.1.running_var" -> "features/5/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/5/conv/0/1/batch_norm/0" -> "features/5/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/conv/0/2/hardtanh/0" -> "features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/5/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=4]; +"features/5/conv/0/2/post_hook__features-5-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/5/conv/1/0/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.conv.1.0.weight" -> "features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/5/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/5/conv/1/0/pre_hook__features-5-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/conv/1/0/conv2d/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/5/conv/1/0/conv2d/0" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.conv.1.1.weight" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.5.conv.1.1.bias" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.5.conv.1.1.running_mean" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.5.conv.1.1.running_var" -> "features/5/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/5/conv/1/1/batch_norm/0" -> "features/5/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/conv/1/2/hardtanh/0" -> "features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/5/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/5/conv/1/2/post_hook__features-5-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/5/conv/2/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.conv.2.weight" -> "features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/5/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/5/conv/2/pre_hook__features-5-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/conv/2/conv2d/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/conv/2/conv2d/0" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"features.5.conv.3.weight" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"features.5.conv.3.bias" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features.5.conv.3.running_mean" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"features.5.conv.3.running_var" -> "features/5/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"features/5/conv/3/batch_norm/0" -> "features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/5/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/5/conv/3/post_hook__features-5-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/5/add/0" -> "features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/5/add/0__0.0._scale_param_storage" -> "features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" -> "features/6/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"features/5/post_hook__features-5-add-0__0[0]/symmetric_quantize/0" -> "features/6/add/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.conv.0.0.weight" -> "features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/6/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/6/conv/0/0/pre_hook__features-6-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv/0/0/conv2d/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/conv/0/0/conv2d/0" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.conv.0.1.weight" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.6.conv.0.1.bias" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.6.conv.0.1.running_mean" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.6.conv.0.1.running_var" -> "features/6/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/6/conv/0/1/batch_norm/0" -> "features/6/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features/6/conv/0/2/hardtanh/0" -> "features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/6/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=4]; +"features/6/conv/0/2/post_hook__features-6-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/6/conv/1/0/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.conv.1.0.weight" -> "features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/6/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/6/conv/1/0/pre_hook__features-6-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv/1/0/conv2d/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/6/conv/1/0/conv2d/0" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.conv.1.1.weight" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.6.conv.1.1.bias" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.6.conv.1.1.running_mean" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.6.conv.1.1.running_var" -> "features/6/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/6/conv/1/1/batch_norm/0" -> "features/6/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features/6/conv/1/2/hardtanh/0" -> "features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/6/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/6/conv/1/2/post_hook__features-6-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/6/conv/2/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.conv.2.weight" -> "features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/6/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/6/conv/2/pre_hook__features-6-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/conv/2/conv2d/0" [dtype=float, shape="(32, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/conv/2/conv2d/0" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"features.6.conv.3.weight" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=1]; +"features.6.conv.3.bias" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features.6.conv.3.running_mean" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=3]; +"features.6.conv.3.running_var" -> "features/6/conv/3/batch_norm/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=4]; +"features/6/conv/3/batch_norm/0" -> "features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/6/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/6/conv/3/post_hook__features-6-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/6/add/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=1]; +"features/6/add/0" -> "features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/6/add/0__0.0._scale_param_storage" -> "features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/6/post_hook__features-6-add-0__0[0]/symmetric_quantize/0" -> "features/7/conv/0/0/conv2d/0" [dtype=float, shape="(1, 32, 4, 4)", out_port_id=0, in_port_id=0]; +"features.7.conv.0.0.weight" -> "features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/7/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/7/conv/0/0/pre_hook__features-7-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv/0/0/conv2d/0" [dtype=float, shape="(192, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features/7/conv/0/0/conv2d/0" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features.7.conv.0.1.weight" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.7.conv.0.1.bias" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.7.conv.0.1.running_mean" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.7.conv.0.1.running_var" -> "features/7/conv/0/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/7/conv/0/1/batch_norm/0" -> "features/7/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features/7/conv/0/2/hardtanh/0" -> "features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/7/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=4]; +"features/7/conv/0/2/post_hook__features-7-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/7/conv/1/0/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"features.7.conv.1.0.weight" -> "features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/7/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/7/conv/1/0/pre_hook__features-7-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv/1/0/conv2d/0" [dtype=float, shape="(192, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/7/conv/1/0/conv2d/0" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.conv.1.1.weight" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=1]; +"features.7.conv.1.1.bias" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"features.7.conv.1.1.running_mean" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=3]; +"features.7.conv.1.1.running_var" -> "features/7/conv/1/1/batch_norm/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=4]; +"features/7/conv/1/1/batch_norm/0" -> "features/7/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/conv/1/2/hardtanh/0" -> "features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/7/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/7/conv/1/2/post_hook__features-7-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/7/conv/2/conv2d/0" [dtype=float, shape="(1, 192, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.conv.2.weight" -> "features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/7/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/7/conv/2/pre_hook__features-7-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv/2/conv2d/0" [dtype=float, shape="(64, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"features/7/conv/2/conv2d/0" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.conv.3.weight" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"features.7.conv.3.bias" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features.7.conv.3.running_mean" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"features.7.conv.3.running_var" -> "features/7/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"features/7/conv/3/batch_norm/0" -> "features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/7/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/conv/3/post_hook__features-7-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"features.8.conv.0.0.weight" -> "features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/8/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/8/conv/0/0/pre_hook__features-8-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features/8/conv/0/0/conv2d/0" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.8.conv.0.1.weight" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.8.conv.0.1.bias" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.8.conv.0.1.running_mean" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.8.conv.0.1.running_var" -> "features/8/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/8/conv/0/1/batch_norm/0" -> "features/8/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features/8/conv/0/2/hardtanh/0" -> "features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/8/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 1, 1)", out_port_id=0, in_port_id=4]; +"features/8/conv/0/2/post_hook__features-8-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/8/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.8.conv.1.0.weight" -> "features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/8/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/8/conv/1/0/pre_hook__features-8-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/8/conv/1/0/conv2d/0" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.8.conv.1.1.weight" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.8.conv.1.1.bias" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.8.conv.1.1.running_mean" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.8.conv.1.1.running_var" -> "features/8/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/8/conv/1/1/batch_norm/0" -> "features/8/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features/8/conv/1/2/hardtanh/0" -> "features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/8/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/8/conv/1/2/post_hook__features-8-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/8/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.8.conv.2.weight" -> "features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/8/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/8/conv/2/pre_hook__features-8-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/conv/2/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"features/8/conv/2/conv2d/0" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"features.8.conv.3.weight" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"features.8.conv.3.bias" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features.8.conv.3.running_mean" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"features.8.conv.3.running_var" -> "features/8/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"features/8/conv/3/batch_norm/0" -> "features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/8/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/8/conv/3/post_hook__features-8-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=1]; +"features/8/add/0" -> "features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/8/add/0__0.0._scale_param_storage" -> "features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" -> "features/9/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"features/8/post_hook__features-8-add-0__0[0]/symmetric_quantize/0" -> "features/9/add/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"features.9.conv.0.0.weight" -> "features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/9/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/9/conv/0/0/pre_hook__features-9-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features/9/conv/0/0/conv2d/0" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.9.conv.0.1.weight" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.9.conv.0.1.bias" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.9.conv.0.1.running_mean" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.9.conv.0.1.running_var" -> "features/9/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/9/conv/0/1/batch_norm/0" -> "features/9/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features/9/conv/0/2/hardtanh/0" -> "features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/9/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 1, 1)", out_port_id=0, in_port_id=4]; +"features/9/conv/0/2/post_hook__features-9-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/9/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.9.conv.1.0.weight" -> "features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/9/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/9/conv/1/0/pre_hook__features-9-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/9/conv/1/0/conv2d/0" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.9.conv.1.1.weight" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.9.conv.1.1.bias" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.9.conv.1.1.running_mean" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.9.conv.1.1.running_var" -> "features/9/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/9/conv/1/1/batch_norm/0" -> "features/9/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features/9/conv/1/2/hardtanh/0" -> "features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/9/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/9/conv/1/2/post_hook__features-9-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/9/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.9.conv.2.weight" -> "features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/9/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/9/conv/2/pre_hook__features-9-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/conv/2/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"features/9/conv/2/conv2d/0" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"features.9.conv.3.weight" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"features.9.conv.3.bias" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features.9.conv.3.running_mean" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"features.9.conv.3.running_var" -> "features/9/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"features/9/conv/3/batch_norm/0" -> "features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/9/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/9/conv/3/post_hook__features-9-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/9/add/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=1]; +"features/9/add/0" -> "features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/9/add/0__0.0._scale_param_storage" -> "features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" -> "features/10/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"features/9/post_hook__features-9-add-0__0[0]/symmetric_quantize/0" -> "features/10/add/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"features.10.conv.0.0.weight" -> "features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/10/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/10/conv/0/0/pre_hook__features-10-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features/10/conv/0/0/conv2d/0" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.10.conv.0.1.weight" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.10.conv.0.1.bias" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.10.conv.0.1.running_mean" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.10.conv.0.1.running_var" -> "features/10/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/10/conv/0/1/batch_norm/0" -> "features/10/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features/10/conv/0/2/hardtanh/0" -> "features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/10/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 1, 1)", out_port_id=0, in_port_id=4]; +"features/10/conv/0/2/post_hook__features-10-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/10/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.10.conv.1.0.weight" -> "features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/10/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/10/conv/1/0/pre_hook__features-10-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/10/conv/1/0/conv2d/0" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.10.conv.1.1.weight" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.10.conv.1.1.bias" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.10.conv.1.1.running_mean" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.10.conv.1.1.running_var" -> "features/10/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/10/conv/1/1/batch_norm/0" -> "features/10/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features/10/conv/1/2/hardtanh/0" -> "features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/10/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/10/conv/1/2/post_hook__features-10-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/10/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.10.conv.2.weight" -> "features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/10/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/10/conv/2/pre_hook__features-10-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv/2/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"features/10/conv/2/conv2d/0" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"features.10.conv.3.weight" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"features.10.conv.3.bias" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features.10.conv.3.running_mean" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"features.10.conv.3.running_var" -> "features/10/conv/3/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"features/10/conv/3/batch_norm/0" -> "features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/10/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/10/conv/3/post_hook__features-10-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/add/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=1]; +"features/10/add/0" -> "features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/10/add/0__0.0._scale_param_storage" -> "features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/10/post_hook__features-10-add-0__0[0]/symmetric_quantize/0" -> "features/11/conv/0/0/conv2d/0" [dtype=float, shape="(1, 64, 2, 2)", out_port_id=0, in_port_id=0]; +"features.11.conv.0.0.weight" -> "features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/11/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/11/conv/0/0/pre_hook__features-11-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/conv/0/0/conv2d/0" [dtype=float, shape="(384, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features/11/conv/0/0/conv2d/0" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.11.conv.0.1.weight" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.11.conv.0.1.bias" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.11.conv.0.1.running_mean" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.11.conv.0.1.running_var" -> "features/11/conv/0/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/11/conv/0/1/batch_norm/0" -> "features/11/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features/11/conv/0/2/hardtanh/0" -> "features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/11/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 1, 1)", out_port_id=0, in_port_id=4]; +"features/11/conv/0/2/post_hook__features-11-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/11/conv/1/0/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.11.conv.1.0.weight" -> "features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/11/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(384, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/11/conv/1/0/pre_hook__features-11-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/conv/1/0/conv2d/0" [dtype=float, shape="(384, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/11/conv/1/0/conv2d/0" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.11.conv.1.1.weight" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=1]; +"features.11.conv.1.1.bias" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=2]; +"features.11.conv.1.1.running_mean" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=3]; +"features.11.conv.1.1.running_var" -> "features/11/conv/1/1/batch_norm/0" [dtype=float, shape="(384,)", out_port_id=0, in_port_id=4]; +"features/11/conv/1/1/batch_norm/0" -> "features/11/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features/11/conv/1/2/hardtanh/0" -> "features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/11/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/11/conv/1/2/post_hook__features-11-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/11/conv/2/conv2d/0" [dtype=float, shape="(1, 384, 2, 2)", out_port_id=0, in_port_id=0]; +"features.11.conv.2.weight" -> "features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 384, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/11/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/11/conv/2/pre_hook__features-11-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/conv/2/conv2d/0" [dtype=float, shape="(96, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"features/11/conv/2/conv2d/0" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features.11.conv.3.weight" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.11.conv.3.bias" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.11.conv.3.running_mean" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.11.conv.3.running_var" -> "features/11/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/11/conv/3/batch_norm/0" -> "features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/11/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/12/conv/0/0/conv2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features/11/conv/3/post_hook__features-11-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/12/add/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features.12.conv.0.0.weight" -> "features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/12/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/12/conv/0/0/pre_hook__features-12-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/conv/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/12/conv/0/0/conv2d/0" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.12.conv.0.1.weight" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.12.conv.0.1.bias" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.12.conv.0.1.running_mean" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.12.conv.0.1.running_var" -> "features/12/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/12/conv/0/1/batch_norm/0" -> "features/12/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features/12/conv/0/2/hardtanh/0" -> "features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/12/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=4]; +"features/12/conv/0/2/post_hook__features-12-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/12/conv/1/0/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.12.conv.1.0.weight" -> "features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/12/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/12/conv/1/0/pre_hook__features-12-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/conv/1/0/conv2d/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/12/conv/1/0/conv2d/0" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.12.conv.1.1.weight" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.12.conv.1.1.bias" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.12.conv.1.1.running_mean" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.12.conv.1.1.running_var" -> "features/12/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/12/conv/1/1/batch_norm/0" -> "features/12/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features/12/conv/1/2/hardtanh/0" -> "features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/12/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/12/conv/1/2/post_hook__features-12-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/12/conv/2/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.12.conv.2.weight" -> "features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/12/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/12/conv/2/pre_hook__features-12-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/conv/2/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features/12/conv/2/conv2d/0" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features.12.conv.3.weight" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.12.conv.3.bias" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.12.conv.3.running_mean" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.12.conv.3.running_var" -> "features/12/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/12/conv/3/batch_norm/0" -> "features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/12/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/12/conv/3/post_hook__features-12-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/12/add/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=1]; +"features/12/add/0" -> "features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/12/add/0__0.0._scale_param_storage" -> "features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" -> "features/13/conv/0/0/conv2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features/12/post_hook__features-12-add-0__0[0]/symmetric_quantize/0" -> "features/13/add/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features.13.conv.0.0.weight" -> "features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/13/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/13/conv/0/0/pre_hook__features-13-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/13/conv/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/13/conv/0/0/conv2d/0" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.13.conv.0.1.weight" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.13.conv.0.1.bias" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.13.conv.0.1.running_mean" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.13.conv.0.1.running_var" -> "features/13/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/13/conv/0/1/batch_norm/0" -> "features/13/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features/13/conv/0/2/hardtanh/0" -> "features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/13/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=4]; +"features/13/conv/0/2/post_hook__features-13-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/13/conv/1/0/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.13.conv.1.0.weight" -> "features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/13/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/13/conv/1/0/pre_hook__features-13-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/13/conv/1/0/conv2d/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/13/conv/1/0/conv2d/0" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.13.conv.1.1.weight" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.13.conv.1.1.bias" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.13.conv.1.1.running_mean" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.13.conv.1.1.running_var" -> "features/13/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/13/conv/1/1/batch_norm/0" -> "features/13/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features/13/conv/1/2/hardtanh/0" -> "features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/13/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/13/conv/1/2/post_hook__features-13-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/13/conv/2/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.13.conv.2.weight" -> "features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/13/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/13/conv/2/pre_hook__features-13-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/13/conv/2/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features/13/conv/2/conv2d/0" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features.13.conv.3.weight" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.13.conv.3.bias" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.13.conv.3.running_mean" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.13.conv.3.running_var" -> "features/13/conv/3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/13/conv/3/batch_norm/0" -> "features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/13/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/13/conv/3/post_hook__features-13-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/13/add/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=1]; +"features/13/add/0" -> "features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/13/add/0__0.0._scale_param_storage" -> "features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/13/post_hook__features-13-add-0__0[0]/symmetric_quantize/0" -> "features/14/conv/0/0/conv2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features.14.conv.0.0.weight" -> "features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/14/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/14/conv/0/0/pre_hook__features-14-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/14/conv/0/0/conv2d/0" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.14.conv.0.1.weight" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.14.conv.0.1.bias" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.14.conv.0.1.running_mean" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.14.conv.0.1.running_var" -> "features/14/conv/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/14/conv/0/1/batch_norm/0" -> "features/14/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features/14/conv/0/2/hardtanh/0" -> "features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/14/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=4]; +"features/14/conv/0/2/post_hook__features-14-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/14/conv/1/0/conv2d/0" [dtype=float, shape="(1, 576, 2, 2)", out_port_id=0, in_port_id=0]; +"features.14.conv.1.0.weight" -> "features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/14/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/14/conv/1/0/pre_hook__features-14-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv/1/0/conv2d/0" [dtype=float, shape="(576, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/14/conv/1/0/conv2d/0" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.14.conv.1.1.weight" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.14.conv.1.1.bias" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.14.conv.1.1.running_mean" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.14.conv.1.1.running_var" -> "features/14/conv/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/14/conv/1/1/batch_norm/0" -> "features/14/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/14/conv/1/2/hardtanh/0" -> "features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/14/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/14/conv/1/2/post_hook__features-14-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/14/conv/2/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.14.conv.2.weight" -> "features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/14/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/14/conv/2/pre_hook__features-14-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv/2/conv2d/0" [dtype=float, shape="(160, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features/14/conv/2/conv2d/0" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"features.14.conv.3.weight" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"features.14.conv.3.bias" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"features.14.conv.3.running_mean" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"features.14.conv.3.running_var" -> "features/14/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"features/14/conv/3/batch_norm/0" -> "features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/14/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/15/conv/0/0/conv2d/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"features/14/conv/3/post_hook__features-14-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/15/add/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"features.15.conv.0.0.weight" -> "features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/15/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/15/conv/0/0/pre_hook__features-15-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/15/conv/0/0/conv2d/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=1]; +"features/15/conv/0/0/conv2d/0" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features.15.conv.0.1.weight" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"features.15.conv.0.1.bias" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"features.15.conv.0.1.running_mean" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"features.15.conv.0.1.running_var" -> "features/15/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"features/15/conv/0/1/batch_norm/0" -> "features/15/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features/15/conv/0/2/hardtanh/0" -> "features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/15/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=4]; +"features/15/conv/0/2/post_hook__features-15-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/15/conv/1/0/conv2d/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features.15.conv.1.0.weight" -> "features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/15/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/15/conv/1/0/pre_hook__features-15-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/15/conv/1/0/conv2d/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/15/conv/1/0/conv2d/0" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features.15.conv.1.1.weight" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"features.15.conv.1.1.bias" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"features.15.conv.1.1.running_mean" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"features.15.conv.1.1.running_var" -> "features/15/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"features/15/conv/1/1/batch_norm/0" -> "features/15/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features/15/conv/1/2/hardtanh/0" -> "features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/15/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/15/conv/1/2/post_hook__features-15-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/15/conv/2/conv2d/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features.15.conv.2.weight" -> "features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/15/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/15/conv/2/pre_hook__features-15-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/15/conv/2/conv2d/0" [dtype=float, shape="(160, 960, 1, 1)", out_port_id=0, in_port_id=1]; +"features/15/conv/2/conv2d/0" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"features.15.conv.3.weight" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"features.15.conv.3.bias" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"features.15.conv.3.running_mean" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"features.15.conv.3.running_var" -> "features/15/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"features/15/conv/3/batch_norm/0" -> "features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/15/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/15/conv/3/post_hook__features-15-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/15/add/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=1]; +"features/15/add/0" -> "features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/15/add/0__0.0._scale_param_storage" -> "features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" -> "features/16/conv/0/0/conv2d/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"features/15/post_hook__features-15-add-0__0[0]/symmetric_quantize/0" -> "features/16/add/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"features.16.conv.0.0.weight" -> "features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/16/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/16/conv/0/0/pre_hook__features-16-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/16/conv/0/0/conv2d/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=1]; +"features/16/conv/0/0/conv2d/0" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features.16.conv.0.1.weight" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"features.16.conv.0.1.bias" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"features.16.conv.0.1.running_mean" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"features.16.conv.0.1.running_var" -> "features/16/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"features/16/conv/0/1/batch_norm/0" -> "features/16/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features/16/conv/0/2/hardtanh/0" -> "features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/16/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=4]; +"features/16/conv/0/2/post_hook__features-16-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/16/conv/1/0/conv2d/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features.16.conv.1.0.weight" -> "features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/16/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/16/conv/1/0/pre_hook__features-16-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/16/conv/1/0/conv2d/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/16/conv/1/0/conv2d/0" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features.16.conv.1.1.weight" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"features.16.conv.1.1.bias" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"features.16.conv.1.1.running_mean" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"features.16.conv.1.1.running_var" -> "features/16/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"features/16/conv/1/1/batch_norm/0" -> "features/16/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features/16/conv/1/2/hardtanh/0" -> "features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/16/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/16/conv/1/2/post_hook__features-16-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/16/conv/2/conv2d/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features.16.conv.2.weight" -> "features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/16/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(160, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/16/conv/2/pre_hook__features-16-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/16/conv/2/conv2d/0" [dtype=float, shape="(160, 960, 1, 1)", out_port_id=0, in_port_id=1]; +"features/16/conv/2/conv2d/0" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"features.16.conv.3.weight" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=1]; +"features.16.conv.3.bias" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=2]; +"features.16.conv.3.running_mean" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=3]; +"features.16.conv.3.running_var" -> "features/16/conv/3/batch_norm/0" [dtype=float, shape="(160,)", out_port_id=0, in_port_id=4]; +"features/16/conv/3/batch_norm/0" -> "features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/16/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/16/conv/3/post_hook__features-16-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/16/add/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=1]; +"features/16/add/0" -> "features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/16/add/0__0.0._scale_param_storage" -> "features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/16/post_hook__features-16-add-0__0[0]/symmetric_quantize/0" -> "features/17/conv/0/0/conv2d/0" [dtype=float, shape="(1, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"features.17.conv.0.0.weight" -> "features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/17/conv/0/0/conv2d/0__1.0._scale_param_storage" -> "features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/17/conv/0/0/pre_hook__features-17-conv-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv/0/0/conv2d/0" [dtype=float, shape="(960, 160, 1, 1)", out_port_id=0, in_port_id=1]; +"features/17/conv/0/0/conv2d/0" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features.17.conv.0.1.weight" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"features.17.conv.0.1.bias" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"features.17.conv.0.1.running_mean" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"features.17.conv.0.1.running_var" -> "features/17/conv/0/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"features/17/conv/0/1/batch_norm/0" -> "features/17/conv/0/2/hardtanh/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features/17/conv/0/2/hardtanh/0" -> "features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/17/conv/0/2/hardtanh/0__0.0._scale_param_storage" -> "features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=4]; +"features/17/conv/0/2/post_hook__features-17-conv-0-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/17/conv/1/0/conv2d/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features.17.conv.1.0.weight" -> "features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/17/conv/1/0/conv2d/0__1.0._scale_param_storage" -> "features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(960, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/17/conv/1/0/pre_hook__features-17-conv-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv/1/0/conv2d/0" [dtype=float, shape="(960, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/17/conv/1/0/conv2d/0" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features.17.conv.1.1.weight" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=1]; +"features.17.conv.1.1.bias" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=2]; +"features.17.conv.1.1.running_mean" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=3]; +"features.17.conv.1.1.running_var" -> "features/17/conv/1/1/batch_norm/0" [dtype=float, shape="(960,)", out_port_id=0, in_port_id=4]; +"features/17/conv/1/1/batch_norm/0" -> "features/17/conv/1/2/hardtanh/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features/17/conv/1/2/hardtanh/0" -> "features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/17/conv/1/2/hardtanh/0__0.0._scale_param_storage" -> "features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/17/conv/1/2/post_hook__features-17-conv-1-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "features/17/conv/2/conv2d/0" [dtype=float, shape="(1, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"features.17.conv.2.weight" -> "features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 960, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/17/conv/2/conv2d/0__1.0._scale_param_storage" -> "features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(320, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/17/conv/2/pre_hook__features-17-conv-2-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv/2/conv2d/0" [dtype=float, shape="(320, 960, 1, 1)", out_port_id=0, in_port_id=1]; +"features/17/conv/2/conv2d/0" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(1, 320, 1, 1)", out_port_id=0, in_port_id=0]; +"features.17.conv.3.weight" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=1]; +"features.17.conv.3.bias" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=2]; +"features.17.conv.3.running_mean" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=3]; +"features.17.conv.3.running_var" -> "features/17/conv/3/batch_norm/0" [dtype=float, shape="(320,)", out_port_id=0, in_port_id=4]; +"features/17/conv/3/batch_norm/0" -> "features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 320, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/17/conv/3/batch_norm/0__0.0._scale_param_storage" -> "features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/17/conv/3/post_hook__features-17-conv-3-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/18/0/conv2d/0" [dtype=float, shape="(1, 320, 1, 1)", out_port_id=0, in_port_id=0]; +"features.18.0.weight" -> "features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1280, 320, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/18/0/conv2d/0__1.0._scale_param_storage" -> "features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1280, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/18/0/pre_hook__features-18-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/18/0/conv2d/0" [dtype=float, shape="(1280, 320, 1, 1)", out_port_id=0, in_port_id=1]; +"features/18/0/conv2d/0" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; +"features.18.1.weight" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=1]; +"features.18.1.bias" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=2]; +"features.18.1.running_mean" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=3]; +"features.18.1.running_var" -> "features/18/1/batch_norm/0" [dtype=float, shape="(1280,)", out_port_id=0, in_port_id=4]; +"features/18/1/batch_norm/0" -> "features/18/2/hardtanh/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; +"features/18/2/hardtanh/0" -> "features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/18/2/hardtanh/0__0.0._scale_param_storage" -> "features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/18/2/post_hook__features-18-2-hardtanh-0__0[0]/symmetric_quantize/0" -> "/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; +"/adaptive_avg_pool2d/0" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks./adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/reshape/0" [dtype=float, shape="(1, 1280, 1, 1)", out_port_id=0, in_port_id=0]; +"/reshape/0" -> "classifier/0/dropout/0" [dtype=float, shape="(1, 1280)", out_port_id=0, in_port_id=0]; +"classifier/0/dropout/0" -> "classifier/1/linear/0" [dtype=float, shape="(1, 1280)", out_port_id=0, in_port_id=0]; +"classifier.1.weight" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 1280)", out_port_id=0, in_port_id=0]; +"classifier.1.bias" -> "classifier/1/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.classifier/1/linear/0__1.0._scale_param_storage" -> "classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 1)", out_port_id=0, in_port_id=4]; +"classifier/1/pre_hook__classifier-1-linear-0__1[0]/symmetric_quantize/0" -> "classifier/1/linear/0" [dtype=float, shape="(1000, 1280)", out_port_id=0, in_port_id=1]; +"classifier/1/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v3_small.dot b/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v3_small.dot index b2b19f91f28..5554a3603e2 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v3_small.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/mobilenet_v3_small.dot @@ -1,1142 +1,1142 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.0.0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=5, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/0/0/conv2d/0" [id=6, metatype=PTConv2dMetatype, type=conv2d]; -"features.0.1.weight" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.bias" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.running_mean" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.1.running_var" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/1/batch_norm/0" [id=11, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/0/2/hardswish/0" [id=12, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/0/2/hardswish/0__0.0._scale_param_storage" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=14, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.1.block.0.0.weight" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/1/block/0/0/conv2d/0__1.0._scale_param_storage" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=17, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/1/block/0/0/conv2d/0" [id=18, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.1.block.0.1.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.0.1.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.0.1.running_mean" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.0.1.running_var" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/0/1/batch_norm/0" [id=23, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/1/block/0/2/relu_/0" [id=24, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/1/block/0/2/relu_/0__0.0._scale_param_storage" [id=25, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [id=26, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/1/block/1/adaptive_avg_pool2d/0" [id=27, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.1.block.1.fc1.weight" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.1.fc1.bias" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/1/fc1/conv2d/0" [id=30, metatype=PTConv2dMetatype, type=conv2d]; -"features/1/block/1/relu/relu_/0" [id=31, metatype=PTRELUMetatype, type=relu_]; -"features.1.block.1.fc2.weight" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.1.fc2.bias" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/1/fc2/conv2d/0" [id=34, metatype=PTConv2dMetatype, type=conv2d]; -"features/1/block/1/hardsigmoid/0" [id=35, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"__nncf_hooks.post_hooks.features/1/block/1/hardsigmoid/0__0.0._scale_param_storage" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=37, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/1/block/1/mul/0" [id=38, metatype=PTMulMetatype, type=mul]; -"__nncf_hooks.post_hooks.features/1/block/1/mul/0__0.0._scale_param_storage" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" [id=40, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.1.block.2.0.weight" [id=41, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/1/block/2/0/conv2d/0__1.0._scale_param_storage" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=43, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/1/block/2/0/conv2d/0" [id=44, metatype=PTConv2dMetatype, type=conv2d]; -"features.1.block.2.1.weight" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.2.1.bias" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.2.1.running_mean" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.block.2.1.running_var" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/2/1/batch_norm/0" [id=49, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/1/block/2/1/batch_norm/0__0.0._scale_param_storage" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=51, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.2.block.0.0.weight" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/2/block/0/0/conv2d/0__1.0._scale_param_storage" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=54, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/2/block/0/0/conv2d/0" [id=55, metatype=PTConv2dMetatype, type=conv2d]; -"features.2.block.0.1.weight" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.0.1.bias" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.0.1.running_mean" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.0.1.running_var" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/0/1/batch_norm/0" [id=60, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/2/block/0/2/relu_/0" [id=61, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/2/block/0/2/relu_/0__0.0._scale_param_storage" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [id=63, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.2.block.1.0.weight" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/2/block/1/0/conv2d/0__1.0._scale_param_storage" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=66, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/2/block/1/0/conv2d/0" [id=67, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.2.block.1.1.weight" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.1.1.bias" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.1.1.running_mean" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.1.1.running_var" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/1/1/batch_norm/0" [id=72, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/2/block/1/2/relu_/0" [id=73, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/2/block/1/2/relu_/0__0.0._scale_param_storage" [id=74, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [id=75, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.2.block.2.0.weight" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/2/block/2/0/conv2d/0__1.0._scale_param_storage" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=78, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/2/block/2/0/conv2d/0" [id=79, metatype=PTConv2dMetatype, type=conv2d]; -"features.2.block.2.1.weight" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.2.1.bias" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.2.1.running_mean" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.2.block.2.1.running_var" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/2/1/batch_norm/0" [id=84, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/2/block/2/1/batch_norm/0__0.0._scale_param_storage" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=86, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.3.block.0.0.weight" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/3/block/0/0/conv2d/0__1.0._scale_param_storage" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=89, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/3/block/0/0/conv2d/0" [id=90, metatype=PTConv2dMetatype, type=conv2d]; -"features.3.block.0.1.weight" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.0.1.bias" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.0.1.running_mean" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.0.1.running_var" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/0/1/batch_norm/0" [id=95, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/block/0/2/relu_/0" [id=96, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/3/block/0/2/relu_/0__0.0._scale_param_storage" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [id=98, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.3.block.1.0.weight" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/3/block/1/0/conv2d/0__1.0._scale_param_storage" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=101, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/3/block/1/0/conv2d/0" [id=102, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.3.block.1.1.weight" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.1.1.bias" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.1.1.running_mean" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.1.1.running_var" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/1/1/batch_norm/0" [id=107, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/3/block/1/2/relu_/0" [id=108, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/3/block/1/2/relu_/0__0.0._scale_param_storage" [id=109, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [id=110, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.3.block.2.0.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/3/block/2/0/conv2d/0__1.0._scale_param_storage" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=113, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/3/block/2/0/conv2d/0" [id=114, metatype=PTConv2dMetatype, type=conv2d]; -"features.3.block.2.1.weight" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.2.1.bias" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.2.1.running_mean" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.block.2.1.running_var" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/2/1/batch_norm/0" [id=119, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/3/block/2/1/batch_norm/0__0.0._scale_param_storage" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=121, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/3/add_/0" [id=122, metatype=PTAddMetatype, type=add_]; -"__nncf_hooks.post_hooks.features/3/add_/0__0.0._scale_param_storage" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" [id=124, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.4.block.0.0.weight" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/4/block/0/0/conv2d/0__1.0._scale_param_storage" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=127, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/4/block/0/0/conv2d/0" [id=128, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.block.0.1.weight" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.0.1.bias" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.0.1.running_mean" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.0.1.running_var" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/0/1/batch_norm/0" [id=133, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/block/0/2/hardswish/0" [id=134, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/4/block/0/2/hardswish/0__0.0._scale_param_storage" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=136, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.4.block.1.0.weight" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/4/block/1/0/conv2d/0__1.0._scale_param_storage" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=139, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/4/block/1/0/conv2d/0" [id=140, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.4.block.1.1.weight" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.1.1.bias" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.1.1.running_mean" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.1.1.running_var" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/1/1/batch_norm/0" [id=145, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/4/block/1/2/hardswish/0" [id=146, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/4/block/1/2/hardswish/0__0.0._scale_param_storage" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=148, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/4/block/2/adaptive_avg_pool2d/0" [id=149, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.4.block.2.fc1.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.2.fc1.bias" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/2/fc1/conv2d/0" [id=152, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/block/2/relu/relu_/0" [id=153, metatype=PTRELUMetatype, type=relu_]; -"features.4.block.2.fc2.weight" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.2.fc2.bias" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/2/fc2/conv2d/0" [id=156, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/block/2/hardsigmoid/0" [id=157, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"__nncf_hooks.post_hooks.features/4/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=159, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/4/block/2/mul/0" [id=160, metatype=PTMulMetatype, type=mul]; -"__nncf_hooks.post_hooks.features/4/block/2/mul/0__0.0._scale_param_storage" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" [id=162, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.4.block.3.0.weight" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/4/block/3/0/conv2d/0__1.0._scale_param_storage" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=165, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/4/block/3/0/conv2d/0" [id=166, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.block.3.1.weight" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.3.1.bias" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.3.1.running_mean" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.block.3.1.running_var" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/3/1/batch_norm/0" [id=171, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/4/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=173, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.5.block.0.0.weight" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/5/block/0/0/conv2d/0__1.0._scale_param_storage" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=176, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/5/block/0/0/conv2d/0" [id=177, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.block.0.1.weight" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.0.1.bias" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.0.1.running_mean" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.0.1.running_var" [id=181, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/0/1/batch_norm/0" [id=182, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/block/0/2/hardswish/0" [id=183, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/5/block/0/2/hardswish/0__0.0._scale_param_storage" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=185, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.5.block.1.0.weight" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/5/block/1/0/conv2d/0__1.0._scale_param_storage" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=188, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/5/block/1/0/conv2d/0" [id=189, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.5.block.1.1.weight" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.1.1.bias" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.1.1.running_mean" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.1.1.running_var" [id=193, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/1/1/batch_norm/0" [id=194, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/block/1/2/hardswish/0" [id=195, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/5/block/1/2/hardswish/0__0.0._scale_param_storage" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=197, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/5/block/2/adaptive_avg_pool2d/0" [id=198, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.5.block.2.fc1.weight" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.2.fc1.bias" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/2/fc1/conv2d/0" [id=201, metatype=PTConv2dMetatype, type=conv2d]; -"features/5/block/2/relu/relu_/0" [id=202, metatype=PTRELUMetatype, type=relu_]; -"features.5.block.2.fc2.weight" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.2.fc2.bias" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/2/fc2/conv2d/0" [id=205, metatype=PTConv2dMetatype, type=conv2d]; -"features/5/block/2/hardsigmoid/0" [id=206, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"__nncf_hooks.post_hooks.features/5/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=208, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/5/block/2/mul/0" [id=209, metatype=PTMulMetatype, type=mul]; -"__nncf_hooks.post_hooks.features/5/block/2/mul/0__0.0._scale_param_storage" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" [id=211, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.5.block.3.0.weight" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/5/block/3/0/conv2d/0__1.0._scale_param_storage" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=214, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/5/block/3/0/conv2d/0" [id=215, metatype=PTConv2dMetatype, type=conv2d]; -"features.5.block.3.1.weight" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.3.1.bias" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.3.1.running_mean" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.5.block.3.1.running_var" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/3/1/batch_norm/0" [id=220, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/5/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=222, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/5/add_/0" [id=223, metatype=PTAddMetatype, type=add_]; -"__nncf_hooks.post_hooks.features/5/add_/0__0.0._scale_param_storage" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" [id=225, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.6.block.0.0.weight" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/6/block/0/0/conv2d/0__1.0._scale_param_storage" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=228, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/block/0/0/conv2d/0" [id=229, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.block.0.1.weight" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.0.1.bias" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.0.1.running_mean" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.0.1.running_var" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/0/1/batch_norm/0" [id=234, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/block/0/2/hardswish/0" [id=235, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/6/block/0/2/hardswish/0__0.0._scale_param_storage" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=237, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.6.block.1.0.weight" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/6/block/1/0/conv2d/0__1.0._scale_param_storage" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=240, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/block/1/0/conv2d/0" [id=241, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.6.block.1.1.weight" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.1.1.bias" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.1.1.running_mean" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.1.1.running_var" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/1/1/batch_norm/0" [id=246, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/6/block/1/2/hardswish/0" [id=247, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/6/block/1/2/hardswish/0__0.0._scale_param_storage" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=249, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/block/2/adaptive_avg_pool2d/0" [id=250, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.6.block.2.fc1.weight" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.2.fc1.bias" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/2/fc1/conv2d/0" [id=253, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/block/2/relu/relu_/0" [id=254, metatype=PTRELUMetatype, type=relu_]; -"features.6.block.2.fc2.weight" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.2.fc2.bias" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/2/fc2/conv2d/0" [id=257, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/block/2/hardsigmoid/0" [id=258, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"__nncf_hooks.post_hooks.features/6/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=260, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/block/2/mul/0" [id=261, metatype=PTMulMetatype, type=mul]; -"__nncf_hooks.post_hooks.features/6/block/2/mul/0__0.0._scale_param_storage" [id=262, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" [id=263, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.6.block.3.0.weight" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/6/block/3/0/conv2d/0__1.0._scale_param_storage" [id=265, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=266, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/block/3/0/conv2d/0" [id=267, metatype=PTConv2dMetatype, type=conv2d]; -"features.6.block.3.1.weight" [id=268, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.3.1.bias" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.3.1.running_mean" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.block.3.1.running_var" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/3/1/batch_norm/0" [id=272, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/6/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=273, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=274, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/add_/0" [id=275, metatype=PTAddMetatype, type=add_]; -"__nncf_hooks.post_hooks.features/6/add_/0__0.0._scale_param_storage" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" [id=277, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.7.block.0.0.weight" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/7/block/0/0/conv2d/0__1.0._scale_param_storage" [id=279, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=280, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/7/block/0/0/conv2d/0" [id=281, metatype=PTConv2dMetatype, type=conv2d]; -"features.7.block.0.1.weight" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.0.1.bias" [id=283, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.0.1.running_mean" [id=284, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.0.1.running_var" [id=285, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/0/1/batch_norm/0" [id=286, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/7/block/0/2/hardswish/0" [id=287, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/7/block/0/2/hardswish/0__0.0._scale_param_storage" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=289, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.7.block.1.0.weight" [id=290, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/7/block/1/0/conv2d/0__1.0._scale_param_storage" [id=291, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=292, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/7/block/1/0/conv2d/0" [id=293, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.7.block.1.1.weight" [id=294, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.1.1.bias" [id=295, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.1.1.running_mean" [id=296, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.1.1.running_var" [id=297, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/1/1/batch_norm/0" [id=298, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/7/block/1/2/hardswish/0" [id=299, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/7/block/1/2/hardswish/0__0.0._scale_param_storage" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=301, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/7/block/2/adaptive_avg_pool2d/0" [id=302, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.7.block.2.fc1.weight" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.2.fc1.bias" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/2/fc1/conv2d/0" [id=305, metatype=PTConv2dMetatype, type=conv2d]; -"features/7/block/2/relu/relu_/0" [id=306, metatype=PTRELUMetatype, type=relu_]; -"features.7.block.2.fc2.weight" [id=307, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.2.fc2.bias" [id=308, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/2/fc2/conv2d/0" [id=309, metatype=PTConv2dMetatype, type=conv2d]; -"features/7/block/2/hardsigmoid/0" [id=310, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"__nncf_hooks.post_hooks.features/7/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=312, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/7/block/2/mul/0" [id=313, metatype=PTMulMetatype, type=mul]; -"__nncf_hooks.post_hooks.features/7/block/2/mul/0__0.0._scale_param_storage" [id=314, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" [id=315, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.7.block.3.0.weight" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/7/block/3/0/conv2d/0__1.0._scale_param_storage" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=318, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/7/block/3/0/conv2d/0" [id=319, metatype=PTConv2dMetatype, type=conv2d]; -"features.7.block.3.1.weight" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.3.1.bias" [id=321, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.3.1.running_mean" [id=322, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.block.3.1.running_var" [id=323, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/3/1/batch_norm/0" [id=324, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/7/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=325, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=326, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.8.block.0.0.weight" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/8/block/0/0/conv2d/0__1.0._scale_param_storage" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=329, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/8/block/0/0/conv2d/0" [id=330, metatype=PTConv2dMetatype, type=conv2d]; -"features.8.block.0.1.weight" [id=331, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.0.1.bias" [id=332, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.0.1.running_mean" [id=333, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.0.1.running_var" [id=334, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/0/1/batch_norm/0" [id=335, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/8/block/0/2/hardswish/0" [id=336, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/8/block/0/2/hardswish/0__0.0._scale_param_storage" [id=337, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=338, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.8.block.1.0.weight" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/8/block/1/0/conv2d/0__1.0._scale_param_storage" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=341, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/8/block/1/0/conv2d/0" [id=342, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.8.block.1.1.weight" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.1.1.bias" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.1.1.running_mean" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.1.1.running_var" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/1/1/batch_norm/0" [id=347, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/8/block/1/2/hardswish/0" [id=348, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/8/block/1/2/hardswish/0__0.0._scale_param_storage" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=350, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/8/block/2/adaptive_avg_pool2d/0" [id=351, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.8.block.2.fc1.weight" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.2.fc1.bias" [id=353, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/2/fc1/conv2d/0" [id=354, metatype=PTConv2dMetatype, type=conv2d]; -"features/8/block/2/relu/relu_/0" [id=355, metatype=PTRELUMetatype, type=relu_]; -"features.8.block.2.fc2.weight" [id=356, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.2.fc2.bias" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/2/fc2/conv2d/0" [id=358, metatype=PTConv2dMetatype, type=conv2d]; -"features/8/block/2/hardsigmoid/0" [id=359, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"__nncf_hooks.post_hooks.features/8/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=361, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/8/block/2/mul/0" [id=362, metatype=PTMulMetatype, type=mul]; -"__nncf_hooks.post_hooks.features/8/block/2/mul/0__0.0._scale_param_storage" [id=363, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" [id=364, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.8.block.3.0.weight" [id=365, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/8/block/3/0/conv2d/0__1.0._scale_param_storage" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=367, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/8/block/3/0/conv2d/0" [id=368, metatype=PTConv2dMetatype, type=conv2d]; -"features.8.block.3.1.weight" [id=369, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.3.1.bias" [id=370, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.3.1.running_mean" [id=371, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.block.3.1.running_var" [id=372, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/3/1/batch_norm/0" [id=373, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/8/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=374, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=375, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/8/add_/0" [id=376, metatype=PTAddMetatype, type=add_]; -"__nncf_hooks.post_hooks.features/8/add_/0__0.0._scale_param_storage" [id=377, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" [id=378, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.9.block.0.0.weight" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/9/block/0/0/conv2d/0__1.0._scale_param_storage" [id=380, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=381, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/9/block/0/0/conv2d/0" [id=382, metatype=PTConv2dMetatype, type=conv2d]; -"features.9.block.0.1.weight" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.0.1.bias" [id=384, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.0.1.running_mean" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.0.1.running_var" [id=386, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/0/1/batch_norm/0" [id=387, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/9/block/0/2/hardswish/0" [id=388, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/9/block/0/2/hardswish/0__0.0._scale_param_storage" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=390, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.9.block.1.0.weight" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/9/block/1/0/conv2d/0__1.0._scale_param_storage" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=393, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/9/block/1/0/conv2d/0" [id=394, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.9.block.1.1.weight" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.1.1.bias" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.1.1.running_mean" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.1.1.running_var" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/1/1/batch_norm/0" [id=399, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/9/block/1/2/hardswish/0" [id=400, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/9/block/1/2/hardswish/0__0.0._scale_param_storage" [id=401, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=402, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/9/block/2/adaptive_avg_pool2d/0" [id=403, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.9.block.2.fc1.weight" [id=404, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.2.fc1.bias" [id=405, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/2/fc1/conv2d/0" [id=406, metatype=PTConv2dMetatype, type=conv2d]; -"features/9/block/2/relu/relu_/0" [id=407, metatype=PTRELUMetatype, type=relu_]; -"features.9.block.2.fc2.weight" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.2.fc2.bias" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/2/fc2/conv2d/0" [id=410, metatype=PTConv2dMetatype, type=conv2d]; -"features/9/block/2/hardsigmoid/0" [id=411, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"__nncf_hooks.post_hooks.features/9/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=412, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=413, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/9/block/2/mul/0" [id=414, metatype=PTMulMetatype, type=mul]; -"__nncf_hooks.post_hooks.features/9/block/2/mul/0__0.0._scale_param_storage" [id=415, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" [id=416, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.9.block.3.0.weight" [id=417, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/9/block/3/0/conv2d/0__1.0._scale_param_storage" [id=418, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=419, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/9/block/3/0/conv2d/0" [id=420, metatype=PTConv2dMetatype, type=conv2d]; -"features.9.block.3.1.weight" [id=421, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.3.1.bias" [id=422, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.3.1.running_mean" [id=423, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.block.3.1.running_var" [id=424, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/3/1/batch_norm/0" [id=425, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/9/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=426, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=427, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.10.block.0.0.weight" [id=428, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/10/block/0/0/conv2d/0__1.0._scale_param_storage" [id=429, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=430, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/block/0/0/conv2d/0" [id=431, metatype=PTConv2dMetatype, type=conv2d]; -"features.10.block.0.1.weight" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.0.1.bias" [id=433, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.0.1.running_mean" [id=434, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.0.1.running_var" [id=435, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/0/1/batch_norm/0" [id=436, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/10/block/0/2/hardswish/0" [id=437, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/10/block/0/2/hardswish/0__0.0._scale_param_storage" [id=438, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=439, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.10.block.1.0.weight" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/10/block/1/0/conv2d/0__1.0._scale_param_storage" [id=441, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=442, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/block/1/0/conv2d/0" [id=443, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.10.block.1.1.weight" [id=444, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.1.1.bias" [id=445, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.1.1.running_mean" [id=446, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.1.1.running_var" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/1/1/batch_norm/0" [id=448, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/10/block/1/2/hardswish/0" [id=449, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/10/block/1/2/hardswish/0__0.0._scale_param_storage" [id=450, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=451, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/block/2/adaptive_avg_pool2d/0" [id=452, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.10.block.2.fc1.weight" [id=453, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.2.fc1.bias" [id=454, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/2/fc1/conv2d/0" [id=455, metatype=PTConv2dMetatype, type=conv2d]; -"features/10/block/2/relu/relu_/0" [id=456, metatype=PTRELUMetatype, type=relu_]; -"features.10.block.2.fc2.weight" [id=457, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.2.fc2.bias" [id=458, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/2/fc2/conv2d/0" [id=459, metatype=PTConv2dMetatype, type=conv2d]; -"features/10/block/2/hardsigmoid/0" [id=460, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"__nncf_hooks.post_hooks.features/10/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=461, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=462, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/block/2/mul/0" [id=463, metatype=PTMulMetatype, type=mul]; -"__nncf_hooks.post_hooks.features/10/block/2/mul/0__0.0._scale_param_storage" [id=464, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" [id=465, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.10.block.3.0.weight" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/10/block/3/0/conv2d/0__1.0._scale_param_storage" [id=467, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=468, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/block/3/0/conv2d/0" [id=469, metatype=PTConv2dMetatype, type=conv2d]; -"features.10.block.3.1.weight" [id=470, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.3.1.bias" [id=471, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.3.1.running_mean" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.block.3.1.running_var" [id=473, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/3/1/batch_norm/0" [id=474, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/10/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=476, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/add_/0" [id=477, metatype=PTAddMetatype, type=add_]; -"__nncf_hooks.post_hooks.features/10/add_/0__0.0._scale_param_storage" [id=478, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" [id=479, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.11.block.0.0.weight" [id=480, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/11/block/0/0/conv2d/0__1.0._scale_param_storage" [id=481, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=482, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/11/block/0/0/conv2d/0" [id=483, metatype=PTConv2dMetatype, type=conv2d]; -"features.11.block.0.1.weight" [id=484, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.0.1.bias" [id=485, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.0.1.running_mean" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.0.1.running_var" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/0/1/batch_norm/0" [id=488, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/11/block/0/2/hardswish/0" [id=489, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/11/block/0/2/hardswish/0__0.0._scale_param_storage" [id=490, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=491, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.11.block.1.0.weight" [id=492, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/11/block/1/0/conv2d/0__1.0._scale_param_storage" [id=493, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=494, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/11/block/1/0/conv2d/0" [id=495, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"features.11.block.1.1.weight" [id=496, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.1.1.bias" [id=497, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.1.1.running_mean" [id=498, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.1.1.running_var" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/1/1/batch_norm/0" [id=500, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/11/block/1/2/hardswish/0" [id=501, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/11/block/1/2/hardswish/0__0.0._scale_param_storage" [id=502, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=503, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/11/block/2/adaptive_avg_pool2d/0" [id=504, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"features.11.block.2.fc1.weight" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.2.fc1.bias" [id=506, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/2/fc1/conv2d/0" [id=507, metatype=PTConv2dMetatype, type=conv2d]; -"features/11/block/2/relu/relu_/0" [id=508, metatype=PTRELUMetatype, type=relu_]; -"features.11.block.2.fc2.weight" [id=509, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.2.fc2.bias" [id=510, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/2/fc2/conv2d/0" [id=511, metatype=PTConv2dMetatype, type=conv2d]; -"features/11/block/2/hardsigmoid/0" [id=512, metatype=PTHardSigmoidMetatype, type=hardsigmoid]; -"__nncf_hooks.post_hooks.features/11/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=513, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=514, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/11/block/2/mul/0" [id=515, metatype=PTMulMetatype, type=mul]; -"__nncf_hooks.post_hooks.features/11/block/2/mul/0__0.0._scale_param_storage" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" [id=517, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.11.block.3.0.weight" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/11/block/3/0/conv2d/0__1.0._scale_param_storage" [id=519, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=520, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/11/block/3/0/conv2d/0" [id=521, metatype=PTConv2dMetatype, type=conv2d]; -"features.11.block.3.1.weight" [id=522, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.3.1.bias" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.3.1.running_mean" [id=524, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.block.3.1.running_var" [id=525, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/3/1/batch_norm/0" [id=526, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.features/11/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=527, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=528, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/11/add_/0" [id=529, metatype=PTAddMetatype, type=add_]; -"__nncf_hooks.post_hooks.features/11/add_/0__0.0._scale_param_storage" [id=530, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" [id=531, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.12.0.weight" [id=532, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/12/0/conv2d/0__1.0._scale_param_storage" [id=533, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" [id=534, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/12/0/conv2d/0" [id=535, metatype=PTConv2dMetatype, type=conv2d]; -"features.12.1.weight" [id=536, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.1.bias" [id=537, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.1.running_mean" [id=538, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.1.running_var" [id=539, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/1/batch_norm/0" [id=540, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/12/2/hardswish/0" [id=541, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.features/12/2/hardswish/0__0.0._scale_param_storage" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" [id=543, metatype=UnknownMetatype, type=symmetric_quantize]; -"avgpool/adaptive_avg_pool2d/0" [id=544, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=545, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=546, metatype=UnknownMetatype, type=symmetric_quantize]; -"/flatten/0" [id=547, metatype=PTReshapeMetatype, type=flatten]; -"classifier.0.weight" [id=548, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.0.bias" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.classifier/0/linear/0__1.0._scale_param_storage" [id=550, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" [id=551, metatype=UnknownMetatype, type=symmetric_quantize]; -"classifier/0/linear/0" [id=552, metatype=PTLinearMetatype, type=linear]; -"classifier/1/hardswish/0" [id=553, metatype=PTHardSwishMetatype, type=hardswish]; -"__nncf_hooks.post_hooks.classifier/1/hardswish/0__0.0._scale_param_storage" [id=554, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" [id=555, metatype=UnknownMetatype, type=symmetric_quantize]; -"classifier/2/dropout/0" [id=556, metatype=PTDropoutMetatype, type=dropout]; -"classifier.3.weight" [id=557, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.3.bias" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.classifier/3/linear/0__1.0._scale_param_storage" [id=559, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" [id=560, metatype=UnknownMetatype, type=symmetric_quantize]; -"classifier/3/linear/0" [id=561, metatype=PTLinearMetatype, type=linear]; -output [id=562, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"features.0.0.weight" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 3, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; -"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 3, 3, 3)"]; -"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; -"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; -"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; -"features/0/1/batch_norm/0" -> "features/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"features/0/2/hardswish/0" -> "features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"__nncf_hooks.post_hooks.features/0/2/hardswish/0__0.0._scale_param_storage" -> "features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 16, 1, 1)"]; -"features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/1/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 16, 16)"]; -"features.1.block.0.0.weight" -> "features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/1/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; -"features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 1, 3, 3)"]; -"features/1/block/0/0/conv2d/0" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; -"features.1.block.0.1.weight" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; -"features.1.block.0.1.bias" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"features.1.block.0.1.running_mean" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; -"features.1.block.0.1.running_var" -> "features/1/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; -"features/1/block/0/1/batch_norm/0" -> "features/1/block/0/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; -"features/1/block/0/2/relu_/0" -> "features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; -"__nncf_hooks.post_hooks.features/1/block/0/2/relu_/0__0.0._scale_param_storage" -> "features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/1/block/1/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; -"features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/1/block/1/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 16, 8, 8)"]; -"features/1/block/1/adaptive_avg_pool2d/0" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 1, 1)"]; -"features.1.block.1.fc1.weight" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(8, 16, 1, 1)"]; -"features.1.block.1.fc1.bias" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(8,)"]; -"features/1/block/1/fc1/conv2d/0" -> "features/1/block/1/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 1, 1)"]; -"features/1/block/1/relu/relu_/0" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 1, 1)"]; -"features.1.block.1.fc2.weight" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 8, 1, 1)"]; -"features.1.block.1.fc2.bias" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"features/1/block/1/fc2/conv2d/0" -> "features/1/block/1/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 1, 1)"]; -"features/1/block/1/hardsigmoid/0" -> "features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 1, 1)"]; -"__nncf_hooks.post_hooks.features/1/block/1/hardsigmoid/0__0.0._scale_param_storage" -> "features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/1/block/1/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 1, 1)"]; -"features/1/block/1/mul/0" -> "features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; -"__nncf_hooks.post_hooks.features/1/block/1/mul/0__0.0._scale_param_storage" -> "features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" -> "features/1/block/2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; -"features.1.block.2.0.weight" -> "features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 16, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/1/block/2/0/conv2d/0__1.0._scale_param_storage" -> "features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; -"features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/block/2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 16, 1, 1)"]; -"features/1/block/2/0/conv2d/0" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; -"features.1.block.2.1.weight" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16,)"]; -"features.1.block.2.1.bias" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"features.1.block.2.1.running_mean" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(16,)"]; -"features.1.block.2.1.running_var" -> "features/1/block/2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16,)"]; -"features/1/block/2/1/batch_norm/0" -> "features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; -"__nncf_hooks.post_hooks.features/1/block/2/1/batch_norm/0__0.0._scale_param_storage" -> "features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/2/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 8, 8)"]; -"features.2.block.0.0.weight" -> "features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(72, 16, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/2/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(72, 1, 1, 1)"]; -"features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72, 16, 1, 1)"]; -"features/2/block/0/0/conv2d/0" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 8, 8)"]; -"features.2.block.0.1.weight" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72,)"]; -"features.2.block.0.1.bias" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(72,)"]; -"features.2.block.0.1.running_mean" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(72,)"]; -"features.2.block.0.1.running_var" -> "features/2/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(72,)"]; -"features/2/block/0/1/batch_norm/0" -> "features/2/block/0/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 8, 8)"]; -"features/2/block/0/2/relu_/0" -> "features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 8, 8)"]; -"__nncf_hooks.post_hooks.features/2/block/0/2/relu_/0__0.0._scale_param_storage" -> "features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 72, 1, 1)"]; -"features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 8, 8)"]; -"features.2.block.1.0.weight" -> "features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(72, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/2/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(72, 1, 1, 1)"]; -"features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72, 1, 3, 3)"]; -"features/2/block/1/0/conv2d/0" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 4, 4)"]; -"features.2.block.1.1.weight" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72,)"]; -"features.2.block.1.1.bias" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(72,)"]; -"features.2.block.1.1.running_mean" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(72,)"]; -"features.2.block.1.1.running_var" -> "features/2/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(72,)"]; -"features/2/block/1/1/batch_norm/0" -> "features/2/block/1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 4, 4)"]; -"features/2/block/1/2/relu_/0" -> "features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 4, 4)"]; -"__nncf_hooks.post_hooks.features/2/block/1/2/relu_/0__0.0._scale_param_storage" -> "features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/block/2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 4, 4)"]; -"features.2.block.2.0.weight" -> "features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 72, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/2/block/2/0/conv2d/0__1.0._scale_param_storage" -> "features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/block/2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 72, 1, 1)"]; -"features/2/block/2/0/conv2d/0" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; -"features.2.block.2.1.weight" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"features.2.block.2.1.bias" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"features.2.block.2.1.running_mean" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"features.2.block.2.1.running_var" -> "features/2/block/2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"features/2/block/2/1/batch_norm/0" -> "features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; -"__nncf_hooks.post_hooks.features/2/block/2/1/batch_norm/0__0.0._scale_param_storage" -> "features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; -"features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 4, 4)"]; -"features.3.block.0.0.weight" -> "features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(88, 24, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/3/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(88, 1, 1, 1)"]; -"features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88, 24, 1, 1)"]; -"features/3/block/0/0/conv2d/0" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; -"features.3.block.0.1.weight" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88,)"]; -"features.3.block.0.1.bias" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(88,)"]; -"features.3.block.0.1.running_mean" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(88,)"]; -"features.3.block.0.1.running_var" -> "features/3/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(88,)"]; -"features/3/block/0/1/batch_norm/0" -> "features/3/block/0/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; -"features/3/block/0/2/relu_/0" -> "features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; -"__nncf_hooks.post_hooks.features/3/block/0/2/relu_/0__0.0._scale_param_storage" -> "features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 88, 1, 1)"]; -"features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; -"features.3.block.1.0.weight" -> "features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(88, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.features/3/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(88, 1, 1, 1)"]; -"features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88, 1, 3, 3)"]; -"features/3/block/1/0/conv2d/0" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; -"features.3.block.1.1.weight" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(88,)"]; -"features.3.block.1.1.bias" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(88,)"]; -"features.3.block.1.1.running_mean" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(88,)"]; -"features.3.block.1.1.running_var" -> "features/3/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(88,)"]; -"features/3/block/1/1/batch_norm/0" -> "features/3/block/1/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; -"features/3/block/1/2/relu_/0" -> "features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; -"__nncf_hooks.post_hooks.features/3/block/1/2/relu_/0__0.0._scale_param_storage" -> "features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/block/2/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 88, 4, 4)"]; -"features.3.block.2.0.weight" -> "features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 88, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/3/block/2/0/conv2d/0__1.0._scale_param_storage" -> "features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/block/2/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 88, 1, 1)"]; -"features/3/block/2/0/conv2d/0" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; -"features.3.block.2.1.weight" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"features.3.block.2.1.bias" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"features.3.block.2.1.running_mean" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"features.3.block.2.1.running_var" -> "features/3/block/2/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"features/3/block/2/1/batch_norm/0" -> "features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; -"__nncf_hooks.post_hooks.features/3/block/2/1/batch_norm/0__0.0._scale_param_storage" -> "features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; -"features/3/add_/0" -> "features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; -"__nncf_hooks.post_hooks.features/3/add_/0__0.0._scale_param_storage" -> "features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" -> "features/4/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 4, 4)"]; -"features.4.block.0.0.weight" -> "features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 24, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/4/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 24, 1, 1)"]; -"features/4/block/0/0/conv2d/0" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features.4.block.0.1.weight" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.4.block.0.1.bias" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.4.block.0.1.running_mean" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.4.block.0.1.running_var" -> "features/4/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/4/block/0/1/batch_norm/0" -> "features/4/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features/4/block/0/2/hardswish/0" -> "features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"__nncf_hooks.post_hooks.features/4/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/4/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"features.4.block.1.0.weight" -> "features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 5, 5)"]; -"__nncf_hooks.pre_hooks.features/4/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 5, 5)"]; -"features/4/block/1/0/conv2d/0" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features.4.block.1.1.weight" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.4.block.1.1.bias" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.4.block.1.1.running_mean" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.4.block.1.1.running_var" -> "features/4/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/4/block/1/1/batch_norm/0" -> "features/4/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features/4/block/1/2/hardswish/0" -> "features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"__nncf_hooks.post_hooks.features/4/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/4/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/4/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features/4/block/2/adaptive_avg_pool2d/0" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features.4.block.2.fc1.weight" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 96, 1, 1)"]; -"features.4.block.2.fc1.bias" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"features/4/block/2/fc1/conv2d/0" -> "features/4/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 1, 1)"]; -"features/4/block/2/relu/relu_/0" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 1, 1)"]; -"features.4.block.2.fc2.weight" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 24, 1, 1)"]; -"features.4.block.2.fc2.bias" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features/4/block/2/fc2/conv2d/0" -> "features/4/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features/4/block/2/hardsigmoid/0" -> "features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"__nncf_hooks.post_hooks.features/4/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/4/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features/4/block/2/mul/0" -> "features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"__nncf_hooks.post_hooks.features/4/block/2/mul/0__0.0._scale_param_storage" -> "features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/4/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 2)"]; -"features.4.block.3.0.weight" -> "features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(40, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/4/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40, 1, 1, 1)"]; -"features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 96, 1, 1)"]; -"features/4/block/3/0/conv2d/0" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; -"features.4.block.3.1.weight" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; -"features.4.block.3.1.bias" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; -"features.4.block.3.1.running_mean" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; -"features.4.block.3.1.running_var" -> "features/4/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; -"features/4/block/3/1/batch_norm/0" -> "features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; -"__nncf_hooks.post_hooks.features/4/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; -"features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 40, 2, 2)"]; -"features.5.block.0.0.weight" -> "features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(240, 40, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/5/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240, 1, 1, 1)"]; -"features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 40, 1, 1)"]; -"features/5/block/0/0/conv2d/0" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features.5.block.0.1.weight" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; -"features.5.block.0.1.bias" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features.5.block.0.1.running_mean" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; -"features.5.block.0.1.running_var" -> "features/5/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; -"features/5/block/0/1/batch_norm/0" -> "features/5/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features/5/block/0/2/hardswish/0" -> "features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"__nncf_hooks.post_hooks.features/5/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/5/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features.5.block.1.0.weight" -> "features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(240, 1, 5, 5)"]; -"__nncf_hooks.pre_hooks.features/5/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240, 1, 1, 1)"]; -"features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 1, 5, 5)"]; -"features/5/block/1/0/conv2d/0" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features.5.block.1.1.weight" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; -"features.5.block.1.1.bias" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features.5.block.1.1.running_mean" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; -"features.5.block.1.1.running_var" -> "features/5/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; -"features/5/block/1/1/batch_norm/0" -> "features/5/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features/5/block/1/2/hardswish/0" -> "features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"__nncf_hooks.post_hooks.features/5/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/5/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/5/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features/5/block/2/adaptive_avg_pool2d/0" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features.5.block.2.fc1.weight" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 240, 1, 1)"]; -"features.5.block.2.fc1.bias" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features/5/block/2/fc1/conv2d/0" -> "features/5/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"features/5/block/2/relu/relu_/0" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"features.5.block.2.fc2.weight" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 64, 1, 1)"]; -"features.5.block.2.fc2.bias" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features/5/block/2/fc2/conv2d/0" -> "features/5/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features/5/block/2/hardsigmoid/0" -> "features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"__nncf_hooks.post_hooks.features/5/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/5/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features/5/block/2/mul/0" -> "features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"__nncf_hooks.post_hooks.features/5/block/2/mul/0__0.0._scale_param_storage" -> "features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/5/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features.5.block.3.0.weight" -> "features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(40, 240, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/5/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40, 1, 1, 1)"]; -"features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 240, 1, 1)"]; -"features/5/block/3/0/conv2d/0" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; -"features.5.block.3.1.weight" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; -"features.5.block.3.1.bias" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; -"features.5.block.3.1.running_mean" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; -"features.5.block.3.1.running_var" -> "features/5/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; -"features/5/block/3/1/batch_norm/0" -> "features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; -"__nncf_hooks.post_hooks.features/5/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; -"features/5/add_/0" -> "features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; -"__nncf_hooks.post_hooks.features/5/add_/0__0.0._scale_param_storage" -> "features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" -> "features/6/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; -"features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" -> "features/6/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 40, 2, 2)"]; -"features.6.block.0.0.weight" -> "features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(240, 40, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/6/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240, 1, 1, 1)"]; -"features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 40, 1, 1)"]; -"features/6/block/0/0/conv2d/0" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features.6.block.0.1.weight" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; -"features.6.block.0.1.bias" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features.6.block.0.1.running_mean" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; -"features.6.block.0.1.running_var" -> "features/6/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; -"features/6/block/0/1/batch_norm/0" -> "features/6/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features/6/block/0/2/hardswish/0" -> "features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"__nncf_hooks.post_hooks.features/6/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/6/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features.6.block.1.0.weight" -> "features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(240, 1, 5, 5)"]; -"__nncf_hooks.pre_hooks.features/6/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240, 1, 1, 1)"]; -"features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 1, 5, 5)"]; -"features/6/block/1/0/conv2d/0" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features.6.block.1.1.weight" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240,)"]; -"features.6.block.1.1.bias" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features.6.block.1.1.running_mean" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(240,)"]; -"features.6.block.1.1.running_var" -> "features/6/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(240,)"]; -"features/6/block/1/1/batch_norm/0" -> "features/6/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features/6/block/1/2/hardswish/0" -> "features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"__nncf_hooks.post_hooks.features/6/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/6/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/6/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features/6/block/2/adaptive_avg_pool2d/0" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features.6.block.2.fc1.weight" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 240, 1, 1)"]; -"features.6.block.2.fc1.bias" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features/6/block/2/fc1/conv2d/0" -> "features/6/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"features/6/block/2/relu/relu_/0" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"features.6.block.2.fc2.weight" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(240, 64, 1, 1)"]; -"features.6.block.2.fc2.bias" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(240,)"]; -"features/6/block/2/fc2/conv2d/0" -> "features/6/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features/6/block/2/hardsigmoid/0" -> "features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"__nncf_hooks.post_hooks.features/6/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/6/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 1, 1)"]; -"features/6/block/2/mul/0" -> "features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"__nncf_hooks.post_hooks.features/6/block/2/mul/0__0.0._scale_param_storage" -> "features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/6/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 240, 2, 2)"]; -"features.6.block.3.0.weight" -> "features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(40, 240, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/6/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40, 1, 1, 1)"]; -"features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 240, 1, 1)"]; -"features/6/block/3/0/conv2d/0" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; -"features.6.block.3.1.weight" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40,)"]; -"features.6.block.3.1.bias" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; -"features.6.block.3.1.running_mean" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(40,)"]; -"features.6.block.3.1.running_var" -> "features/6/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(40,)"]; -"features/6/block/3/1/batch_norm/0" -> "features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; -"__nncf_hooks.post_hooks.features/6/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/6/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; -"features/6/add_/0" -> "features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; -"__nncf_hooks.post_hooks.features/6/add_/0__0.0._scale_param_storage" -> "features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" -> "features/7/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 2, 2)"]; -"features.7.block.0.0.weight" -> "features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(120, 40, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/7/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(120, 1, 1, 1)"]; -"features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120, 40, 1, 1)"]; -"features/7/block/0/0/conv2d/0" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; -"features.7.block.0.1.weight" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120,)"]; -"features.7.block.0.1.bias" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(120,)"]; -"features.7.block.0.1.running_mean" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(120,)"]; -"features.7.block.0.1.running_var" -> "features/7/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(120,)"]; -"features/7/block/0/1/batch_norm/0" -> "features/7/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; -"features/7/block/0/2/hardswish/0" -> "features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; -"__nncf_hooks.post_hooks.features/7/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 120, 1, 1)"]; -"features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/7/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; -"features.7.block.1.0.weight" -> "features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(120, 1, 5, 5)"]; -"__nncf_hooks.pre_hooks.features/7/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(120, 1, 1, 1)"]; -"features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120, 1, 5, 5)"]; -"features/7/block/1/0/conv2d/0" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; -"features.7.block.1.1.weight" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120,)"]; -"features.7.block.1.1.bias" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(120,)"]; -"features.7.block.1.1.running_mean" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(120,)"]; -"features.7.block.1.1.running_var" -> "features/7/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(120,)"]; -"features/7/block/1/1/batch_norm/0" -> "features/7/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; -"features/7/block/1/2/hardswish/0" -> "features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; -"__nncf_hooks.post_hooks.features/7/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/7/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; -"features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/7/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 120, 2, 2)"]; -"features/7/block/2/adaptive_avg_pool2d/0" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 1, 1)"]; -"features.7.block.2.fc1.weight" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 120, 1, 1)"]; -"features.7.block.2.fc1.bias" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"features/7/block/2/fc1/conv2d/0" -> "features/7/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 1, 1)"]; -"features/7/block/2/relu/relu_/0" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 1, 1)"]; -"features.7.block.2.fc2.weight" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(120, 32, 1, 1)"]; -"features.7.block.2.fc2.bias" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(120,)"]; -"features/7/block/2/fc2/conv2d/0" -> "features/7/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 1, 1)"]; -"features/7/block/2/hardsigmoid/0" -> "features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 1, 1)"]; -"__nncf_hooks.post_hooks.features/7/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/7/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 1, 1)"]; -"features/7/block/2/mul/0" -> "features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; -"__nncf_hooks.post_hooks.features/7/block/2/mul/0__0.0._scale_param_storage" -> "features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/7/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 120, 2, 2)"]; -"features.7.block.3.0.weight" -> "features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 120, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/7/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 120, 1, 1)"]; -"features/7/block/3/0/conv2d/0" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; -"features.7.block.3.1.weight" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"features.7.block.3.1.bias" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"features.7.block.3.1.running_mean" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"features.7.block.3.1.running_var" -> "features/7/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"features/7/block/3/1/batch_norm/0" -> "features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; -"__nncf_hooks.post_hooks.features/7/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; -"features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 2, 2)"]; -"features.8.block.0.0.weight" -> "features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(144, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/8/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144, 1, 1, 1)"]; -"features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 48, 1, 1)"]; -"features/8/block/0/0/conv2d/0" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; -"features.8.block.0.1.weight" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.8.block.0.1.bias" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.8.block.0.1.running_mean" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.8.block.0.1.running_var" -> "features/8/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/8/block/0/1/batch_norm/0" -> "features/8/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; -"features/8/block/0/2/hardswish/0" -> "features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; -"__nncf_hooks.post_hooks.features/8/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/8/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; -"features.8.block.1.0.weight" -> "features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(144, 1, 5, 5)"]; -"__nncf_hooks.pre_hooks.features/8/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144, 1, 1, 1)"]; -"features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 1, 5, 5)"]; -"features/8/block/1/0/conv2d/0" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; -"features.8.block.1.1.weight" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144,)"]; -"features.8.block.1.1.bias" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features.8.block.1.1.running_mean" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(144,)"]; -"features.8.block.1.1.running_var" -> "features/8/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(144,)"]; -"features/8/block/1/1/batch_norm/0" -> "features/8/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; -"features/8/block/1/2/hardswish/0" -> "features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; -"__nncf_hooks.post_hooks.features/8/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/8/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; -"features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/8/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 144, 2, 2)"]; -"features/8/block/2/adaptive_avg_pool2d/0" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features.8.block.2.fc1.weight" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(40, 144, 1, 1)"]; -"features.8.block.2.fc1.bias" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(40,)"]; -"features/8/block/2/fc1/conv2d/0" -> "features/8/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 1, 1)"]; -"features/8/block/2/relu/relu_/0" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 40, 1, 1)"]; -"features.8.block.2.fc2.weight" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 40, 1, 1)"]; -"features.8.block.2.fc2.bias" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features/8/block/2/fc2/conv2d/0" -> "features/8/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/8/block/2/hardsigmoid/0" -> "features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"__nncf_hooks.post_hooks.features/8/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/8/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/8/block/2/mul/0" -> "features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; -"__nncf_hooks.post_hooks.features/8/block/2/mul/0__0.0._scale_param_storage" -> "features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/8/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 2, 2)"]; -"features.8.block.3.0.weight" -> "features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 144, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/8/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 144, 1, 1)"]; -"features/8/block/3/0/conv2d/0" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; -"features.8.block.3.1.weight" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"features.8.block.3.1.bias" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"features.8.block.3.1.running_mean" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"features.8.block.3.1.running_var" -> "features/8/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"features/8/block/3/1/batch_norm/0" -> "features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; -"__nncf_hooks.post_hooks.features/8/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; -"features/8/add_/0" -> "features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; -"__nncf_hooks.post_hooks.features/8/add_/0__0.0._scale_param_storage" -> "features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" -> "features/9/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 2)"]; -"features.9.block.0.0.weight" -> "features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(288, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/9/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288, 1, 1, 1)"]; -"features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288, 48, 1, 1)"]; -"features/9/block/0/0/conv2d/0" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; -"features.9.block.0.1.weight" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; -"features.9.block.0.1.bias" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; -"features.9.block.0.1.running_mean" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; -"features.9.block.0.1.running_var" -> "features/9/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; -"features/9/block/0/1/batch_norm/0" -> "features/9/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; -"features/9/block/0/2/hardswish/0" -> "features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; -"__nncf_hooks.post_hooks.features/9/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 288, 1, 1)"]; -"features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/9/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 2, 2)"]; -"features.9.block.1.0.weight" -> "features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(288, 1, 5, 5)"]; -"__nncf_hooks.pre_hooks.features/9/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288, 1, 1, 1)"]; -"features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288, 1, 5, 5)"]; -"features/9/block/1/0/conv2d/0" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; -"features.9.block.1.1.weight" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288,)"]; -"features.9.block.1.1.bias" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; -"features.9.block.1.1.running_mean" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(288,)"]; -"features.9.block.1.1.running_var" -> "features/9/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(288,)"]; -"features/9/block/1/1/batch_norm/0" -> "features/9/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; -"features/9/block/1/2/hardswish/0" -> "features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; -"__nncf_hooks.post_hooks.features/9/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/9/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; -"features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/9/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 288, 1, 1)"]; -"features/9/block/2/adaptive_avg_pool2d/0" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; -"features.9.block.2.fc1.weight" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(72, 288, 1, 1)"]; -"features.9.block.2.fc1.bias" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(72,)"]; -"features/9/block/2/fc1/conv2d/0" -> "features/9/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 1, 1)"]; -"features/9/block/2/relu/relu_/0" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 72, 1, 1)"]; -"features.9.block.2.fc2.weight" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(288, 72, 1, 1)"]; -"features.9.block.2.fc2.bias" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(288,)"]; -"features/9/block/2/fc2/conv2d/0" -> "features/9/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; -"features/9/block/2/hardsigmoid/0" -> "features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; -"__nncf_hooks.post_hooks.features/9/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/9/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; -"features/9/block/2/mul/0" -> "features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; -"__nncf_hooks.post_hooks.features/9/block/2/mul/0__0.0._scale_param_storage" -> "features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/9/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 288, 1, 1)"]; -"features.9.block.3.0.weight" -> "features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 288, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/9/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 288, 1, 1)"]; -"features/9/block/3/0/conv2d/0" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features.9.block.3.1.weight" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.9.block.3.1.bias" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.9.block.3.1.running_mean" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.9.block.3.1.running_var" -> "features/9/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/9/block/3/1/batch_norm/0" -> "features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"__nncf_hooks.post_hooks.features/9/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features.10.block.0.0.weight" -> "features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/10/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; -"features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; -"features/10/block/0/0/conv2d/0" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.10.block.0.1.weight" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.10.block.0.1.bias" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.10.block.0.1.running_mean" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.10.block.0.1.running_var" -> "features/10/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/10/block/0/1/batch_norm/0" -> "features/10/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/10/block/0/2/hardswish/0" -> "features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"__nncf_hooks.post_hooks.features/10/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/10/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.10.block.1.0.weight" -> "features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 1, 5, 5)"]; -"__nncf_hooks.pre_hooks.features/10/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; -"features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 5, 5)"]; -"features/10/block/1/0/conv2d/0" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.10.block.1.1.weight" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.10.block.1.1.bias" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.10.block.1.1.running_mean" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.10.block.1.1.running_var" -> "features/10/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/10/block/1/1/batch_norm/0" -> "features/10/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/10/block/1/2/hardswish/0" -> "features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"__nncf_hooks.post_hooks.features/10/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/10/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/10/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/10/block/2/adaptive_avg_pool2d/0" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.10.block.2.fc1.weight" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 576, 1, 1)"]; -"features.10.block.2.fc1.bias" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features/10/block/2/fc1/conv2d/0" -> "features/10/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/10/block/2/relu/relu_/0" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features.10.block.2.fc2.weight" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 144, 1, 1)"]; -"features.10.block.2.fc2.bias" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features/10/block/2/fc2/conv2d/0" -> "features/10/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/10/block/2/hardsigmoid/0" -> "features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"__nncf_hooks.post_hooks.features/10/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/10/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/10/block/2/mul/0" -> "features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"__nncf_hooks.post_hooks.features/10/block/2/mul/0__0.0._scale_param_storage" -> "features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/10/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.10.block.3.0.weight" -> "features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 576, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/10/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; -"features/10/block/3/0/conv2d/0" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features.10.block.3.1.weight" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.10.block.3.1.bias" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.10.block.3.1.running_mean" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.10.block.3.1.running_var" -> "features/10/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/10/block/3/1/batch_norm/0" -> "features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"__nncf_hooks.post_hooks.features/10/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features/10/add_/0" -> "features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"__nncf_hooks.post_hooks.features/10/add_/0__0.0._scale_param_storage" -> "features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" -> "features/11/block/0/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" -> "features/11/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features.11.block.0.0.weight" -> "features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/11/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; -"features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/block/0/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; -"features/11/block/0/0/conv2d/0" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.11.block.0.1.weight" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.11.block.0.1.bias" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.11.block.0.1.running_mean" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.11.block.0.1.running_var" -> "features/11/block/0/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/11/block/0/1/batch_norm/0" -> "features/11/block/0/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/11/block/0/2/hardswish/0" -> "features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"__nncf_hooks.post_hooks.features/11/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/11/block/1/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.11.block.1.0.weight" -> "features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 1, 5, 5)"]; -"__nncf_hooks.pre_hooks.features/11/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; -"features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/block/1/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 1, 5, 5)"]; -"features/11/block/1/0/conv2d/0" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.11.block.1.1.weight" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.11.block.1.1.bias" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.11.block.1.1.running_mean" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.11.block.1.1.running_var" -> "features/11/block/1/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/11/block/1/1/batch_norm/0" -> "features/11/block/1/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/11/block/1/2/hardswish/0" -> "features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"__nncf_hooks.post_hooks.features/11/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/11/block/2/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/11/block/2/mul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/11/block/2/adaptive_avg_pool2d/0" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.11.block.2.fc1.weight" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(144, 576, 1, 1)"]; -"features.11.block.2.fc1.bias" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(144,)"]; -"features/11/block/2/fc1/conv2d/0" -> "features/11/block/2/relu/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features/11/block/2/relu/relu_/0" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 144, 1, 1)"]; -"features.11.block.2.fc2.weight" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 144, 1, 1)"]; -"features.11.block.2.fc2.bias" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features/11/block/2/fc2/conv2d/0" -> "features/11/block/2/hardsigmoid/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/11/block/2/hardsigmoid/0" -> "features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"__nncf_hooks.post_hooks.features/11/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/11/block/2/mul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/11/block/2/mul/0" -> "features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"__nncf_hooks.post_hooks.features/11/block/2/mul/0__0.0._scale_param_storage" -> "features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/11/block/3/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.11.block.3.0.weight" -> "features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 576, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/11/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/block/3/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 576, 1, 1)"]; -"features/11/block/3/0/conv2d/0" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features.11.block.3.1.weight" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"features.11.block.3.1.bias" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"features.11.block.3.1.running_mean" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"features.11.block.3.1.running_var" -> "features/11/block/3/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"features/11/block/3/1/batch_norm/0" -> "features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"__nncf_hooks.post_hooks.features/11/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/11/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features/11/add_/0" -> "features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"__nncf_hooks.post_hooks.features/11/add_/0__0.0._scale_param_storage" -> "features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" -> "features/12/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 1, 1)"]; -"features.12.0.weight" -> "features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(576, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.features/12/0/conv2d/0__1.0._scale_param_storage" -> "features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576, 1, 1, 1)"]; -"features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576, 96, 1, 1)"]; -"features/12/0/conv2d/0" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features.12.1.weight" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(576,)"]; -"features.12.1.bias" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(576,)"]; -"features.12.1.running_mean" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(576,)"]; -"features.12.1.running_var" -> "features/12/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(576,)"]; -"features/12/1/batch_norm/0" -> "features/12/2/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"features/12/2/hardswish/0" -> "features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"__nncf_hooks.post_hooks.features/12/2/hardswish/0__0.0._scale_param_storage" -> "features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"avgpool/adaptive_avg_pool2d/0" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576, 1, 1)"]; -"/flatten/0" -> "classifier/0/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 576)"]; -"classifier.0.weight" -> "classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1024, 576)"]; -"classifier.0.bias" -> "classifier/0/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"__nncf_hooks.pre_hooks.classifier/0/linear/0__1.0._scale_param_storage" -> "classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024, 1)"]; -"classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" -> "classifier/0/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 576)"]; -"classifier/0/linear/0" -> "classifier/1/hardswish/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"classifier/1/hardswish/0" -> "classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"__nncf_hooks.post_hooks.classifier/1/hardswish/0__0.0._scale_param_storage" -> "classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" -> "classifier/2/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"classifier/2/dropout/0" -> "classifier/3/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"classifier.3.weight" -> "classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1000, 1024)"]; -"classifier.3.bias" -> "classifier/3/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"__nncf_hooks.pre_hooks.classifier/3/linear/0__1.0._scale_param_storage" -> "classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1000, 1)"]; -"classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" -> "classifier/3/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 1024)"]; -"classifier/3/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.0.0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=5, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/0/0/conv2d/0" [id=6, type=conv2d, metatype=PTConv2dMetatype]; +"features.0.1.weight" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.bias" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.running_mean" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.1.running_var" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/1/batch_norm/0" [id=11, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/0/2/hardswish/0" [id=12, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/0/2/hardswish/0__0.0._scale_param_storage" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=14, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.1.block.0.0.weight" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/1/block/0/0/conv2d/0__1.0._scale_param_storage" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=17, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/1/block/0/0/conv2d/0" [id=18, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.1.block.0.1.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.0.1.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.0.1.running_mean" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.0.1.running_var" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/0/1/batch_norm/0" [id=23, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/1/block/0/2/relu_/0" [id=24, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/1/block/0/2/relu_/0__0.0._scale_param_storage" [id=25, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [id=26, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/1/block/1/adaptive_avg_pool2d/0" [id=27, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.1.block.1.fc1.weight" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.1.fc1.bias" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/1/fc1/conv2d/0" [id=30, type=conv2d, metatype=PTConv2dMetatype]; +"features/1/block/1/relu/relu_/0" [id=31, type="relu_", metatype=PTRELUMetatype]; +"features.1.block.1.fc2.weight" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.1.fc2.bias" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/1/fc2/conv2d/0" [id=34, type=conv2d, metatype=PTConv2dMetatype]; +"features/1/block/1/hardsigmoid/0" [id=35, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"__nncf_hooks.post_hooks.features/1/block/1/hardsigmoid/0__0.0._scale_param_storage" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=37, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/1/block/1/mul/0" [id=38, type=mul, metatype=PTMulMetatype]; +"__nncf_hooks.post_hooks.features/1/block/1/mul/0__0.0._scale_param_storage" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" [id=40, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.1.block.2.0.weight" [id=41, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/1/block/2/0/conv2d/0__1.0._scale_param_storage" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=43, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/1/block/2/0/conv2d/0" [id=44, type=conv2d, metatype=PTConv2dMetatype]; +"features.1.block.2.1.weight" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.2.1.bias" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.2.1.running_mean" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.block.2.1.running_var" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/2/1/batch_norm/0" [id=49, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/1/block/2/1/batch_norm/0__0.0._scale_param_storage" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=51, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.2.block.0.0.weight" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/2/block/0/0/conv2d/0__1.0._scale_param_storage" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=54, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/2/block/0/0/conv2d/0" [id=55, type=conv2d, metatype=PTConv2dMetatype]; +"features.2.block.0.1.weight" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.0.1.bias" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.0.1.running_mean" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.0.1.running_var" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/0/1/batch_norm/0" [id=60, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/2/block/0/2/relu_/0" [id=61, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/2/block/0/2/relu_/0__0.0._scale_param_storage" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [id=63, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.2.block.1.0.weight" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/2/block/1/0/conv2d/0__1.0._scale_param_storage" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=66, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/2/block/1/0/conv2d/0" [id=67, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.2.block.1.1.weight" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.1.1.bias" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.1.1.running_mean" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.1.1.running_var" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/1/1/batch_norm/0" [id=72, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/2/block/1/2/relu_/0" [id=73, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/2/block/1/2/relu_/0__0.0._scale_param_storage" [id=74, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [id=75, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.2.block.2.0.weight" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/2/block/2/0/conv2d/0__1.0._scale_param_storage" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=78, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/2/block/2/0/conv2d/0" [id=79, type=conv2d, metatype=PTConv2dMetatype]; +"features.2.block.2.1.weight" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.2.1.bias" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.2.1.running_mean" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.2.block.2.1.running_var" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/2/1/batch_norm/0" [id=84, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/2/block/2/1/batch_norm/0__0.0._scale_param_storage" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=86, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.3.block.0.0.weight" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/3/block/0/0/conv2d/0__1.0._scale_param_storage" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=89, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/3/block/0/0/conv2d/0" [id=90, type=conv2d, metatype=PTConv2dMetatype]; +"features.3.block.0.1.weight" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.0.1.bias" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.0.1.running_mean" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.0.1.running_var" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/0/1/batch_norm/0" [id=95, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/block/0/2/relu_/0" [id=96, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/3/block/0/2/relu_/0__0.0._scale_param_storage" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [id=98, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.3.block.1.0.weight" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/3/block/1/0/conv2d/0__1.0._scale_param_storage" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=101, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/3/block/1/0/conv2d/0" [id=102, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.3.block.1.1.weight" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.1.1.bias" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.1.1.running_mean" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.1.1.running_var" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/1/1/batch_norm/0" [id=107, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/3/block/1/2/relu_/0" [id=108, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/3/block/1/2/relu_/0__0.0._scale_param_storage" [id=109, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [id=110, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.3.block.2.0.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/3/block/2/0/conv2d/0__1.0._scale_param_storage" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [id=113, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/3/block/2/0/conv2d/0" [id=114, type=conv2d, metatype=PTConv2dMetatype]; +"features.3.block.2.1.weight" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.2.1.bias" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.2.1.running_mean" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.block.2.1.running_var" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/2/1/batch_norm/0" [id=119, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/3/block/2/1/batch_norm/0__0.0._scale_param_storage" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=121, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/3/add_/0" [id=122, type="add_", metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/3/add_/0__0.0._scale_param_storage" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" [id=124, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.4.block.0.0.weight" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/4/block/0/0/conv2d/0__1.0._scale_param_storage" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=127, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/4/block/0/0/conv2d/0" [id=128, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.block.0.1.weight" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.0.1.bias" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.0.1.running_mean" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.0.1.running_var" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/0/1/batch_norm/0" [id=133, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/block/0/2/hardswish/0" [id=134, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/4/block/0/2/hardswish/0__0.0._scale_param_storage" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=136, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.4.block.1.0.weight" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/4/block/1/0/conv2d/0__1.0._scale_param_storage" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=139, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/4/block/1/0/conv2d/0" [id=140, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.4.block.1.1.weight" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.1.1.bias" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.1.1.running_mean" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.1.1.running_var" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/1/1/batch_norm/0" [id=145, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/4/block/1/2/hardswish/0" [id=146, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/4/block/1/2/hardswish/0__0.0._scale_param_storage" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=148, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/4/block/2/adaptive_avg_pool2d/0" [id=149, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.4.block.2.fc1.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.2.fc1.bias" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/2/fc1/conv2d/0" [id=152, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/block/2/relu/relu_/0" [id=153, type="relu_", metatype=PTRELUMetatype]; +"features.4.block.2.fc2.weight" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.2.fc2.bias" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/2/fc2/conv2d/0" [id=156, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/block/2/hardsigmoid/0" [id=157, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"__nncf_hooks.post_hooks.features/4/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=159, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/4/block/2/mul/0" [id=160, type=mul, metatype=PTMulMetatype]; +"__nncf_hooks.post_hooks.features/4/block/2/mul/0__0.0._scale_param_storage" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" [id=162, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.4.block.3.0.weight" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/4/block/3/0/conv2d/0__1.0._scale_param_storage" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=165, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/4/block/3/0/conv2d/0" [id=166, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.block.3.1.weight" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.3.1.bias" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.3.1.running_mean" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.block.3.1.running_var" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/3/1/batch_norm/0" [id=171, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/4/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=173, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.5.block.0.0.weight" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/5/block/0/0/conv2d/0__1.0._scale_param_storage" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=176, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/5/block/0/0/conv2d/0" [id=177, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.block.0.1.weight" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.0.1.bias" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.0.1.running_mean" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.0.1.running_var" [id=181, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/0/1/batch_norm/0" [id=182, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/block/0/2/hardswish/0" [id=183, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/5/block/0/2/hardswish/0__0.0._scale_param_storage" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=185, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.5.block.1.0.weight" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/5/block/1/0/conv2d/0__1.0._scale_param_storage" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=188, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/5/block/1/0/conv2d/0" [id=189, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.5.block.1.1.weight" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.1.1.bias" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.1.1.running_mean" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.1.1.running_var" [id=193, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/1/1/batch_norm/0" [id=194, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/block/1/2/hardswish/0" [id=195, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/5/block/1/2/hardswish/0__0.0._scale_param_storage" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=197, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/5/block/2/adaptive_avg_pool2d/0" [id=198, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.5.block.2.fc1.weight" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.2.fc1.bias" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/2/fc1/conv2d/0" [id=201, type=conv2d, metatype=PTConv2dMetatype]; +"features/5/block/2/relu/relu_/0" [id=202, type="relu_", metatype=PTRELUMetatype]; +"features.5.block.2.fc2.weight" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.2.fc2.bias" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/2/fc2/conv2d/0" [id=205, type=conv2d, metatype=PTConv2dMetatype]; +"features/5/block/2/hardsigmoid/0" [id=206, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"__nncf_hooks.post_hooks.features/5/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=208, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/5/block/2/mul/0" [id=209, type=mul, metatype=PTMulMetatype]; +"__nncf_hooks.post_hooks.features/5/block/2/mul/0__0.0._scale_param_storage" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" [id=211, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.5.block.3.0.weight" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/5/block/3/0/conv2d/0__1.0._scale_param_storage" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=214, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/5/block/3/0/conv2d/0" [id=215, type=conv2d, metatype=PTConv2dMetatype]; +"features.5.block.3.1.weight" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.3.1.bias" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.3.1.running_mean" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.5.block.3.1.running_var" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/3/1/batch_norm/0" [id=220, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/5/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=222, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/5/add_/0" [id=223, type="add_", metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/5/add_/0__0.0._scale_param_storage" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" [id=225, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.6.block.0.0.weight" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/6/block/0/0/conv2d/0__1.0._scale_param_storage" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=228, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/block/0/0/conv2d/0" [id=229, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.block.0.1.weight" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.0.1.bias" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.0.1.running_mean" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.0.1.running_var" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/0/1/batch_norm/0" [id=234, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/block/0/2/hardswish/0" [id=235, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/6/block/0/2/hardswish/0__0.0._scale_param_storage" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=237, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.6.block.1.0.weight" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/6/block/1/0/conv2d/0__1.0._scale_param_storage" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=240, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/block/1/0/conv2d/0" [id=241, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.6.block.1.1.weight" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.1.1.bias" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.1.1.running_mean" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.1.1.running_var" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/1/1/batch_norm/0" [id=246, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/6/block/1/2/hardswish/0" [id=247, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/6/block/1/2/hardswish/0__0.0._scale_param_storage" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=249, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/block/2/adaptive_avg_pool2d/0" [id=250, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.6.block.2.fc1.weight" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.2.fc1.bias" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/2/fc1/conv2d/0" [id=253, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/block/2/relu/relu_/0" [id=254, type="relu_", metatype=PTRELUMetatype]; +"features.6.block.2.fc2.weight" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.2.fc2.bias" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/2/fc2/conv2d/0" [id=257, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/block/2/hardsigmoid/0" [id=258, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"__nncf_hooks.post_hooks.features/6/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=260, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/block/2/mul/0" [id=261, type=mul, metatype=PTMulMetatype]; +"__nncf_hooks.post_hooks.features/6/block/2/mul/0__0.0._scale_param_storage" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" [id=263, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.6.block.3.0.weight" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/6/block/3/0/conv2d/0__1.0._scale_param_storage" [id=265, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=266, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/block/3/0/conv2d/0" [id=267, type=conv2d, metatype=PTConv2dMetatype]; +"features.6.block.3.1.weight" [id=268, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.3.1.bias" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.3.1.running_mean" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.block.3.1.running_var" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/3/1/batch_norm/0" [id=272, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/6/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=273, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=274, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/add_/0" [id=275, type="add_", metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/6/add_/0__0.0._scale_param_storage" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" [id=277, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.7.block.0.0.weight" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/7/block/0/0/conv2d/0__1.0._scale_param_storage" [id=279, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=280, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/7/block/0/0/conv2d/0" [id=281, type=conv2d, metatype=PTConv2dMetatype]; +"features.7.block.0.1.weight" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.0.1.bias" [id=283, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.0.1.running_mean" [id=284, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.0.1.running_var" [id=285, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/0/1/batch_norm/0" [id=286, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/7/block/0/2/hardswish/0" [id=287, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/7/block/0/2/hardswish/0__0.0._scale_param_storage" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=289, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.7.block.1.0.weight" [id=290, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/7/block/1/0/conv2d/0__1.0._scale_param_storage" [id=291, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=292, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/7/block/1/0/conv2d/0" [id=293, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.7.block.1.1.weight" [id=294, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.1.1.bias" [id=295, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.1.1.running_mean" [id=296, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.1.1.running_var" [id=297, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/1/1/batch_norm/0" [id=298, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/7/block/1/2/hardswish/0" [id=299, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/7/block/1/2/hardswish/0__0.0._scale_param_storage" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=301, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/7/block/2/adaptive_avg_pool2d/0" [id=302, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.7.block.2.fc1.weight" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.2.fc1.bias" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/2/fc1/conv2d/0" [id=305, type=conv2d, metatype=PTConv2dMetatype]; +"features/7/block/2/relu/relu_/0" [id=306, type="relu_", metatype=PTRELUMetatype]; +"features.7.block.2.fc2.weight" [id=307, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.2.fc2.bias" [id=308, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/2/fc2/conv2d/0" [id=309, type=conv2d, metatype=PTConv2dMetatype]; +"features/7/block/2/hardsigmoid/0" [id=310, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"__nncf_hooks.post_hooks.features/7/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=312, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/7/block/2/mul/0" [id=313, type=mul, metatype=PTMulMetatype]; +"__nncf_hooks.post_hooks.features/7/block/2/mul/0__0.0._scale_param_storage" [id=314, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" [id=315, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.7.block.3.0.weight" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/7/block/3/0/conv2d/0__1.0._scale_param_storage" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=318, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/7/block/3/0/conv2d/0" [id=319, type=conv2d, metatype=PTConv2dMetatype]; +"features.7.block.3.1.weight" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.3.1.bias" [id=321, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.3.1.running_mean" [id=322, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.block.3.1.running_var" [id=323, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/3/1/batch_norm/0" [id=324, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/7/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=325, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=326, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.8.block.0.0.weight" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/8/block/0/0/conv2d/0__1.0._scale_param_storage" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=329, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/8/block/0/0/conv2d/0" [id=330, type=conv2d, metatype=PTConv2dMetatype]; +"features.8.block.0.1.weight" [id=331, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.0.1.bias" [id=332, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.0.1.running_mean" [id=333, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.0.1.running_var" [id=334, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/0/1/batch_norm/0" [id=335, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/8/block/0/2/hardswish/0" [id=336, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/8/block/0/2/hardswish/0__0.0._scale_param_storage" [id=337, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=338, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.8.block.1.0.weight" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/8/block/1/0/conv2d/0__1.0._scale_param_storage" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=341, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/8/block/1/0/conv2d/0" [id=342, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.8.block.1.1.weight" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.1.1.bias" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.1.1.running_mean" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.1.1.running_var" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/1/1/batch_norm/0" [id=347, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/8/block/1/2/hardswish/0" [id=348, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/8/block/1/2/hardswish/0__0.0._scale_param_storage" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=350, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/8/block/2/adaptive_avg_pool2d/0" [id=351, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.8.block.2.fc1.weight" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.2.fc1.bias" [id=353, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/2/fc1/conv2d/0" [id=354, type=conv2d, metatype=PTConv2dMetatype]; +"features/8/block/2/relu/relu_/0" [id=355, type="relu_", metatype=PTRELUMetatype]; +"features.8.block.2.fc2.weight" [id=356, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.2.fc2.bias" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/2/fc2/conv2d/0" [id=358, type=conv2d, metatype=PTConv2dMetatype]; +"features/8/block/2/hardsigmoid/0" [id=359, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"__nncf_hooks.post_hooks.features/8/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=361, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/8/block/2/mul/0" [id=362, type=mul, metatype=PTMulMetatype]; +"__nncf_hooks.post_hooks.features/8/block/2/mul/0__0.0._scale_param_storage" [id=363, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" [id=364, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.8.block.3.0.weight" [id=365, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/8/block/3/0/conv2d/0__1.0._scale_param_storage" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=367, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/8/block/3/0/conv2d/0" [id=368, type=conv2d, metatype=PTConv2dMetatype]; +"features.8.block.3.1.weight" [id=369, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.3.1.bias" [id=370, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.3.1.running_mean" [id=371, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.block.3.1.running_var" [id=372, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/3/1/batch_norm/0" [id=373, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/8/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=374, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=375, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/8/add_/0" [id=376, type="add_", metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/8/add_/0__0.0._scale_param_storage" [id=377, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" [id=378, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.9.block.0.0.weight" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/9/block/0/0/conv2d/0__1.0._scale_param_storage" [id=380, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=381, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/9/block/0/0/conv2d/0" [id=382, type=conv2d, metatype=PTConv2dMetatype]; +"features.9.block.0.1.weight" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.0.1.bias" [id=384, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.0.1.running_mean" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.0.1.running_var" [id=386, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/0/1/batch_norm/0" [id=387, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/9/block/0/2/hardswish/0" [id=388, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/9/block/0/2/hardswish/0__0.0._scale_param_storage" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=390, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.9.block.1.0.weight" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/9/block/1/0/conv2d/0__1.0._scale_param_storage" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=393, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/9/block/1/0/conv2d/0" [id=394, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.9.block.1.1.weight" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.1.1.bias" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.1.1.running_mean" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.1.1.running_var" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/1/1/batch_norm/0" [id=399, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/9/block/1/2/hardswish/0" [id=400, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/9/block/1/2/hardswish/0__0.0._scale_param_storage" [id=401, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=402, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/9/block/2/adaptive_avg_pool2d/0" [id=403, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.9.block.2.fc1.weight" [id=404, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.2.fc1.bias" [id=405, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/2/fc1/conv2d/0" [id=406, type=conv2d, metatype=PTConv2dMetatype]; +"features/9/block/2/relu/relu_/0" [id=407, type="relu_", metatype=PTRELUMetatype]; +"features.9.block.2.fc2.weight" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.2.fc2.bias" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/2/fc2/conv2d/0" [id=410, type=conv2d, metatype=PTConv2dMetatype]; +"features/9/block/2/hardsigmoid/0" [id=411, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"__nncf_hooks.post_hooks.features/9/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=412, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=413, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/9/block/2/mul/0" [id=414, type=mul, metatype=PTMulMetatype]; +"__nncf_hooks.post_hooks.features/9/block/2/mul/0__0.0._scale_param_storage" [id=415, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" [id=416, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.9.block.3.0.weight" [id=417, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/9/block/3/0/conv2d/0__1.0._scale_param_storage" [id=418, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=419, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/9/block/3/0/conv2d/0" [id=420, type=conv2d, metatype=PTConv2dMetatype]; +"features.9.block.3.1.weight" [id=421, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.3.1.bias" [id=422, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.3.1.running_mean" [id=423, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.block.3.1.running_var" [id=424, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/3/1/batch_norm/0" [id=425, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/9/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=426, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=427, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.10.block.0.0.weight" [id=428, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/10/block/0/0/conv2d/0__1.0._scale_param_storage" [id=429, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=430, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/block/0/0/conv2d/0" [id=431, type=conv2d, metatype=PTConv2dMetatype]; +"features.10.block.0.1.weight" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.0.1.bias" [id=433, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.0.1.running_mean" [id=434, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.0.1.running_var" [id=435, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/0/1/batch_norm/0" [id=436, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/10/block/0/2/hardswish/0" [id=437, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/10/block/0/2/hardswish/0__0.0._scale_param_storage" [id=438, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=439, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.10.block.1.0.weight" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/10/block/1/0/conv2d/0__1.0._scale_param_storage" [id=441, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=442, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/block/1/0/conv2d/0" [id=443, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.10.block.1.1.weight" [id=444, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.1.1.bias" [id=445, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.1.1.running_mean" [id=446, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.1.1.running_var" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/1/1/batch_norm/0" [id=448, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/10/block/1/2/hardswish/0" [id=449, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/10/block/1/2/hardswish/0__0.0._scale_param_storage" [id=450, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=451, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/block/2/adaptive_avg_pool2d/0" [id=452, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.10.block.2.fc1.weight" [id=453, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.2.fc1.bias" [id=454, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/2/fc1/conv2d/0" [id=455, type=conv2d, metatype=PTConv2dMetatype]; +"features/10/block/2/relu/relu_/0" [id=456, type="relu_", metatype=PTRELUMetatype]; +"features.10.block.2.fc2.weight" [id=457, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.2.fc2.bias" [id=458, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/2/fc2/conv2d/0" [id=459, type=conv2d, metatype=PTConv2dMetatype]; +"features/10/block/2/hardsigmoid/0" [id=460, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"__nncf_hooks.post_hooks.features/10/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=461, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=462, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/block/2/mul/0" [id=463, type=mul, metatype=PTMulMetatype]; +"__nncf_hooks.post_hooks.features/10/block/2/mul/0__0.0._scale_param_storage" [id=464, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" [id=465, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.10.block.3.0.weight" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/10/block/3/0/conv2d/0__1.0._scale_param_storage" [id=467, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=468, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/block/3/0/conv2d/0" [id=469, type=conv2d, metatype=PTConv2dMetatype]; +"features.10.block.3.1.weight" [id=470, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.3.1.bias" [id=471, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.3.1.running_mean" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.block.3.1.running_var" [id=473, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/3/1/batch_norm/0" [id=474, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/10/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=476, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/add_/0" [id=477, type="add_", metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/10/add_/0__0.0._scale_param_storage" [id=478, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" [id=479, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.11.block.0.0.weight" [id=480, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/11/block/0/0/conv2d/0__1.0._scale_param_storage" [id=481, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [id=482, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/11/block/0/0/conv2d/0" [id=483, type=conv2d, metatype=PTConv2dMetatype]; +"features.11.block.0.1.weight" [id=484, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.0.1.bias" [id=485, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.0.1.running_mean" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.0.1.running_var" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/0/1/batch_norm/0" [id=488, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/11/block/0/2/hardswish/0" [id=489, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/11/block/0/2/hardswish/0__0.0._scale_param_storage" [id=490, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [id=491, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.11.block.1.0.weight" [id=492, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/11/block/1/0/conv2d/0__1.0._scale_param_storage" [id=493, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [id=494, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/11/block/1/0/conv2d/0" [id=495, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"features.11.block.1.1.weight" [id=496, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.1.1.bias" [id=497, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.1.1.running_mean" [id=498, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.1.1.running_var" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/1/1/batch_norm/0" [id=500, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/11/block/1/2/hardswish/0" [id=501, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/11/block/1/2/hardswish/0__0.0._scale_param_storage" [id=502, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [id=503, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/11/block/2/adaptive_avg_pool2d/0" [id=504, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"features.11.block.2.fc1.weight" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.2.fc1.bias" [id=506, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/2/fc1/conv2d/0" [id=507, type=conv2d, metatype=PTConv2dMetatype]; +"features/11/block/2/relu/relu_/0" [id=508, type="relu_", metatype=PTRELUMetatype]; +"features.11.block.2.fc2.weight" [id=509, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.2.fc2.bias" [id=510, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/2/fc2/conv2d/0" [id=511, type=conv2d, metatype=PTConv2dMetatype]; +"features/11/block/2/hardsigmoid/0" [id=512, type=hardsigmoid, metatype=PTHardSigmoidMetatype]; +"__nncf_hooks.post_hooks.features/11/block/2/hardsigmoid/0__0.0._scale_param_storage" [id=513, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [id=514, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/11/block/2/mul/0" [id=515, type=mul, metatype=PTMulMetatype]; +"__nncf_hooks.post_hooks.features/11/block/2/mul/0__0.0._scale_param_storage" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" [id=517, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.11.block.3.0.weight" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/11/block/3/0/conv2d/0__1.0._scale_param_storage" [id=519, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [id=520, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/11/block/3/0/conv2d/0" [id=521, type=conv2d, metatype=PTConv2dMetatype]; +"features.11.block.3.1.weight" [id=522, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.3.1.bias" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.3.1.running_mean" [id=524, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.block.3.1.running_var" [id=525, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/3/1/batch_norm/0" [id=526, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.features/11/block/3/1/batch_norm/0__0.0._scale_param_storage" [id=527, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=528, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/11/add_/0" [id=529, type="add_", metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks.features/11/add_/0__0.0._scale_param_storage" [id=530, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" [id=531, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.12.0.weight" [id=532, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/12/0/conv2d/0__1.0._scale_param_storage" [id=533, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" [id=534, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/12/0/conv2d/0" [id=535, type=conv2d, metatype=PTConv2dMetatype]; +"features.12.1.weight" [id=536, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.1.bias" [id=537, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.1.running_mean" [id=538, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.1.running_var" [id=539, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/1/batch_norm/0" [id=540, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/12/2/hardswish/0" [id=541, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.features/12/2/hardswish/0__0.0._scale_param_storage" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" [id=543, type="symmetric_quantize", metatype=UnknownMetatype]; +"avgpool/adaptive_avg_pool2d/0" [id=544, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=545, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=546, type="symmetric_quantize", metatype=UnknownMetatype]; +"/flatten/0" [id=547, type=flatten, metatype=PTReshapeMetatype]; +"classifier.0.weight" [id=548, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.0.bias" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.classifier/0/linear/0__1.0._scale_param_storage" [id=550, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" [id=551, type="symmetric_quantize", metatype=UnknownMetatype]; +"classifier/0/linear/0" [id=552, type=linear, metatype=PTLinearMetatype]; +"classifier/1/hardswish/0" [id=553, type=hardswish, metatype=PTHardSwishMetatype]; +"__nncf_hooks.post_hooks.classifier/1/hardswish/0__0.0._scale_param_storage" [id=554, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" [id=555, type="symmetric_quantize", metatype=UnknownMetatype]; +"classifier/2/dropout/0" [id=556, type=dropout, metatype=PTDropoutMetatype]; +"classifier.3.weight" [id=557, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.3.bias" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.classifier/3/linear/0__1.0._scale_param_storage" [id=559, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" [id=560, type="symmetric_quantize", metatype=UnknownMetatype]; +"classifier/3/linear/0" [id=561, type=linear, metatype=PTLinearMetatype]; +output [id=562, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"features.0.0.weight" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 3, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/0/0/conv2d/0__1.0._scale_param_storage" -> "features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/0/0/pre_hook__features-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/0/conv2d/0" [dtype=float, shape="(16, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"features/0/0/conv2d/0" -> "features/0/1/batch_norm/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"features.0.1.weight" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; +"features.0.1.bias" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"features.0.1.running_mean" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; +"features.0.1.running_var" -> "features/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; +"features/0/1/batch_norm/0" -> "features/0/2/hardswish/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"features/0/2/hardswish/0" -> "features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/0/2/hardswish/0__0.0._scale_param_storage" -> "features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=4]; +"features/0/2/post_hook__features-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/1/block/0/0/conv2d/0" [dtype=float, shape="(1, 16, 16, 16)", out_port_id=0, in_port_id=0]; +"features.1.block.0.0.weight" -> "features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/1/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/1/block/0/0/pre_hook__features-1-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/block/0/0/conv2d/0" [dtype=float, shape="(16, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/1/block/0/0/conv2d/0" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; +"features.1.block.0.1.weight" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; +"features.1.block.0.1.bias" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"features.1.block.0.1.running_mean" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; +"features.1.block.0.1.running_var" -> "features/1/block/0/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; +"features/1/block/0/1/batch_norm/0" -> "features/1/block/0/2/relu_/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; +"features/1/block/0/2/relu_/0" -> "features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/1/block/0/2/relu_/0__0.0._scale_param_storage" -> "features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/1/block/1/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; +"features/1/block/0/2/post_hook__features-1-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/1/block/1/mul/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=1]; +"features/1/block/1/adaptive_avg_pool2d/0" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=0]; +"features.1.block.1.fc1.weight" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, shape="(8, 16, 1, 1)", out_port_id=0, in_port_id=1]; +"features.1.block.1.fc1.bias" -> "features/1/block/1/fc1/conv2d/0" [dtype=float, shape="(8,)", out_port_id=0, in_port_id=2]; +"features/1/block/1/fc1/conv2d/0" -> "features/1/block/1/relu/relu_/0" [dtype=float, shape="(1, 8, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/block/1/relu/relu_/0" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, shape="(1, 8, 1, 1)", out_port_id=0, in_port_id=0]; +"features.1.block.1.fc2.weight" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, shape="(16, 8, 1, 1)", out_port_id=0, in_port_id=1]; +"features.1.block.1.fc2.bias" -> "features/1/block/1/fc2/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"features/1/block/1/fc2/conv2d/0" -> "features/1/block/1/hardsigmoid/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/block/1/hardsigmoid/0" -> "features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/1/block/1/hardsigmoid/0__0.0._scale_param_storage" -> "features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/1/block/1/post_hook__features-1-block-1-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/1/block/1/mul/0" [dtype=float, shape="(1, 16, 1, 1)", out_port_id=0, in_port_id=0]; +"features/1/block/1/mul/0" -> "features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/1/block/1/mul/0__0.0._scale_param_storage" -> "features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/1/block/1/post_hook__features-1-block-1-mul-0__0[0]/symmetric_quantize/0" -> "features/1/block/2/0/conv2d/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; +"features.1.block.2.0.weight" -> "features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 16, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/1/block/2/0/conv2d/0__1.0._scale_param_storage" -> "features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/1/block/2/0/pre_hook__features-1-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/1/block/2/0/conv2d/0" [dtype=float, shape="(16, 16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/1/block/2/0/conv2d/0" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; +"features.1.block.2.1.weight" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=1]; +"features.1.block.2.1.bias" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"features.1.block.2.1.running_mean" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=3]; +"features.1.block.2.1.running_var" -> "features/1/block/2/1/batch_norm/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=4]; +"features/1/block/2/1/batch_norm/0" -> "features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/1/block/2/1/batch_norm/0__0.0._scale_param_storage" -> "features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/1/block/2/1/post_hook__features-1-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/2/block/0/0/conv2d/0" [dtype=float, shape="(1, 16, 8, 8)", out_port_id=0, in_port_id=0]; +"features.2.block.0.0.weight" -> "features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(72, 16, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/2/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(72, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/2/block/0/0/pre_hook__features-2-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/block/0/0/conv2d/0" [dtype=float, shape="(72, 16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/2/block/0/0/conv2d/0" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(1, 72, 8, 8)", out_port_id=0, in_port_id=0]; +"features.2.block.0.1.weight" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=1]; +"features.2.block.0.1.bias" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=2]; +"features.2.block.0.1.running_mean" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=3]; +"features.2.block.0.1.running_var" -> "features/2/block/0/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=4]; +"features/2/block/0/1/batch_norm/0" -> "features/2/block/0/2/relu_/0" [dtype=float, shape="(1, 72, 8, 8)", out_port_id=0, in_port_id=0]; +"features/2/block/0/2/relu_/0" -> "features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 72, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/2/block/0/2/relu_/0__0.0._scale_param_storage" -> "features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 72, 1, 1)", out_port_id=0, in_port_id=4]; +"features/2/block/0/2/post_hook__features-2-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/block/1/0/conv2d/0" [dtype=float, shape="(1, 72, 8, 8)", out_port_id=0, in_port_id=0]; +"features.2.block.1.0.weight" -> "features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(72, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/2/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(72, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/2/block/1/0/pre_hook__features-2-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/block/1/0/conv2d/0" [dtype=float, shape="(72, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/2/block/1/0/conv2d/0" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(1, 72, 4, 4)", out_port_id=0, in_port_id=0]; +"features.2.block.1.1.weight" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=1]; +"features.2.block.1.1.bias" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=2]; +"features.2.block.1.1.running_mean" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=3]; +"features.2.block.1.1.running_var" -> "features/2/block/1/1/batch_norm/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=4]; +"features/2/block/1/1/batch_norm/0" -> "features/2/block/1/2/relu_/0" [dtype=float, shape="(1, 72, 4, 4)", out_port_id=0, in_port_id=0]; +"features/2/block/1/2/relu_/0" -> "features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 72, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/2/block/1/2/relu_/0__0.0._scale_param_storage" -> "features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/2/block/1/2/post_hook__features-2-block-1-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/block/2/0/conv2d/0" [dtype=float, shape="(1, 72, 4, 4)", out_port_id=0, in_port_id=0]; +"features.2.block.2.0.weight" -> "features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 72, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/2/block/2/0/conv2d/0__1.0._scale_param_storage" -> "features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/2/block/2/0/pre_hook__features-2-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/2/block/2/0/conv2d/0" [dtype=float, shape="(24, 72, 1, 1)", out_port_id=0, in_port_id=1]; +"features/2/block/2/0/conv2d/0" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; +"features.2.block.2.1.weight" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"features.2.block.2.1.bias" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"features.2.block.2.1.running_mean" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"features.2.block.2.1.running_var" -> "features/2/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"features/2/block/2/1/batch_norm/0" -> "features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/2/block/2/1/batch_norm/0__0.0._scale_param_storage" -> "features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/block/0/0/conv2d/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; +"features/2/block/2/1/post_hook__features-2-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add_/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=1]; +"features.3.block.0.0.weight" -> "features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(88, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/3/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(88, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/3/block/0/0/pre_hook__features-3-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/block/0/0/conv2d/0" [dtype=float, shape="(88, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/block/0/0/conv2d/0" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; +"features.3.block.0.1.weight" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=1]; +"features.3.block.0.1.bias" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=2]; +"features.3.block.0.1.running_mean" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=3]; +"features.3.block.0.1.running_var" -> "features/3/block/0/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=4]; +"features/3/block/0/1/batch_norm/0" -> "features/3/block/0/2/relu_/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; +"features/3/block/0/2/relu_/0" -> "features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/3/block/0/2/relu_/0__0.0._scale_param_storage" -> "features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 88, 1, 1)", out_port_id=0, in_port_id=4]; +"features/3/block/0/2/post_hook__features-3-block-0-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/block/1/0/conv2d/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; +"features.3.block.1.0.weight" -> "features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(88, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/3/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(88, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/3/block/1/0/pre_hook__features-3-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/block/1/0/conv2d/0" [dtype=float, shape="(88, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"features/3/block/1/0/conv2d/0" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; +"features.3.block.1.1.weight" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=1]; +"features.3.block.1.1.bias" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=2]; +"features.3.block.1.1.running_mean" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=3]; +"features.3.block.1.1.running_var" -> "features/3/block/1/1/batch_norm/0" [dtype=float, shape="(88,)", out_port_id=0, in_port_id=4]; +"features/3/block/1/1/batch_norm/0" -> "features/3/block/1/2/relu_/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; +"features/3/block/1/2/relu_/0" -> "features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/3/block/1/2/relu_/0__0.0._scale_param_storage" -> "features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/3/block/1/2/post_hook__features-3-block-1-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/block/2/0/conv2d/0" [dtype=float, shape="(1, 88, 4, 4)", out_port_id=0, in_port_id=0]; +"features.3.block.2.0.weight" -> "features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 88, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/3/block/2/0/conv2d/0__1.0._scale_param_storage" -> "features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/3/block/2/0/pre_hook__features-3-block-2-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/block/2/0/conv2d/0" [dtype=float, shape="(24, 88, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/block/2/0/conv2d/0" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; +"features.3.block.2.1.weight" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"features.3.block.2.1.bias" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"features.3.block.2.1.running_mean" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"features.3.block.2.1.running_var" -> "features/3/block/2/1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"features/3/block/2/1/batch_norm/0" -> "features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/3/block/2/1/batch_norm/0__0.0._scale_param_storage" -> "features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/3/block/2/1/post_hook__features-3-block-2-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/3/add_/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; +"features/3/add_/0" -> "features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/3/add_/0__0.0._scale_param_storage" -> "features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/3/post_hook__features-3-add_-0__0[0]/symmetric_quantize/0" -> "features/4/block/0/0/conv2d/0" [dtype=float, shape="(1, 24, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.block.0.0.weight" -> "features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/4/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/4/block/0/0/pre_hook__features-4-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/block/0/0/conv2d/0" [dtype=float, shape="(96, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/block/0/0/conv2d/0" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.block.0.1.weight" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.4.block.0.1.bias" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.4.block.0.1.running_mean" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.4.block.0.1.running_var" -> "features/4/block/0/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/4/block/0/1/batch_norm/0" -> "features/4/block/0/2/hardswish/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features/4/block/0/2/hardswish/0" -> "features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/4/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=4]; +"features/4/block/0/2/post_hook__features-4-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/4/block/1/0/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"features.4.block.1.0.weight" -> "features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 5, 5)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/4/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/4/block/1/0/pre_hook__features-4-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/block/1/0/conv2d/0" [dtype=float, shape="(96, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/4/block/1/0/conv2d/0" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features.4.block.1.1.weight" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.4.block.1.1.bias" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.4.block.1.1.running_mean" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.4.block.1.1.running_var" -> "features/4/block/1/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/4/block/1/1/batch_norm/0" -> "features/4/block/1/2/hardswish/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features/4/block/1/2/hardswish/0" -> "features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/4/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/4/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features/4/block/1/2/post_hook__features-4-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/4/block/2/mul/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=1]; +"features/4/block/2/adaptive_avg_pool2d/0" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features.4.block.2.fc1.weight" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, shape="(24, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features.4.block.2.fc1.bias" -> "features/4/block/2/fc1/conv2d/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"features/4/block/2/fc1/conv2d/0" -> "features/4/block/2/relu/relu_/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/block/2/relu/relu_/0" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"features.4.block.2.fc2.weight" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, shape="(96, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"features.4.block.2.fc2.bias" -> "features/4/block/2/fc2/conv2d/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features/4/block/2/fc2/conv2d/0" -> "features/4/block/2/hardsigmoid/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/block/2/hardsigmoid/0" -> "features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/4/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/4/block/2/post_hook__features-4-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/4/block/2/mul/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features/4/block/2/mul/0" -> "features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/4/block/2/mul/0__0.0._scale_param_storage" -> "features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/4/block/2/post_hook__features-4-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/4/block/3/0/conv2d/0" [dtype=float, shape="(1, 96, 2, 2)", out_port_id=0, in_port_id=0]; +"features.4.block.3.0.weight" -> "features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(40, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/4/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(40, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/4/block/3/0/pre_hook__features-4-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/block/3/0/conv2d/0" [dtype=float, shape="(40, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/block/3/0/conv2d/0" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; +"features.4.block.3.1.weight" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; +"features.4.block.3.1.bias" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; +"features.4.block.3.1.running_mean" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; +"features.4.block.3.1.running_var" -> "features/4/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; +"features/4/block/3/1/batch_norm/0" -> "features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/4/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; +"features/4/block/3/1/post_hook__features-4-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add_/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=1]; +"features.5.block.0.0.weight" -> "features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/5/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/5/block/0/0/pre_hook__features-5-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/block/0/0/conv2d/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/block/0/0/conv2d/0" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"features.5.block.0.1.weight" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; +"features.5.block.0.1.bias" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features.5.block.0.1.running_mean" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; +"features.5.block.0.1.running_var" -> "features/5/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; +"features/5/block/0/1/batch_norm/0" -> "features/5/block/0/2/hardswish/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"features/5/block/0/2/hardswish/0" -> "features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/5/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=4]; +"features/5/block/0/2/post_hook__features-5-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/5/block/1/0/conv2d/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"features.5.block.1.0.weight" -> "features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 1, 5, 5)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/5/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/5/block/1/0/pre_hook__features-5-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/block/1/0/conv2d/0" [dtype=float, shape="(240, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/5/block/1/0/conv2d/0" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"features.5.block.1.1.weight" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; +"features.5.block.1.1.bias" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features.5.block.1.1.running_mean" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; +"features.5.block.1.1.running_var" -> "features/5/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; +"features/5/block/1/1/batch_norm/0" -> "features/5/block/1/2/hardswish/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"features/5/block/1/2/hardswish/0" -> "features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/5/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/5/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"features/5/block/1/2/post_hook__features-5-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/5/block/2/mul/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=1]; +"features/5/block/2/adaptive_avg_pool2d/0" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features.5.block.2.fc1.weight" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, shape="(64, 240, 1, 1)", out_port_id=0, in_port_id=1]; +"features.5.block.2.fc1.bias" -> "features/5/block/2/fc1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features/5/block/2/fc1/conv2d/0" -> "features/5/block/2/relu/relu_/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/block/2/relu/relu_/0" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features.5.block.2.fc2.weight" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, shape="(240, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features.5.block.2.fc2.bias" -> "features/5/block/2/fc2/conv2d/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features/5/block/2/fc2/conv2d/0" -> "features/5/block/2/hardsigmoid/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/block/2/hardsigmoid/0" -> "features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/5/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/5/block/2/post_hook__features-5-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/5/block/2/mul/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features/5/block/2/mul/0" -> "features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/5/block/2/mul/0__0.0._scale_param_storage" -> "features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/5/block/2/post_hook__features-5-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/5/block/3/0/conv2d/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"features.5.block.3.0.weight" -> "features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(40, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/5/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(40, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/5/block/3/0/pre_hook__features-5-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/5/block/3/0/conv2d/0" [dtype=float, shape="(40, 240, 1, 1)", out_port_id=0, in_port_id=1]; +"features/5/block/3/0/conv2d/0" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; +"features.5.block.3.1.weight" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; +"features.5.block.3.1.bias" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; +"features.5.block.3.1.running_mean" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; +"features.5.block.3.1.running_var" -> "features/5/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; +"features/5/block/3/1/batch_norm/0" -> "features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/5/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/5/block/3/1/post_hook__features-5-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/5/add_/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; +"features/5/add_/0" -> "features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/5/add_/0__0.0._scale_param_storage" -> "features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" -> "features/6/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; +"features/5/post_hook__features-5-add_-0__0[0]/symmetric_quantize/0" -> "features/6/add_/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=1]; +"features.6.block.0.0.weight" -> "features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/6/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/6/block/0/0/pre_hook__features-6-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/block/0/0/conv2d/0" [dtype=float, shape="(240, 40, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/block/0/0/conv2d/0" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.block.0.1.weight" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; +"features.6.block.0.1.bias" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features.6.block.0.1.running_mean" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; +"features.6.block.0.1.running_var" -> "features/6/block/0/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; +"features/6/block/0/1/batch_norm/0" -> "features/6/block/0/2/hardswish/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/block/0/2/hardswish/0" -> "features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/6/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=4]; +"features/6/block/0/2/post_hook__features-6-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/6/block/1/0/conv2d/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.block.1.0.weight" -> "features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 1, 5, 5)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/6/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(240, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/6/block/1/0/pre_hook__features-6-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/block/1/0/conv2d/0" [dtype=float, shape="(240, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/6/block/1/0/conv2d/0" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.block.1.1.weight" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=1]; +"features.6.block.1.1.bias" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features.6.block.1.1.running_mean" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=3]; +"features.6.block.1.1.running_var" -> "features/6/block/1/1/batch_norm/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=4]; +"features/6/block/1/1/batch_norm/0" -> "features/6/block/1/2/hardswish/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/block/1/2/hardswish/0" -> "features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/6/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/6/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/block/1/2/post_hook__features-6-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/6/block/2/mul/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=1]; +"features/6/block/2/adaptive_avg_pool2d/0" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features.6.block.2.fc1.weight" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, shape="(64, 240, 1, 1)", out_port_id=0, in_port_id=1]; +"features.6.block.2.fc1.bias" -> "features/6/block/2/fc1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features/6/block/2/fc1/conv2d/0" -> "features/6/block/2/relu/relu_/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/block/2/relu/relu_/0" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features.6.block.2.fc2.weight" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, shape="(240, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features.6.block.2.fc2.bias" -> "features/6/block/2/fc2/conv2d/0" [dtype=float, shape="(240,)", out_port_id=0, in_port_id=2]; +"features/6/block/2/fc2/conv2d/0" -> "features/6/block/2/hardsigmoid/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/block/2/hardsigmoid/0" -> "features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/6/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/6/block/2/post_hook__features-6-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/6/block/2/mul/0" [dtype=float, shape="(1, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"features/6/block/2/mul/0" -> "features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/6/block/2/mul/0__0.0._scale_param_storage" -> "features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/6/block/2/post_hook__features-6-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/6/block/3/0/conv2d/0" [dtype=float, shape="(1, 240, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.block.3.0.weight" -> "features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(40, 240, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/6/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(40, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/6/block/3/0/pre_hook__features-6-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/block/3/0/conv2d/0" [dtype=float, shape="(40, 240, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/block/3/0/conv2d/0" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; +"features.6.block.3.1.weight" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=1]; +"features.6.block.3.1.bias" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; +"features.6.block.3.1.running_mean" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=3]; +"features.6.block.3.1.running_var" -> "features/6/block/3/1/batch_norm/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=4]; +"features/6/block/3/1/batch_norm/0" -> "features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/6/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/6/block/3/1/post_hook__features-6-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/6/add_/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; +"features/6/add_/0" -> "features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/6/add_/0__0.0._scale_param_storage" -> "features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/6/post_hook__features-6-add_-0__0[0]/symmetric_quantize/0" -> "features/7/block/0/0/conv2d/0" [dtype=float, shape="(1, 40, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.block.0.0.weight" -> "features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(120, 40, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/7/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(120, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/7/block/0/0/pre_hook__features-7-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/block/0/0/conv2d/0" [dtype=float, shape="(120, 40, 1, 1)", out_port_id=0, in_port_id=1]; +"features/7/block/0/0/conv2d/0" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.block.0.1.weight" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=1]; +"features.7.block.0.1.bias" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=2]; +"features.7.block.0.1.running_mean" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=3]; +"features.7.block.0.1.running_var" -> "features/7/block/0/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=4]; +"features/7/block/0/1/batch_norm/0" -> "features/7/block/0/2/hardswish/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/block/0/2/hardswish/0" -> "features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/7/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=4]; +"features/7/block/0/2/post_hook__features-7-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/7/block/1/0/conv2d/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.block.1.0.weight" -> "features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(120, 1, 5, 5)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/7/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(120, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/7/block/1/0/pre_hook__features-7-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/block/1/0/conv2d/0" [dtype=float, shape="(120, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/7/block/1/0/conv2d/0" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.block.1.1.weight" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=1]; +"features.7.block.1.1.bias" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=2]; +"features.7.block.1.1.running_mean" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=3]; +"features.7.block.1.1.running_var" -> "features/7/block/1/1/batch_norm/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=4]; +"features/7/block/1/1/batch_norm/0" -> "features/7/block/1/2/hardswish/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/block/1/2/hardswish/0" -> "features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/7/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/7/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/block/1/2/post_hook__features-7-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/7/block/2/mul/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=1]; +"features/7/block/2/adaptive_avg_pool2d/0" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=0]; +"features.7.block.2.fc1.weight" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, shape="(32, 120, 1, 1)", out_port_id=0, in_port_id=1]; +"features.7.block.2.fc1.bias" -> "features/7/block/2/fc1/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"features/7/block/2/fc1/conv2d/0" -> "features/7/block/2/relu/relu_/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/block/2/relu/relu_/0" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 32, 1, 1)", out_port_id=0, in_port_id=0]; +"features.7.block.2.fc2.weight" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, shape="(120, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features.7.block.2.fc2.bias" -> "features/7/block/2/fc2/conv2d/0" [dtype=float, shape="(120,)", out_port_id=0, in_port_id=2]; +"features/7/block/2/fc2/conv2d/0" -> "features/7/block/2/hardsigmoid/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/block/2/hardsigmoid/0" -> "features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/7/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/7/block/2/post_hook__features-7-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/7/block/2/mul/0" [dtype=float, shape="(1, 120, 1, 1)", out_port_id=0, in_port_id=0]; +"features/7/block/2/mul/0" -> "features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/7/block/2/mul/0__0.0._scale_param_storage" -> "features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/7/block/2/post_hook__features-7-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/7/block/3/0/conv2d/0" [dtype=float, shape="(1, 120, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.block.3.0.weight" -> "features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 120, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/7/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/7/block/3/0/pre_hook__features-7-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/block/3/0/conv2d/0" [dtype=float, shape="(48, 120, 1, 1)", out_port_id=0, in_port_id=1]; +"features/7/block/3/0/conv2d/0" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; +"features.7.block.3.1.weight" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"features.7.block.3.1.bias" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"features.7.block.3.1.running_mean" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"features.7.block.3.1.running_var" -> "features/7/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"features/7/block/3/1/batch_norm/0" -> "features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/7/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/block/0/0/conv2d/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; +"features/7/block/3/1/post_hook__features-7-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add_/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=1]; +"features.8.block.0.0.weight" -> "features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/8/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/8/block/0/0/pre_hook__features-8-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/block/0/0/conv2d/0" [dtype=float, shape="(144, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"features/8/block/0/0/conv2d/0" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; +"features.8.block.0.1.weight" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.8.block.0.1.bias" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.8.block.0.1.running_mean" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.8.block.0.1.running_var" -> "features/8/block/0/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/8/block/0/1/batch_norm/0" -> "features/8/block/0/2/hardswish/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; +"features/8/block/0/2/hardswish/0" -> "features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/8/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=4]; +"features/8/block/0/2/post_hook__features-8-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/8/block/1/0/conv2d/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; +"features.8.block.1.0.weight" -> "features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 5, 5)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/8/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(144, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/8/block/1/0/pre_hook__features-8-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/block/1/0/conv2d/0" [dtype=float, shape="(144, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/8/block/1/0/conv2d/0" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; +"features.8.block.1.1.weight" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=1]; +"features.8.block.1.1.bias" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features.8.block.1.1.running_mean" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=3]; +"features.8.block.1.1.running_var" -> "features/8/block/1/1/batch_norm/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=4]; +"features/8/block/1/1/batch_norm/0" -> "features/8/block/1/2/hardswish/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; +"features/8/block/1/2/hardswish/0" -> "features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/8/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/8/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; +"features/8/block/1/2/post_hook__features-8-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/8/block/2/mul/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=1]; +"features/8/block/2/adaptive_avg_pool2d/0" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features.8.block.2.fc1.weight" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, shape="(40, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features.8.block.2.fc1.bias" -> "features/8/block/2/fc1/conv2d/0" [dtype=float, shape="(40,)", out_port_id=0, in_port_id=2]; +"features/8/block/2/fc1/conv2d/0" -> "features/8/block/2/relu/relu_/0" [dtype=float, shape="(1, 40, 1, 1)", out_port_id=0, in_port_id=0]; +"features/8/block/2/relu/relu_/0" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 40, 1, 1)", out_port_id=0, in_port_id=0]; +"features.8.block.2.fc2.weight" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, shape="(144, 40, 1, 1)", out_port_id=0, in_port_id=1]; +"features.8.block.2.fc2.bias" -> "features/8/block/2/fc2/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features/8/block/2/fc2/conv2d/0" -> "features/8/block/2/hardsigmoid/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features/8/block/2/hardsigmoid/0" -> "features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/8/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/8/block/2/post_hook__features-8-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/8/block/2/mul/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features/8/block/2/mul/0" -> "features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/8/block/2/mul/0__0.0._scale_param_storage" -> "features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/8/block/2/post_hook__features-8-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/8/block/3/0/conv2d/0" [dtype=float, shape="(1, 144, 2, 2)", out_port_id=0, in_port_id=0]; +"features.8.block.3.0.weight" -> "features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/8/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/8/block/3/0/pre_hook__features-8-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/8/block/3/0/conv2d/0" [dtype=float, shape="(48, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features/8/block/3/0/conv2d/0" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; +"features.8.block.3.1.weight" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"features.8.block.3.1.bias" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"features.8.block.3.1.running_mean" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"features.8.block.3.1.running_var" -> "features/8/block/3/1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"features/8/block/3/1/batch_norm/0" -> "features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/8/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/8/block/3/1/post_hook__features-8-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/8/add_/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; +"features/8/add_/0" -> "features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/8/add_/0__0.0._scale_param_storage" -> "features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/8/post_hook__features-8-add_-0__0[0]/symmetric_quantize/0" -> "features/9/block/0/0/conv2d/0" [dtype=float, shape="(1, 48, 2, 2)", out_port_id=0, in_port_id=0]; +"features.9.block.0.0.weight" -> "features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(288, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/9/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(288, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/9/block/0/0/pre_hook__features-9-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/block/0/0/conv2d/0" [dtype=float, shape="(288, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"features/9/block/0/0/conv2d/0" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; +"features.9.block.0.1.weight" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; +"features.9.block.0.1.bias" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; +"features.9.block.0.1.running_mean" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; +"features.9.block.0.1.running_var" -> "features/9/block/0/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; +"features/9/block/0/1/batch_norm/0" -> "features/9/block/0/2/hardswish/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; +"features/9/block/0/2/hardswish/0" -> "features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/9/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=4]; +"features/9/block/0/2/post_hook__features-9-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/9/block/1/0/conv2d/0" [dtype=float, shape="(1, 288, 2, 2)", out_port_id=0, in_port_id=0]; +"features.9.block.1.0.weight" -> "features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(288, 1, 5, 5)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/9/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(288, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/9/block/1/0/pre_hook__features-9-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/block/1/0/conv2d/0" [dtype=float, shape="(288, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/9/block/1/0/conv2d/0" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"features.9.block.1.1.weight" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=1]; +"features.9.block.1.1.bias" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; +"features.9.block.1.1.running_mean" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=3]; +"features.9.block.1.1.running_var" -> "features/9/block/1/1/batch_norm/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=4]; +"features/9/block/1/1/batch_norm/0" -> "features/9/block/1/2/hardswish/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"features/9/block/1/2/hardswish/0" -> "features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/9/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/9/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"features/9/block/1/2/post_hook__features-9-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/9/block/2/mul/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"features/9/block/2/adaptive_avg_pool2d/0" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"features.9.block.2.fc1.weight" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, shape="(72, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"features.9.block.2.fc1.bias" -> "features/9/block/2/fc1/conv2d/0" [dtype=float, shape="(72,)", out_port_id=0, in_port_id=2]; +"features/9/block/2/fc1/conv2d/0" -> "features/9/block/2/relu/relu_/0" [dtype=float, shape="(1, 72, 1, 1)", out_port_id=0, in_port_id=0]; +"features/9/block/2/relu/relu_/0" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 72, 1, 1)", out_port_id=0, in_port_id=0]; +"features.9.block.2.fc2.weight" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, shape="(288, 72, 1, 1)", out_port_id=0, in_port_id=1]; +"features.9.block.2.fc2.bias" -> "features/9/block/2/fc2/conv2d/0" [dtype=float, shape="(288,)", out_port_id=0, in_port_id=2]; +"features/9/block/2/fc2/conv2d/0" -> "features/9/block/2/hardsigmoid/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"features/9/block/2/hardsigmoid/0" -> "features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/9/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/9/block/2/post_hook__features-9-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/9/block/2/mul/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"features/9/block/2/mul/0" -> "features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/9/block/2/mul/0__0.0._scale_param_storage" -> "features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/9/block/2/post_hook__features-9-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/9/block/3/0/conv2d/0" [dtype=float, shape="(1, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"features.9.block.3.0.weight" -> "features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 288, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/9/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/9/block/3/0/pre_hook__features-9-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/block/3/0/conv2d/0" [dtype=float, shape="(96, 288, 1, 1)", out_port_id=0, in_port_id=1]; +"features/9/block/3/0/conv2d/0" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features.9.block.3.1.weight" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.9.block.3.1.bias" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.9.block.3.1.running_mean" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.9.block.3.1.running_var" -> "features/9/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/9/block/3/1/batch_norm/0" -> "features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/9/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/block/0/0/conv2d/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features/9/block/3/1/post_hook__features-9-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/add_/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features.10.block.0.0.weight" -> "features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/10/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/10/block/0/0/pre_hook__features-10-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/block/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/10/block/0/0/conv2d/0" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.10.block.0.1.weight" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.10.block.0.1.bias" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.10.block.0.1.running_mean" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.10.block.0.1.running_var" -> "features/10/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/10/block/0/1/batch_norm/0" -> "features/10/block/0/2/hardswish/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/block/0/2/hardswish/0" -> "features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/10/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=4]; +"features/10/block/0/2/post_hook__features-10-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/10/block/1/0/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.10.block.1.0.weight" -> "features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 5, 5)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/10/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/10/block/1/0/pre_hook__features-10-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/block/1/0/conv2d/0" [dtype=float, shape="(576, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/10/block/1/0/conv2d/0" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.10.block.1.1.weight" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.10.block.1.1.bias" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.10.block.1.1.running_mean" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.10.block.1.1.running_var" -> "features/10/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/10/block/1/1/batch_norm/0" -> "features/10/block/1/2/hardswish/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/block/1/2/hardswish/0" -> "features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/10/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/10/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/block/1/2/post_hook__features-10-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/10/block/2/mul/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features/10/block/2/adaptive_avg_pool2d/0" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.10.block.2.fc1.weight" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, shape="(144, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features.10.block.2.fc1.bias" -> "features/10/block/2/fc1/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features/10/block/2/fc1/conv2d/0" -> "features/10/block/2/relu/relu_/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/block/2/relu/relu_/0" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features.10.block.2.fc2.weight" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, shape="(576, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features.10.block.2.fc2.bias" -> "features/10/block/2/fc2/conv2d/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features/10/block/2/fc2/conv2d/0" -> "features/10/block/2/hardsigmoid/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/block/2/hardsigmoid/0" -> "features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/10/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/10/block/2/post_hook__features-10-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/10/block/2/mul/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/block/2/mul/0" -> "features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/10/block/2/mul/0__0.0._scale_param_storage" -> "features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/10/block/2/post_hook__features-10-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/10/block/3/0/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.10.block.3.0.weight" -> "features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/10/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/10/block/3/0/pre_hook__features-10-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/block/3/0/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features/10/block/3/0/conv2d/0" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features.10.block.3.1.weight" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.10.block.3.1.bias" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.10.block.3.1.running_mean" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.10.block.3.1.running_var" -> "features/10/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/10/block/3/1/batch_norm/0" -> "features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/10/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/10/block/3/1/post_hook__features-10-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/10/add_/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/add_/0" -> "features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/10/add_/0__0.0._scale_param_storage" -> "features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" -> "features/11/block/0/0/conv2d/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/post_hook__features-10-add_-0__0[0]/symmetric_quantize/0" -> "features/11/add_/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features.11.block.0.0.weight" -> "features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/11/block/0/0/conv2d/0__1.0._scale_param_storage" -> "features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/11/block/0/0/pre_hook__features-11-block-0-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/block/0/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/11/block/0/0/conv2d/0" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.11.block.0.1.weight" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.11.block.0.1.bias" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.11.block.0.1.running_mean" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.11.block.0.1.running_var" -> "features/11/block/0/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/11/block/0/1/batch_norm/0" -> "features/11/block/0/2/hardswish/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/block/0/2/hardswish/0" -> "features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/11/block/0/2/hardswish/0__0.0._scale_param_storage" -> "features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=4]; +"features/11/block/0/2/post_hook__features-11-block-0-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/11/block/1/0/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.11.block.1.0.weight" -> "features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 5, 5)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/11/block/1/0/conv2d/0__1.0._scale_param_storage" -> "features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/11/block/1/0/pre_hook__features-11-block-1-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/block/1/0/conv2d/0" [dtype=float, shape="(576, 1, 5, 5)", out_port_id=0, in_port_id=1]; +"features/11/block/1/0/conv2d/0" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.11.block.1.1.weight" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.11.block.1.1.bias" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.11.block.1.1.running_mean" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.11.block.1.1.running_var" -> "features/11/block/1/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/11/block/1/1/batch_norm/0" -> "features/11/block/1/2/hardswish/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/block/1/2/hardswish/0" -> "features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/11/block/1/2/hardswish/0__0.0._scale_param_storage" -> "features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/11/block/2/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/block/1/2/post_hook__features-11-block-1-2-hardswish-0__0[0]/symmetric_quantize/0" -> "features/11/block/2/mul/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features/11/block/2/adaptive_avg_pool2d/0" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.11.block.2.fc1.weight" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, shape="(144, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features.11.block.2.fc1.bias" -> "features/11/block/2/fc1/conv2d/0" [dtype=float, shape="(144,)", out_port_id=0, in_port_id=2]; +"features/11/block/2/fc1/conv2d/0" -> "features/11/block/2/relu/relu_/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/block/2/relu/relu_/0" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, shape="(1, 144, 1, 1)", out_port_id=0, in_port_id=0]; +"features.11.block.2.fc2.weight" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, shape="(576, 144, 1, 1)", out_port_id=0, in_port_id=1]; +"features.11.block.2.fc2.bias" -> "features/11/block/2/fc2/conv2d/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features/11/block/2/fc2/conv2d/0" -> "features/11/block/2/hardsigmoid/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/block/2/hardsigmoid/0" -> "features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/11/block/2/hardsigmoid/0__0.0._scale_param_storage" -> "features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/11/block/2/post_hook__features-11-block-2-hardsigmoid-0__0[0]/symmetric_quantize/0" -> "features/11/block/2/mul/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/block/2/mul/0" -> "features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/11/block/2/mul/0__0.0._scale_param_storage" -> "features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/11/block/2/post_hook__features-11-block-2-mul-0__0[0]/symmetric_quantize/0" -> "features/11/block/3/0/conv2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.11.block.3.0.weight" -> "features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/11/block/3/0/conv2d/0__1.0._scale_param_storage" -> "features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/11/block/3/0/pre_hook__features-11-block-3-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/block/3/0/conv2d/0" [dtype=float, shape="(96, 576, 1, 1)", out_port_id=0, in_port_id=1]; +"features/11/block/3/0/conv2d/0" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features.11.block.3.1.weight" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"features.11.block.3.1.bias" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"features.11.block.3.1.running_mean" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"features.11.block.3.1.running_var" -> "features/11/block/3/1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"features/11/block/3/1/batch_norm/0" -> "features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/11/block/3/1/batch_norm/0__0.0._scale_param_storage" -> "features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/11/block/3/1/post_hook__features-11-block-3-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "features/11/add_/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/add_/0" -> "features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/11/add_/0__0.0._scale_param_storage" -> "features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/11/post_hook__features-11-add_-0__0[0]/symmetric_quantize/0" -> "features/12/0/conv2d/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"features.12.0.weight" -> "features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.features/12/0/conv2d/0__1.0._scale_param_storage" -> "features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(576, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/12/0/pre_hook__features-12-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/0/conv2d/0" [dtype=float, shape="(576, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"features/12/0/conv2d/0" -> "features/12/1/batch_norm/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features.12.1.weight" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=1]; +"features.12.1.bias" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=2]; +"features.12.1.running_mean" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=3]; +"features.12.1.running_var" -> "features/12/1/batch_norm/0" [dtype=float, shape="(576,)", out_port_id=0, in_port_id=4]; +"features/12/1/batch_norm/0" -> "features/12/2/hardswish/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"features/12/2/hardswish/0" -> "features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/12/2/hardswish/0__0.0._scale_param_storage" -> "features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/12/2/post_hook__features-12-2-hardswish-0__0[0]/symmetric_quantize/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"avgpool/adaptive_avg_pool2d/0" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/flatten/0" [dtype=float, shape="(1, 576, 1, 1)", out_port_id=0, in_port_id=0]; +"/flatten/0" -> "classifier/0/linear/0" [dtype=float, shape="(1, 576)", out_port_id=0, in_port_id=0]; +"classifier.0.weight" -> "classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 576)", out_port_id=0, in_port_id=0]; +"classifier.0.bias" -> "classifier/0/linear/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.classifier/0/linear/0__1.0._scale_param_storage" -> "classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 1)", out_port_id=0, in_port_id=4]; +"classifier/0/pre_hook__classifier-0-linear-0__1[0]/symmetric_quantize/0" -> "classifier/0/linear/0" [dtype=float, shape="(1024, 576)", out_port_id=0, in_port_id=1]; +"classifier/0/linear/0" -> "classifier/1/hardswish/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"classifier/1/hardswish/0" -> "classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.classifier/1/hardswish/0__0.0._scale_param_storage" -> "classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"classifier/1/post_hook__classifier-1-hardswish-0__0[0]/symmetric_quantize/0" -> "classifier/2/dropout/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"classifier/2/dropout/0" -> "classifier/3/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"classifier.3.weight" -> "classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 1024)", out_port_id=0, in_port_id=0]; +"classifier.3.bias" -> "classifier/3/linear/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.classifier/3/linear/0__1.0._scale_param_storage" -> "classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 1)", out_port_id=0, in_port_id=4]; +"classifier/3/pre_hook__classifier-3-linear-0__1[0]/symmetric_quantize/0" -> "classifier/3/linear/0" [dtype=float, shape="(1000, 1024)", out_port_id=0, in_port_id=1]; +"classifier/3/linear/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/resnet18.dot b/tests/torch2/data/quantization/test_quantized_graphs/resnet18.dot index 323620d947d..d11c1b79f2c 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/resnet18.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/resnet18.dot @@ -1,559 +1,559 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=5, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv1/conv2d/0" [id=6, metatype=PTConv2dMetatype, type=conv2d]; -"bn1.weight" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1.bias" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1.running_mean" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1.running_var" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1/batch_norm/0" [id=11, metatype=PT2BatchNormMetatype, type=batch_norm]; -"/relu/0" [id=12, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=14, metatype=UnknownMetatype, type=symmetric_quantize]; -"maxpool/max_pool2d/0" [id=15, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"layer1.0.conv1.weight" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=18, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/0/conv1/conv2d/0" [id=19, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.0.bn1.weight" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn1.bias" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn1.running_mean" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn1.running_var" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn1/batch_norm/0" [id=24, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/0/relu/0" [id=25, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer1/0/relu/0__0.0._scale_param_storage" [id=26, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" [id=27, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1.0.conv2.weight" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=30, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/0/conv2/conv2d/0" [id=31, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.0.bn2.weight" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn2.bias" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn2.running_mean" [id=34, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn2.running_var" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn2/batch_norm/0" [id=36, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer1/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=38, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/0/add_/0" [id=39, metatype=PTAddMetatype, type=add_]; -"layer1/0/relu/1" [id=40, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" [id=41, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [id=42, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1.1.conv1.weight" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=45, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/1/conv1/conv2d/0" [id=46, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.1.bn1.weight" [id=47, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn1.bias" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn1.running_mean" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn1.running_var" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/bn1/batch_norm/0" [id=51, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/1/relu/0" [id=52, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [id=54, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1.1.conv2.weight" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=57, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/1/conv2/conv2d/0" [id=58, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.1.bn2.weight" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn2.bias" [id=60, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn2.running_mean" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn2.running_var" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/bn2/batch_norm/0" [id=63, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=65, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/1/add_/0" [id=66, metatype=PTAddMetatype, type=add_]; -"layer1/1/relu/1" [id=67, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer1/1/relu/1__0.0._scale_param_storage" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" [id=69, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.0.conv1.weight" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=72, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/0/conv1/conv2d/0" [id=73, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.0.bn1.weight" [id=74, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn1.bias" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn1.running_mean" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn1.running_var" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn1/batch_norm/0" [id=78, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/0/relu/0" [id=79, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer2/0/relu/0__0.0._scale_param_storage" [id=80, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" [id=81, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.0.conv2.weight" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=84, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/0/conv2/conv2d/0" [id=85, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.0.bn2.weight" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn2.bias" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn2.running_mean" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn2.running_var" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn2/batch_norm/0" [id=90, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer2/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=92, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.0.shortcut.0.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/0/shortcut/0/conv2d/0__1.0._scale_param_storage" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [id=95, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/0/shortcut/0/conv2d/0" [id=96, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.0.shortcut.1.weight" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.shortcut.1.bias" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.shortcut.1.running_mean" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.shortcut.1.running_var" [id=100, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/shortcut/1/batch_norm/0" [id=101, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer2/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=103, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/0/add_/0" [id=104, metatype=PTAddMetatype, type=add_]; -"layer2/0/relu/1" [id=105, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [id=107, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.1.conv1.weight" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" [id=109, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=110, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/1/conv1/conv2d/0" [id=111, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.1.bn1.weight" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn1.bias" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn1.running_mean" [id=114, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn1.running_var" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/bn1/batch_norm/0" [id=116, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/1/relu/0" [id=117, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [id=119, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.1.conv2.weight" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=122, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/1/conv2/conv2d/0" [id=123, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.1.bn2.weight" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn2.bias" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn2.running_mean" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn2.running_var" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/bn2/batch_norm/0" [id=128, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=130, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/1/add_/0" [id=131, metatype=PTAddMetatype, type=add_]; -"layer2/1/relu/1" [id=132, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer2/1/relu/1__0.0._scale_param_storage" [id=133, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" [id=134, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.0.conv1.weight" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=137, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/0/conv1/conv2d/0" [id=138, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.0.bn1.weight" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn1.bias" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn1.running_mean" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn1.running_var" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn1/batch_norm/0" [id=143, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/0/relu/0" [id=144, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer3/0/relu/0__0.0._scale_param_storage" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" [id=146, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.0.conv2.weight" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=149, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/0/conv2/conv2d/0" [id=150, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.0.bn2.weight" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn2.bias" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn2.running_mean" [id=153, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn2.running_var" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn2/batch_norm/0" [id=155, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer3/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=157, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.0.shortcut.0.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/0/shortcut/0/conv2d/0__1.0._scale_param_storage" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [id=160, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/0/shortcut/0/conv2d/0" [id=161, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.0.shortcut.1.weight" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.shortcut.1.bias" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.shortcut.1.running_mean" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.shortcut.1.running_var" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/shortcut/1/batch_norm/0" [id=166, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer3/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=168, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/0/add_/0" [id=169, metatype=PTAddMetatype, type=add_]; -"layer3/0/relu/1" [id=170, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [id=172, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.1.conv1.weight" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=175, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/1/conv1/conv2d/0" [id=176, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.1.bn1.weight" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn1.bias" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn1.running_mean" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn1.running_var" [id=180, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/bn1/batch_norm/0" [id=181, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/1/relu/0" [id=182, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [id=184, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.1.conv2.weight" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=187, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/1/conv2/conv2d/0" [id=188, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.1.bn2.weight" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn2.bias" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn2.running_mean" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn2.running_var" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/bn2/batch_norm/0" [id=193, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=194, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=195, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/1/add_/0" [id=196, metatype=PTAddMetatype, type=add_]; -"layer3/1/relu/1" [id=197, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer3/1/relu/1__0.0._scale_param_storage" [id=198, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" [id=199, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer4.0.conv1.weight" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer4/0/conv1/conv2d/0__1.0._scale_param_storage" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=202, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer4/0/conv1/conv2d/0" [id=203, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.0.bn1.weight" [id=204, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn1.bias" [id=205, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn1.running_mean" [id=206, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn1.running_var" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/bn1/batch_norm/0" [id=208, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/0/relu/0" [id=209, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer4/0/relu/0__0.0._scale_param_storage" [id=210, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" [id=211, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer4.0.conv2.weight" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer4/0/conv2/conv2d/0__1.0._scale_param_storage" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=214, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer4/0/conv2/conv2d/0" [id=215, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.0.bn2.weight" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn2.bias" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn2.running_mean" [id=218, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.bn2.running_var" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/bn2/batch_norm/0" [id=220, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer4/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=222, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer4.0.shortcut.0.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer4/0/shortcut/0/conv2d/0__1.0._scale_param_storage" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [id=225, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer4/0/shortcut/0/conv2d/0" [id=226, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.0.shortcut.1.weight" [id=227, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.shortcut.1.bias" [id=228, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.shortcut.1.running_mean" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.0.shortcut.1.running_var" [id=230, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/shortcut/1/batch_norm/0" [id=231, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer4/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=233, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer4/0/add_/0" [id=234, metatype=PTAddMetatype, type=add_]; -"layer4/0/relu/1" [id=235, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer4/0/relu/1__0.0._scale_param_storage" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" [id=237, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer4.1.conv1.weight" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer4/1/conv1/conv2d/0__1.0._scale_param_storage" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=240, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer4/1/conv1/conv2d/0" [id=241, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.1.bn1.weight" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn1.bias" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn1.running_mean" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn1.running_var" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/bn1/batch_norm/0" [id=246, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer4/1/relu/0" [id=247, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer4/1/relu/0__0.0._scale_param_storage" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" [id=249, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer4.1.conv2.weight" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer4/1/conv2/conv2d/0__1.0._scale_param_storage" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=252, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer4/1/conv2/conv2d/0" [id=253, metatype=PTConv2dMetatype, type=conv2d]; -"layer4.1.bn2.weight" [id=254, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn2.bias" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn2.running_mean" [id=256, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4.1.bn2.running_var" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/bn2/batch_norm/0" [id=258, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer4/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=260, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer4/1/add_/0" [id=261, metatype=PTAddMetatype, type=add_]; -"layer4/1/relu/1" [id=262, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer4/1/relu/1__0.0._scale_param_storage" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" [id=264, metatype=UnknownMetatype, type=symmetric_quantize]; -"avgpool/adaptive_avg_pool2d/0" [id=265, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=267, metatype=UnknownMetatype, type=symmetric_quantize]; -"/flatten/0" [id=268, metatype=PTReshapeMetatype, type=flatten]; -"linear.weight" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"linear.bias" [id=270, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=272, metatype=UnknownMetatype, type=symmetric_quantize]; -"linear/linear/0" [id=273, metatype=PTLinearMetatype, type=linear]; -output [id=274, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 3, 3, 3)"]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 3, 3)"]; -"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"bn1/batch_norm/0" -> "/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "maxpool/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"maxpool/max_pool2d/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"maxpool/max_pool2d/0" -> "layer1/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.0.conv1.weight" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"layer1/0/bn1/batch_norm/0" -> "layer1/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/0/relu/0" -> "layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/0/relu/0__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.0.conv2.weight" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"layer1/0/bn2/batch_norm/0" -> "layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/0/add_/0" -> "layer1/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/0/relu/1" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" -> "layer1/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.1.conv1.weight" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/1/relu/0" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.1.conv2.weight" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"layer1/1/bn2/batch_norm/0" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/1/add_/0" -> "layer1/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/1/relu/1" -> "layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/1/relu/1__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" -> "layer2/0/shortcut/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"layer2.0.conv1.weight" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 64, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 3, 3)"]; -"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer2/0/bn1/batch_norm/0" -> "layer2/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/0/relu/0" -> "layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/0/relu/0__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.0.conv2.weight" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; -"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer2/0/bn2/batch_norm/0" -> "layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.0.shortcut.0.weight" -> "layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 64, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/0/shortcut/0/conv2d/0__1.0._scale_param_storage" -> "layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/shortcut/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 1, 1)"]; -"layer2/0/shortcut/0/conv2d/0" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.0.shortcut.1.weight" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer2.0.shortcut.1.bias" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer2.0.shortcut.1.running_mean" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer2.0.shortcut.1.running_var" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer2/0/shortcut/1/batch_norm/0" -> "layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/0/add_/0" -> "layer2/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/0/relu/1" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" -> "layer2/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.1.conv1.weight" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; -"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/1/relu/0" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.1.conv2.weight" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; -"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"layer2/1/bn2/batch_norm/0" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/1/add_/0" -> "layer2/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/1/relu/1" -> "layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/1/relu/1__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/shortcut/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"layer3.0.conv1.weight" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 128, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 3, 3)"]; -"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer3/0/bn1/batch_norm/0" -> "layer3/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/0/relu/0" -> "layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/0/relu/0__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.0.conv2.weight" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; -"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer3/0/bn2/batch_norm/0" -> "layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.0.shortcut.0.weight" -> "layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 128, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer3/0/shortcut/0/conv2d/0__1.0._scale_param_storage" -> "layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/shortcut/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 1, 1)"]; -"layer3/0/shortcut/0/conv2d/0" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.0.shortcut.1.weight" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer3.0.shortcut.1.bias" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer3.0.shortcut.1.running_mean" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer3.0.shortcut.1.running_var" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer3/0/shortcut/1/batch_norm/0" -> "layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/0/add_/0" -> "layer3/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/0/relu/1" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" -> "layer3/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.1.conv1.weight" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; -"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/1/relu/0" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.1.conv2.weight" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; -"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"layer3/1/bn2/batch_norm/0" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/1/add_/0" -> "layer3/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/1/relu/1" -> "layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/1/relu/1__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" -> "layer4/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" -> "layer4/0/shortcut/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"layer4.0.conv1.weight" -> "layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 256, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer4/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 3, 3)"]; -"layer4/0/conv1/conv2d/0" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.0.bn1.weight" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer4.0.bn1.bias" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer4.0.bn1.running_mean" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer4.0.bn1.running_var" -> "layer4/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer4/0/bn1/batch_norm/0" -> "layer4/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4/0/relu/0" -> "layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"__nncf_hooks.post_hooks.layer4/0/relu/0__0.0._scale_param_storage" -> "layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.0.conv2.weight" -> "layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer4/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"layer4/0/conv2/conv2d/0" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.0.bn2.weight" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer4.0.bn2.bias" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer4.0.bn2.running_mean" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer4.0.bn2.running_var" -> "layer4/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer4/0/bn2/batch_norm/0" -> "layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"__nncf_hooks.post_hooks.layer4/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer4/0/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.0.shortcut.0.weight" -> "layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 256, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer4/0/shortcut/0/conv2d/0__1.0._scale_param_storage" -> "layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/0/shortcut/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 1, 1)"]; -"layer4/0/shortcut/0/conv2d/0" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.0.shortcut.1.weight" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer4.0.shortcut.1.bias" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer4.0.shortcut.1.running_mean" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer4.0.shortcut.1.running_var" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer4/0/shortcut/1/batch_norm/0" -> "layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"__nncf_hooks.post_hooks.layer4/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" -> "layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer4/0/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4/0/add_/0" -> "layer4/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4/0/relu/1" -> "layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"__nncf_hooks.post_hooks.layer4/0/relu/1__0.0._scale_param_storage" -> "layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" -> "layer4/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" -> "layer4/1/add_/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.1.conv1.weight" -> "layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer4/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"layer4/1/conv1/conv2d/0" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.1.bn1.weight" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer4.1.bn1.bias" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer4.1.bn1.running_mean" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer4.1.bn1.running_var" -> "layer4/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer4/1/bn1/batch_norm/0" -> "layer4/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4/1/relu/0" -> "layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"__nncf_hooks.post_hooks.layer4/1/relu/0__0.0._scale_param_storage" -> "layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.1.conv2.weight" -> "layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer4/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"layer4/1/conv2/conv2d/0" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4.1.bn2.weight" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"layer4.1.bn2.bias" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"layer4.1.bn2.running_mean" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"layer4.1.bn2.running_var" -> "layer4/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"layer4/1/bn2/batch_norm/0" -> "layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"__nncf_hooks.post_hooks.layer4/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer4/1/add_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4/1/add_/0" -> "layer4/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"layer4/1/relu/1" -> "layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"__nncf_hooks.post_hooks.layer4/1/relu/1__0.0._scale_param_storage" -> "layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"avgpool/adaptive_avg_pool2d/0" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; -"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/flatten/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; -"/flatten/0" -> "linear/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512)"]; -"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 512)"]; -"linear.bias" -> "linear/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(10, 1)"]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 512)"]; -"linear/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=5, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv1/conv2d/0" [id=6, type=conv2d, metatype=PTConv2dMetatype]; +"bn1.weight" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1.bias" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1.running_mean" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1.running_var" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1/batch_norm/0" [id=11, type="batch_norm", metatype=PT2BatchNormMetatype]; +"/relu/0" [id=12, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=14, type="symmetric_quantize", metatype=UnknownMetatype]; +"maxpool/max_pool2d/0" [id=15, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"layer1.0.conv1.weight" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=18, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/0/conv1/conv2d/0" [id=19, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.0.bn1.weight" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn1.bias" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn1.running_mean" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn1.running_var" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn1/batch_norm/0" [id=24, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/0/relu/0" [id=25, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer1/0/relu/0__0.0._scale_param_storage" [id=26, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" [id=27, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1.0.conv2.weight" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=30, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/0/conv2/conv2d/0" [id=31, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.0.bn2.weight" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn2.bias" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn2.running_mean" [id=34, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn2.running_var" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn2/batch_norm/0" [id=36, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer1/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=38, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/0/add_/0" [id=39, type="add_", metatype=PTAddMetatype]; +"layer1/0/relu/1" [id=40, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" [id=41, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [id=42, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1.1.conv1.weight" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=45, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/1/conv1/conv2d/0" [id=46, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.1.bn1.weight" [id=47, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn1.bias" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn1.running_mean" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn1.running_var" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/bn1/batch_norm/0" [id=51, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/1/relu/0" [id=52, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [id=54, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1.1.conv2.weight" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=57, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/1/conv2/conv2d/0" [id=58, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.1.bn2.weight" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn2.bias" [id=60, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn2.running_mean" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn2.running_var" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/bn2/batch_norm/0" [id=63, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=65, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/1/add_/0" [id=66, type="add_", metatype=PTAddMetatype]; +"layer1/1/relu/1" [id=67, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer1/1/relu/1__0.0._scale_param_storage" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" [id=69, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.0.conv1.weight" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=72, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/0/conv1/conv2d/0" [id=73, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.0.bn1.weight" [id=74, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn1.bias" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn1.running_mean" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn1.running_var" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn1/batch_norm/0" [id=78, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/0/relu/0" [id=79, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer2/0/relu/0__0.0._scale_param_storage" [id=80, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" [id=81, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.0.conv2.weight" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=84, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/0/conv2/conv2d/0" [id=85, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.0.bn2.weight" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn2.bias" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn2.running_mean" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn2.running_var" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn2/batch_norm/0" [id=90, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer2/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=92, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.0.shortcut.0.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/0/shortcut/0/conv2d/0__1.0._scale_param_storage" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [id=95, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/0/shortcut/0/conv2d/0" [id=96, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.0.shortcut.1.weight" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.shortcut.1.bias" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.shortcut.1.running_mean" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.shortcut.1.running_var" [id=100, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/shortcut/1/batch_norm/0" [id=101, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer2/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=103, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/0/add_/0" [id=104, type="add_", metatype=PTAddMetatype]; +"layer2/0/relu/1" [id=105, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [id=107, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.1.conv1.weight" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" [id=109, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=110, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/1/conv1/conv2d/0" [id=111, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.1.bn1.weight" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn1.bias" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn1.running_mean" [id=114, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn1.running_var" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/bn1/batch_norm/0" [id=116, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/1/relu/0" [id=117, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [id=119, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.1.conv2.weight" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=122, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/1/conv2/conv2d/0" [id=123, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.1.bn2.weight" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn2.bias" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn2.running_mean" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn2.running_var" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/bn2/batch_norm/0" [id=128, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=130, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/1/add_/0" [id=131, type="add_", metatype=PTAddMetatype]; +"layer2/1/relu/1" [id=132, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer2/1/relu/1__0.0._scale_param_storage" [id=133, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" [id=134, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.0.conv1.weight" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=137, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/0/conv1/conv2d/0" [id=138, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.0.bn1.weight" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn1.bias" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn1.running_mean" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn1.running_var" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn1/batch_norm/0" [id=143, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/0/relu/0" [id=144, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer3/0/relu/0__0.0._scale_param_storage" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" [id=146, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.0.conv2.weight" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=149, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/0/conv2/conv2d/0" [id=150, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.0.bn2.weight" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn2.bias" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn2.running_mean" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn2.running_var" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn2/batch_norm/0" [id=155, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer3/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=157, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.0.shortcut.0.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/0/shortcut/0/conv2d/0__1.0._scale_param_storage" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [id=160, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/0/shortcut/0/conv2d/0" [id=161, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.0.shortcut.1.weight" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.shortcut.1.bias" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.shortcut.1.running_mean" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.shortcut.1.running_var" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/shortcut/1/batch_norm/0" [id=166, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer3/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=168, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/0/add_/0" [id=169, type="add_", metatype=PTAddMetatype]; +"layer3/0/relu/1" [id=170, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [id=172, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.1.conv1.weight" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=175, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/1/conv1/conv2d/0" [id=176, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.1.bn1.weight" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn1.bias" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn1.running_mean" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn1.running_var" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/bn1/batch_norm/0" [id=181, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/1/relu/0" [id=182, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [id=184, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.1.conv2.weight" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=187, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/1/conv2/conv2d/0" [id=188, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.1.bn2.weight" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn2.bias" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn2.running_mean" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn2.running_var" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/bn2/batch_norm/0" [id=193, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=195, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/1/add_/0" [id=196, type="add_", metatype=PTAddMetatype]; +"layer3/1/relu/1" [id=197, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer3/1/relu/1__0.0._scale_param_storage" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" [id=199, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer4.0.conv1.weight" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer4/0/conv1/conv2d/0__1.0._scale_param_storage" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=202, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer4/0/conv1/conv2d/0" [id=203, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.0.bn1.weight" [id=204, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn1.bias" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn1.running_mean" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn1.running_var" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/bn1/batch_norm/0" [id=208, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/0/relu/0" [id=209, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer4/0/relu/0__0.0._scale_param_storage" [id=210, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" [id=211, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer4.0.conv2.weight" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer4/0/conv2/conv2d/0__1.0._scale_param_storage" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=214, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer4/0/conv2/conv2d/0" [id=215, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.0.bn2.weight" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn2.bias" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn2.running_mean" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.bn2.running_var" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/bn2/batch_norm/0" [id=220, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer4/0/bn2/batch_norm/0__0.0._scale_param_storage" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=222, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer4.0.shortcut.0.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer4/0/shortcut/0/conv2d/0__1.0._scale_param_storage" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [id=225, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer4/0/shortcut/0/conv2d/0" [id=226, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.0.shortcut.1.weight" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.shortcut.1.bias" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.shortcut.1.running_mean" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.0.shortcut.1.running_var" [id=230, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/shortcut/1/batch_norm/0" [id=231, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer4/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [id=233, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer4/0/add_/0" [id=234, type="add_", metatype=PTAddMetatype]; +"layer4/0/relu/1" [id=235, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer4/0/relu/1__0.0._scale_param_storage" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" [id=237, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer4.1.conv1.weight" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer4/1/conv1/conv2d/0__1.0._scale_param_storage" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=240, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer4/1/conv1/conv2d/0" [id=241, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.1.bn1.weight" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn1.bias" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn1.running_mean" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn1.running_var" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/bn1/batch_norm/0" [id=246, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer4/1/relu/0" [id=247, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer4/1/relu/0__0.0._scale_param_storage" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" [id=249, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer4.1.conv2.weight" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer4/1/conv2/conv2d/0__1.0._scale_param_storage" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=252, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer4/1/conv2/conv2d/0" [id=253, type=conv2d, metatype=PTConv2dMetatype]; +"layer4.1.bn2.weight" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn2.bias" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn2.running_mean" [id=256, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4.1.bn2.running_var" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/bn2/batch_norm/0" [id=258, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer4/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=260, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer4/1/add_/0" [id=261, type="add_", metatype=PTAddMetatype]; +"layer4/1/relu/1" [id=262, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer4/1/relu/1__0.0._scale_param_storage" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" [id=264, type="symmetric_quantize", metatype=UnknownMetatype]; +"avgpool/adaptive_avg_pool2d/0" [id=265, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [id=267, type="symmetric_quantize", metatype=UnknownMetatype]; +"/flatten/0" [id=268, type=flatten, metatype=PTReshapeMetatype]; +"linear.weight" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"linear.bias" [id=270, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=272, type="symmetric_quantize", metatype=UnknownMetatype]; +"linear/linear/0" [id=273, type=linear, metatype=PTLinearMetatype]; +output [id=274, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"bn1/batch_norm/0" -> "/relu/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "maxpool/max_pool2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"maxpool/max_pool2d/0" -> "layer1/0/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=1]; +"layer1.0.conv1.weight" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn1/batch_norm/0" -> "layer1/0/relu/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/relu/0" -> "layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/0/relu/0__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer1/0/post_hook__layer1-0-relu-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.conv2.weight" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn2/batch_norm/0" -> "layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn2/post_hook__layer1-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/0/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/add_/0" -> "layer1/0/relu/1" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/relu/1" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" -> "layer1/1/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=1]; +"layer1.1.conv1.weight" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/relu/0" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.conv2.weight" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"layer1/1/bn2/batch_norm/0" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/1/add_/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/add_/0" -> "layer1/1/relu/1" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/relu/1" -> "layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/1/relu/1__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/post_hook__layer1-1-relu-1__0[0]/symmetric_quantize/0" -> "layer2/0/shortcut/0/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"layer2.0.conv1.weight" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn1/batch_norm/0" -> "layer2/0/relu/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/relu/0" -> "layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/0/relu/0__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/0/post_hook__layer2-0-relu-0__0[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.conv2.weight" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn2/batch_norm/0" -> "layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn2/post_hook__layer2-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.shortcut.0.weight" -> "layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/0/shortcut/0/conv2d/0__1.0._scale_param_storage" -> "layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/0/shortcut/0/pre_hook__layer2-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/shortcut/0/conv2d/0" [dtype=float, shape="(128, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/0/shortcut/0/conv2d/0" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.shortcut.1.weight" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer2.0.shortcut.1.bias" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer2.0.shortcut.1.running_mean" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer2.0.shortcut.1.running_var" -> "layer2/0/shortcut/1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer2/0/shortcut/1/batch_norm/0" -> "layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/0/shortcut/1/post_hook__layer2-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2/0/add_/0" -> "layer2/0/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/relu/1" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" -> "layer2/1/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2.1.conv1.weight" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/relu/0" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.conv2.weight" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"layer2/1/bn2/batch_norm/0" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/1/add_/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/add_/0" -> "layer2/1/relu/1" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/relu/1" -> "layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/1/relu/1__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/post_hook__layer2-1-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/shortcut/0/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"layer3.0.conv1.weight" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn1/batch_norm/0" -> "layer3/0/relu/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/relu/0" -> "layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/0/relu/0__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer3/0/post_hook__layer3-0-relu-0__0[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.conv2.weight" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn2/batch_norm/0" -> "layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn2/post_hook__layer3-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.shortcut.0.weight" -> "layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 128, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/0/shortcut/0/conv2d/0__1.0._scale_param_storage" -> "layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/0/shortcut/0/pre_hook__layer3-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/shortcut/0/conv2d/0" [dtype=float, shape="(256, 128, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/0/shortcut/0/conv2d/0" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.shortcut.1.weight" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer3.0.shortcut.1.bias" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer3.0.shortcut.1.running_mean" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer3.0.shortcut.1.running_var" -> "layer3/0/shortcut/1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer3/0/shortcut/1/batch_norm/0" -> "layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer3/0/shortcut/1/post_hook__layer3-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=1]; +"layer3/0/add_/0" -> "layer3/0/relu/1" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/relu/1" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" -> "layer3/1/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=1]; +"layer3.1.conv1.weight" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/relu/0" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.conv2.weight" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"layer3/1/bn2/batch_norm/0" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/1/add_/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/add_/0" -> "layer3/1/relu/1" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/relu/1" -> "layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/1/relu/1__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" -> "layer4/0/conv1/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/post_hook__layer3-1-relu-1__0[0]/symmetric_quantize/0" -> "layer4/0/shortcut/0/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"layer4.0.conv1.weight" -> "layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer4/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer4/0/conv1/pre_hook__layer4-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/0/conv1/conv2d/0" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"layer4/0/conv1/conv2d/0" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.bn1.weight" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer4.0.bn1.bias" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer4.0.bn1.running_mean" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer4.0.bn1.running_var" -> "layer4/0/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer4/0/bn1/batch_norm/0" -> "layer4/0/relu/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/0/relu/0" -> "layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer4/0/relu/0__0.0._scale_param_storage" -> "layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer4/0/post_hook__layer4-0-relu-0__0[0]/symmetric_quantize/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.conv2.weight" -> "layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer4/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer4/0/conv2/pre_hook__layer4-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/0/conv2/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"layer4/0/conv2/conv2d/0" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.bn2.weight" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer4.0.bn2.bias" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer4.0.bn2.running_mean" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer4.0.bn2.running_var" -> "layer4/0/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer4/0/bn2/batch_norm/0" -> "layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer4/0/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer4/0/bn2/post_hook__layer4-0-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer4/0/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.shortcut.0.weight" -> "layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer4/0/shortcut/0/conv2d/0__1.0._scale_param_storage" -> "layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer4/0/shortcut/0/pre_hook__layer4-0-shortcut-0-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/0/shortcut/0/conv2d/0" [dtype=float, shape="(512, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"layer4/0/shortcut/0/conv2d/0" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.0.shortcut.1.weight" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer4.0.shortcut.1.bias" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer4.0.shortcut.1.running_mean" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer4.0.shortcut.1.running_var" -> "layer4/0/shortcut/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer4/0/shortcut/1/batch_norm/0" -> "layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer4/0/shortcut/1/batch_norm/0__0.0._scale_param_storage" -> "layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer4/0/shortcut/1/post_hook__layer4-0-shortcut-1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer4/0/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=1]; +"layer4/0/add_/0" -> "layer4/0/relu/1" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/0/relu/1" -> "layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer4/0/relu/1__0.0._scale_param_storage" -> "layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" -> "layer4/1/conv1/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/0/post_hook__layer4-0-relu-1__0[0]/symmetric_quantize/0" -> "layer4/1/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=1]; +"layer4.1.conv1.weight" -> "layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer4/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer4/1/conv1/pre_hook__layer4-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/1/conv1/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"layer4/1/conv1/conv2d/0" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.1.bn1.weight" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer4.1.bn1.bias" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer4.1.bn1.running_mean" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer4.1.bn1.running_var" -> "layer4/1/bn1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer4/1/bn1/batch_norm/0" -> "layer4/1/relu/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/1/relu/0" -> "layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer4/1/relu/0__0.0._scale_param_storage" -> "layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer4/1/post_hook__layer4-1-relu-0__0[0]/symmetric_quantize/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.1.conv2.weight" -> "layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer4/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer4/1/conv2/pre_hook__layer4-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer4/1/conv2/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"layer4/1/conv2/conv2d/0" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4.1.bn2.weight" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"layer4.1.bn2.bias" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"layer4.1.bn2.running_mean" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"layer4.1.bn2.running_var" -> "layer4/1/bn2/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"layer4/1/bn2/batch_norm/0" -> "layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer4/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer4/1/bn2/post_hook__layer4-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer4/1/add_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/1/add_/0" -> "layer4/1/relu/1" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"layer4/1/relu/1" -> "layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer4/1/relu/1__0.0._scale_param_storage" -> "layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer4/1/post_hook__layer4-1-relu-1__0[0]/symmetric_quantize/0" -> "avgpool/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"avgpool/adaptive_avg_pool2d/0" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.avgpool/adaptive_avg_pool2d/0__0.0._scale_param_storage" -> "avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"avgpool/post_hook__avgpool-adaptive_avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/flatten/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"/flatten/0" -> "linear/linear/0" [dtype=float, shape="(1, 512)", out_port_id=0, in_port_id=0]; +"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 512)", out_port_id=0, in_port_id=0]; +"linear.bias" -> "linear/linear/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1)", out_port_id=0, in_port_id=4]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, shape="(10, 512)", out_port_id=0, in_port_id=1]; +"linear/linear/0" -> output [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/rope_model.dot b/tests/torch2/data/quantization/test_quantized_graphs/rope_model.dot index d23a8324ba4..2a89a9bf98b 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/rope_model.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/rope_model.dot @@ -1,25 +1,25 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -"/unsqueeze/0" [id=3, metatype=PTReshapeMetatype, type=unsqueeze]; -"/reshape/0" [id=4, metatype=UnknownMetatype, type=reshape]; -"/matmul/0" [id=5, metatype=PTMatMulMetatype, type=matmul]; -"/transpose/0" [id=6, metatype=PTTransposeMetatype, type=transpose]; -"/cat/0" [id=7, metatype=PTCatMetatype, type=cat]; -"/sin/0" [id=8, metatype=UnknownMetatype, type=sin]; -"/cos/0" [id=9, metatype=UnknownMetatype, type=cos]; -output_0 [id=10, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -output_1 [id=11, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "/unsqueeze/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; -"/unsqueeze/0" -> "/matmul/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1, 10)"]; -"/reshape/0" -> "/matmul/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 5, 1)"]; -"/matmul/0" -> "/transpose/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 5, 10)"]; -"/transpose/0" -> "/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 5)"]; -"/cat/0" -> "/sin/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 5)"]; -"/cat/0" -> "/cos/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 5)"]; -"/sin/0" -> output_0 [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 5)"]; -"/cos/0" -> output_1 [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10, 5)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +"/unsqueeze/0" [id=3, type=unsqueeze, metatype=PTReshapeMetatype]; +"/reshape/0" [id=4, type=reshape, metatype=UnknownMetatype]; +"/matmul/0" [id=5, type=matmul, metatype=PTMatMulMetatype]; +"/transpose/0" [id=6, type=transpose, metatype=PTTransposeMetatype]; +"/cat/0" [id=7, type=cat, metatype=PTCatMetatype]; +"/sin/0" [id=8, type=sin, metatype=UnknownMetatype]; +"/cos/0" [id=9, type=cos, metatype=UnknownMetatype]; +output_0 [id=10, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +output_1 [id=11, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "/unsqueeze/0" [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; +"/unsqueeze/0" -> "/matmul/0" [dtype=float, shape="(1, 1, 10)", out_port_id=0, in_port_id=1]; +"/reshape/0" -> "/matmul/0" [dtype=float, shape="(1, 5, 1)", out_port_id=0, in_port_id=0]; +"/matmul/0" -> "/transpose/0" [dtype=float, shape="(1, 5, 10)", out_port_id=0, in_port_id=0]; +"/transpose/0" -> "/cat/0" [dtype=float, shape="(1, 10, 5)", out_port_id=0, in_port_id=0]; +"/cat/0" -> "/sin/0" [dtype=float, shape="(1, 10, 5)", out_port_id=0, in_port_id=0]; +"/cat/0" -> "/cos/0" [dtype=float, shape="(1, 10, 5)", out_port_id=0, in_port_id=0]; +"/sin/0" -> output_0 [dtype=float, shape="(1, 10, 5)", out_port_id=0, in_port_id=0]; +"/cos/0" -> output_1 [dtype=float, shape="(1, 10, 5)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/scaled_dot_product_attention_model.dot b/tests/torch2/data/quantization/test_quantized_graphs/scaled_dot_product_attention_model.dot index b8e5e9bb04a..0da822798b6 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/scaled_dot_product_attention_model.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/scaled_dot_product_attention_model.dot @@ -1,19 +1,19 @@ -strict digraph { -query [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.query__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__query__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -key [id=3, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.key__0.0._scale_param_storage" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__key__0[0]/symmetric_quantize/0" [id=5, metatype=UnknownMetatype, type=symmetric_quantize]; -value [id=6, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"/scaled_dot_product_attention/0" [id=7, metatype=PTScaledDotProductAttentionMetatype, type=scaled_dot_product_attention]; -output [id=8, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -query -> "post_hook__query__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 16)"]; -"__nncf_hooks.post_hooks.query__0.0._scale_param_storage" -> "post_hook__query__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__query__0[0]/symmetric_quantize/0" -> "/scaled_dot_product_attention/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 16)"]; -key -> "post_hook__key__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 16)"]; -"__nncf_hooks.post_hooks.key__0.0._scale_param_storage" -> "post_hook__key__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__key__0[0]/symmetric_quantize/0" -> "/scaled_dot_product_attention/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 8, 16)"]; -value -> "/scaled_dot_product_attention/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1, 8, 16)"]; -"/scaled_dot_product_attention/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 8, 16)"]; +strict digraph { +query [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.query__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__query__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +key [id=3, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.key__0.0._scale_param_storage" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__key__0[0]/symmetric_quantize/0" [id=5, type="symmetric_quantize", metatype=UnknownMetatype]; +value [id=6, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"/scaled_dot_product_attention/0" [id=7, type="scaled_dot_product_attention", metatype=PTScaledDotProductAttentionMetatype]; +output [id=8, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +query -> "post_hook__query__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 8, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.query__0.0._scale_param_storage" -> "post_hook__query__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__query__0[0]/symmetric_quantize/0" -> "/scaled_dot_product_attention/0" [dtype=float, shape="(1, 8, 16)", out_port_id=0, in_port_id=0]; +key -> "post_hook__key__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 8, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.key__0.0._scale_param_storage" -> "post_hook__key__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__key__0[0]/symmetric_quantize/0" -> "/scaled_dot_product_attention/0" [dtype=float, shape="(1, 8, 16)", out_port_id=0, in_port_id=1]; +value -> "/scaled_dot_product_attention/0" [dtype=float, shape="(1, 8, 16)", out_port_id=0, in_port_id=2]; +"/scaled_dot_product_attention/0" -> output [dtype=float, shape="(1, 8, 16)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/shared_model.dot b/tests/torch2/data/quantization/test_quantized_graphs/shared_model.dot index 2449e8f47b5..dd1120559aa 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/shared_model.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/shared_model.dot @@ -1,35 +1,35 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -"shared_conv.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"shared_conv.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.shared_conv/conv2d/0__1.0._scale_param_storage" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" [id=6, metatype=UnknownMetatype, type=symmetric_quantize]; -"shared_conv/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; -"/add/0" [id=8, metatype=PTAddMetatype, type=add]; -"__nncf_hooks.post_hooks./add/0__0.0._scale_param_storage" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__-add-0__0[0]/symmetric_quantize/0" [id=10, metatype=UnknownMetatype, type=symmetric_quantize]; -"__nncf_hooks.pre_hooks.shared_conv/conv2d/1__1.0._scale_param_storage" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" [id=12, metatype=UnknownMetatype, type=symmetric_quantize]; -"shared_conv/conv2d/1" [id=13, metatype=PTConv2dMetatype, type=conv2d]; -"/mul/0" [id=14, metatype=PTMulMetatype, type=mul]; -output [id=15, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 5, 6)"]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "shared_conv/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 5, 6)"]; -"shared_conv.weight" -> "shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 1)"]; -"shared_conv.weight" -> "shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 1, 1)"]; -"shared_conv.bias" -> "shared_conv/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1,)"]; -"shared_conv.bias" -> "shared_conv/conv2d/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.pre_hooks.shared_conv/conv2d/0__1.0._scale_param_storage" -> "shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 1, 1, 1)"]; -"shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" -> "shared_conv/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1, 1, 1)"]; -"shared_conv/conv2d/0" -> "/add/0" [dtype=float, in_port_id=0, out_port_id=0, parallel_input_port_ids="[1]", shape="(1, 1, 5, 6)"]; -"/add/0" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 5, 6)"]; -"__nncf_hooks.post_hooks./add/0__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__-add-0__0[0]/symmetric_quantize/0" -> "shared_conv/conv2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 5, 6)"]; -"__nncf_hooks.pre_hooks.shared_conv/conv2d/1__1.0._scale_param_storage" -> "shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 1, 1, 1)"]; -"shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" -> "shared_conv/conv2d/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 1, 1, 1)"]; -"shared_conv/conv2d/1" -> "/mul/0" [dtype=float, in_port_id=0, out_port_id=0, parallel_input_port_ids="[1]", shape="(1, 1, 5, 6)"]; -"/mul/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1, 5, 6)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +"shared_conv.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"shared_conv.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.shared_conv/conv2d/0__1.0._scale_param_storage" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" [id=6, type="symmetric_quantize", metatype=UnknownMetatype]; +"shared_conv/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; +"/add/0" [id=8, type=add, metatype=PTAddMetatype]; +"__nncf_hooks.post_hooks./add/0__0.0._scale_param_storage" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__-add-0__0[0]/symmetric_quantize/0" [id=10, type="symmetric_quantize", metatype=UnknownMetatype]; +"__nncf_hooks.pre_hooks.shared_conv/conv2d/1__1.0._scale_param_storage" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" [id=12, type="symmetric_quantize", metatype=UnknownMetatype]; +"shared_conv/conv2d/1" [id=13, type=conv2d, metatype=PTConv2dMetatype]; +"/mul/0" [id=14, type=mul, metatype=PTMulMetatype]; +output [id=15, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1, 5, 6)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "shared_conv/conv2d/0" [dtype=float, shape="(1, 1, 5, 6)", out_port_id=0, in_port_id=0]; +"shared_conv.weight" -> "shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1, 1, 1)", out_port_id=0, in_port_id=0]; +"shared_conv.weight" -> "shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1, 1, 1)", out_port_id=0, in_port_id=0]; +"shared_conv.bias" -> "shared_conv/conv2d/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=2]; +"shared_conv.bias" -> "shared_conv/conv2d/1" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.shared_conv/conv2d/0__1.0._scale_param_storage" -> "shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"shared_conv/pre_hook__shared_conv-conv2d-0__1[0]/symmetric_quantize/0" -> "shared_conv/conv2d/0" [dtype=float, shape="(1, 1, 1, 1)", out_port_id=0, in_port_id=1]; +"shared_conv/conv2d/0" -> "/add/0" [dtype=float, shape="(1, 1, 5, 6)", out_port_id=0, in_port_id=0, parallel_input_port_ids="[1]"]; +"/add/0" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1, 5, 6)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks./add/0__0.0._scale_param_storage" -> "post_hook__-add-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__-add-0__0[0]/symmetric_quantize/0" -> "shared_conv/conv2d/1" [dtype=float, shape="(1, 1, 5, 6)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.shared_conv/conv2d/1__1.0._scale_param_storage" -> "shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"shared_conv/pre_hook__shared_conv-conv2d-1__1[0]/symmetric_quantize/0" -> "shared_conv/conv2d/1" [dtype=float, shape="(1, 1, 1, 1)", out_port_id=0, in_port_id=1]; +"shared_conv/conv2d/1" -> "/mul/0" [dtype=float, shape="(1, 1, 5, 6)", out_port_id=0, in_port_id=0, parallel_input_port_ids="[1]"]; +"/mul/0" -> output [dtype=float, shape="(1, 1, 5, 6)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/shufflenetv2.dot b/tests/torch2/data/quantization/test_quantized_graphs/shufflenetv2.dot index 18d308eb594..6e4e050cb99 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/shufflenetv2.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/shufflenetv2.dot @@ -1,1513 +1,1513 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv1.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=5, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv1/conv2d/0" [id=6, metatype=PTConv2dMetatype, type=conv2d]; -"bn1.weight" [id=7, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1.bias" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1.running_mean" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1.running_var" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn1/batch_norm/0" [id=11, metatype=PT2BatchNormMetatype, type=batch_norm]; -"/relu/0" [id=12, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=14, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1.0.conv1.weight" [id=15, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=17, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/0/conv1/conv2d/0" [id=18, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer1.0.bn1.weight" [id=19, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn1.bias" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn1.running_mean" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn1.running_var" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn1/batch_norm/0" [id=23, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer1/0/bn1/batch_norm/0__0.0._scale_param_storage" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [id=25, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1.0.conv2.weight" [id=26, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=28, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/0/conv2/conv2d/0" [id=29, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.0.bn2.weight" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn2.bias" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn2.running_mean" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn2.running_var" [id=33, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn2/batch_norm/0" [id=34, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/0/relu/0" [id=35, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=37, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1.0.conv3.weight" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/0/conv3/conv2d/0__1.0._scale_param_storage" [id=39, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=40, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/0/conv3/conv2d/0" [id=41, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.0.bn3.weight" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn3.bias" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn3.running_mean" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn3.running_var" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn3/batch_norm/0" [id=46, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/0/relu/1" [id=47, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [id=49, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1.0.conv4.weight" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/0/conv4/conv2d/0__1.0._scale_param_storage" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [id=52, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/0/conv4/conv2d/0" [id=53, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer1.0.bn4.weight" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn4.bias" [id=55, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn4.running_mean" [id=56, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn4.running_var" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn4/batch_norm/0" [id=58, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer1/0/bn4/batch_norm/0__0.0._scale_param_storage" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [id=60, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1.0.conv5.weight" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/0/conv5/conv2d/0__1.0._scale_param_storage" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [id=63, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/0/conv5/conv2d/0" [id=64, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.0.bn5.weight" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn5.bias" [id=66, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn5.running_mean" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.0.bn5.running_var" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/0/bn5/batch_norm/0" [id=69, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/0/relu/2" [id=70, metatype=PTRELUMetatype, type=relu]; -"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" [id=71, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/0/cat/0" [id=72, metatype=PTCatMetatype, type=cat]; -"layer1/0/shuffle/view/0" [id=73, metatype=PTReshapeMetatype, type=view]; -"layer1/0/shuffle/permute/0" [id=74, metatype=PTTransposeMetatype, type=permute]; -"layer1/0/shuffle/reshape/0" [id=75, metatype=PTReshapeMetatype, type=reshape]; -"layer1/1/split/__getitem__/0" [id=76, metatype=PTGatherMetatype, type=__getitem__]; -"layer1/1/split/__getitem__/1" [id=77, metatype=PTGatherMetatype, type=__getitem__]; -"layer1.1.conv1.weight" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=80, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/1/conv1/conv2d/0" [id=81, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.1.bn1.weight" [id=82, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn1.bias" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn1.running_mean" [id=84, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn1.running_var" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/bn1/batch_norm/0" [id=86, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/1/relu/0" [id=87, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [id=89, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1.1.conv2.weight" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=92, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/1/conv2/conv2d/0" [id=93, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer1.1.bn2.weight" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn2.bias" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn2.running_mean" [id=96, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn2.running_var" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/bn2/batch_norm/0" [id=98, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=100, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1.1.conv3.weight" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/1/conv3/conv2d/0__1.0._scale_param_storage" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=103, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/1/conv3/conv2d/0" [id=104, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.1.bn3.weight" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn3.bias" [id=106, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn3.running_mean" [id=107, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.1.bn3.running_var" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/1/bn3/batch_norm/0" [id=109, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/1/relu/1" [id=110, metatype=PTRELUMetatype, type=relu]; -"layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=111, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/1/cat/0" [id=112, metatype=PTCatMetatype, type=cat]; -"layer1/1/shuffle/view/0" [id=113, metatype=PTReshapeMetatype, type=view]; -"layer1/1/shuffle/permute/0" [id=114, metatype=PTTransposeMetatype, type=permute]; -"layer1/1/shuffle/reshape/0" [id=115, metatype=PTReshapeMetatype, type=reshape]; -"layer1/2/split/__getitem__/0" [id=116, metatype=PTGatherMetatype, type=__getitem__]; -"layer1/2/split/__getitem__/1" [id=117, metatype=PTGatherMetatype, type=__getitem__]; -"layer1.2.conv1.weight" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/2/conv1/conv2d/0__1.0._scale_param_storage" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=120, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/2/conv1/conv2d/0" [id=121, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.2.bn1.weight" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn1.bias" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn1.running_mean" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn1.running_var" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/2/bn1/batch_norm/0" [id=126, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/2/relu/0" [id=127, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer1/2/relu/0__0.0._scale_param_storage" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" [id=129, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1.2.conv2.weight" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/2/conv2/conv2d/0__1.0._scale_param_storage" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=132, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/2/conv2/conv2d/0" [id=133, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer1.2.bn2.weight" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn2.bias" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn2.running_mean" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn2.running_var" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/2/bn2/batch_norm/0" [id=138, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer1/2/bn2/batch_norm/0__0.0._scale_param_storage" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=140, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1.2.conv3.weight" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/2/conv3/conv2d/0__1.0._scale_param_storage" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=143, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/2/conv3/conv2d/0" [id=144, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.2.bn3.weight" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn3.bias" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn3.running_mean" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.2.bn3.running_var" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/2/bn3/batch_norm/0" [id=149, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/2/relu/1" [id=150, metatype=PTRELUMetatype, type=relu]; -"layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=151, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/2/cat/0" [id=152, metatype=PTCatMetatype, type=cat]; -"layer1/2/shuffle/view/0" [id=153, metatype=PTReshapeMetatype, type=view]; -"layer1/2/shuffle/permute/0" [id=154, metatype=PTTransposeMetatype, type=permute]; -"layer1/2/shuffle/reshape/0" [id=155, metatype=PTReshapeMetatype, type=reshape]; -"layer1/3/split/__getitem__/0" [id=156, metatype=PTGatherMetatype, type=__getitem__]; -"layer1/3/split/__getitem__/1" [id=157, metatype=PTGatherMetatype, type=__getitem__]; -"layer1.3.conv1.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/3/conv1/conv2d/0__1.0._scale_param_storage" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=160, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/3/conv1/conv2d/0" [id=161, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.3.bn1.weight" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.3.bn1.bias" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.3.bn1.running_mean" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.3.bn1.running_var" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/3/bn1/batch_norm/0" [id=166, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/3/relu/0" [id=167, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer1/3/relu/0__0.0._scale_param_storage" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" [id=169, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1.3.conv2.weight" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/3/conv2/conv2d/0__1.0._scale_param_storage" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=172, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/3/conv2/conv2d/0" [id=173, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer1.3.bn2.weight" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.3.bn2.bias" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.3.bn2.running_mean" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.3.bn2.running_var" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/3/bn2/batch_norm/0" [id=178, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer1/3/bn2/batch_norm/0__0.0._scale_param_storage" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=180, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1.3.conv3.weight" [id=181, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer1/3/conv3/conv2d/0__1.0._scale_param_storage" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=183, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/3/conv3/conv2d/0" [id=184, metatype=PTConv2dMetatype, type=conv2d]; -"layer1.3.bn3.weight" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.3.bn3.bias" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.3.bn3.running_mean" [id=187, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1.3.bn3.running_var" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer1/3/bn3/batch_norm/0" [id=189, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer1/3/relu/1" [id=190, metatype=PTRELUMetatype, type=relu]; -"layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=191, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer1/3/cat/0" [id=192, metatype=PTCatMetatype, type=cat]; -"layer1/3/shuffle/view/0" [id=193, metatype=PTReshapeMetatype, type=view]; -"layer1/3/shuffle/permute/0" [id=194, metatype=PTTransposeMetatype, type=permute]; -"layer1/3/shuffle/reshape/0" [id=195, metatype=PTReshapeMetatype, type=reshape]; -"layer2.0.conv1.weight" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" [id=197, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=198, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/0/conv1/conv2d/0" [id=199, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer2.0.bn1.weight" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn1.bias" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn1.running_mean" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn1.running_var" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn1/batch_norm/0" [id=204, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer2/0/bn1/batch_norm/0__0.0._scale_param_storage" [id=205, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [id=206, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.0.conv2.weight" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=209, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/0/conv2/conv2d/0" [id=210, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.0.bn2.weight" [id=211, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn2.bias" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn2.running_mean" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn2.running_var" [id=214, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn2/batch_norm/0" [id=215, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/0/relu/0" [id=216, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" [id=217, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=218, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.0.conv3.weight" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/0/conv3/conv2d/0__1.0._scale_param_storage" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=221, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/0/conv3/conv2d/0" [id=222, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.0.bn3.weight" [id=223, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn3.bias" [id=224, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn3.running_mean" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn3.running_var" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn3/batch_norm/0" [id=227, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/0/relu/1" [id=228, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" [id=229, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [id=230, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.0.conv4.weight" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/0/conv4/conv2d/0__1.0._scale_param_storage" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [id=233, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/0/conv4/conv2d/0" [id=234, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer2.0.bn4.weight" [id=235, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn4.bias" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn4.running_mean" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn4.running_var" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn4/batch_norm/0" [id=239, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer2/0/bn4/batch_norm/0__0.0._scale_param_storage" [id=240, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [id=241, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.0.conv5.weight" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/0/conv5/conv2d/0__1.0._scale_param_storage" [id=243, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [id=244, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/0/conv5/conv2d/0" [id=245, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.0.bn5.weight" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn5.bias" [id=247, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn5.running_mean" [id=248, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.0.bn5.running_var" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/0/bn5/batch_norm/0" [id=250, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/0/relu/2" [id=251, metatype=PTRELUMetatype, type=relu]; -"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" [id=252, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/0/cat/0" [id=253, metatype=PTCatMetatype, type=cat]; -"layer2/0/shuffle/view/0" [id=254, metatype=PTReshapeMetatype, type=view]; -"layer2/0/shuffle/permute/0" [id=255, metatype=PTTransposeMetatype, type=permute]; -"layer2/0/shuffle/reshape/0" [id=256, metatype=PTReshapeMetatype, type=reshape]; -"layer2/1/split/__getitem__/0" [id=257, metatype=PTGatherMetatype, type=__getitem__]; -"layer2/1/split/__getitem__/1" [id=258, metatype=PTGatherMetatype, type=__getitem__]; -"layer2.1.conv1.weight" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" [id=260, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=261, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/1/conv1/conv2d/0" [id=262, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.1.bn1.weight" [id=263, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn1.bias" [id=264, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn1.running_mean" [id=265, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn1.running_var" [id=266, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/bn1/batch_norm/0" [id=267, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/1/relu/0" [id=268, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" [id=269, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [id=270, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.1.conv2.weight" [id=271, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" [id=272, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=273, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/1/conv2/conv2d/0" [id=274, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer2.1.bn2.weight" [id=275, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn2.bias" [id=276, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn2.running_mean" [id=277, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn2.running_var" [id=278, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/bn2/batch_norm/0" [id=279, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=280, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=281, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.1.conv3.weight" [id=282, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/1/conv3/conv2d/0__1.0._scale_param_storage" [id=283, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=284, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/1/conv3/conv2d/0" [id=285, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.1.bn3.weight" [id=286, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn3.bias" [id=287, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn3.running_mean" [id=288, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.1.bn3.running_var" [id=289, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/1/bn3/batch_norm/0" [id=290, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/1/relu/1" [id=291, metatype=PTRELUMetatype, type=relu]; -"layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=292, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/1/cat/0" [id=293, metatype=PTCatMetatype, type=cat]; -"layer2/1/shuffle/view/0" [id=294, metatype=PTReshapeMetatype, type=view]; -"layer2/1/shuffle/permute/0" [id=295, metatype=PTTransposeMetatype, type=permute]; -"layer2/1/shuffle/reshape/0" [id=296, metatype=PTReshapeMetatype, type=reshape]; -"layer2/2/split/__getitem__/0" [id=297, metatype=PTGatherMetatype, type=__getitem__]; -"layer2/2/split/__getitem__/1" [id=298, metatype=PTGatherMetatype, type=__getitem__]; -"layer2.2.conv1.weight" [id=299, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/2/conv1/conv2d/0__1.0._scale_param_storage" [id=300, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=301, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/2/conv1/conv2d/0" [id=302, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.2.bn1.weight" [id=303, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn1.bias" [id=304, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn1.running_mean" [id=305, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn1.running_var" [id=306, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/2/bn1/batch_norm/0" [id=307, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/2/relu/0" [id=308, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer2/2/relu/0__0.0._scale_param_storage" [id=309, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" [id=310, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.2.conv2.weight" [id=311, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/2/conv2/conv2d/0__1.0._scale_param_storage" [id=312, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=313, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/2/conv2/conv2d/0" [id=314, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer2.2.bn2.weight" [id=315, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn2.bias" [id=316, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn2.running_mean" [id=317, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn2.running_var" [id=318, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/2/bn2/batch_norm/0" [id=319, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer2/2/bn2/batch_norm/0__0.0._scale_param_storage" [id=320, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=321, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.2.conv3.weight" [id=322, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/2/conv3/conv2d/0__1.0._scale_param_storage" [id=323, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=324, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/2/conv3/conv2d/0" [id=325, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.2.bn3.weight" [id=326, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn3.bias" [id=327, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn3.running_mean" [id=328, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.2.bn3.running_var" [id=329, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/2/bn3/batch_norm/0" [id=330, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/2/relu/1" [id=331, metatype=PTRELUMetatype, type=relu]; -"layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=332, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/2/cat/0" [id=333, metatype=PTCatMetatype, type=cat]; -"layer2/2/shuffle/view/0" [id=334, metatype=PTReshapeMetatype, type=view]; -"layer2/2/shuffle/permute/0" [id=335, metatype=PTTransposeMetatype, type=permute]; -"layer2/2/shuffle/reshape/0" [id=336, metatype=PTReshapeMetatype, type=reshape]; -"layer2/3/split/__getitem__/0" [id=337, metatype=PTGatherMetatype, type=__getitem__]; -"layer2/3/split/__getitem__/1" [id=338, metatype=PTGatherMetatype, type=__getitem__]; -"layer2.3.conv1.weight" [id=339, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/3/conv1/conv2d/0__1.0._scale_param_storage" [id=340, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=341, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/3/conv1/conv2d/0" [id=342, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.3.bn1.weight" [id=343, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn1.bias" [id=344, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn1.running_mean" [id=345, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn1.running_var" [id=346, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/3/bn1/batch_norm/0" [id=347, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/3/relu/0" [id=348, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer2/3/relu/0__0.0._scale_param_storage" [id=349, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" [id=350, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.3.conv2.weight" [id=351, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/3/conv2/conv2d/0__1.0._scale_param_storage" [id=352, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=353, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/3/conv2/conv2d/0" [id=354, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer2.3.bn2.weight" [id=355, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn2.bias" [id=356, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn2.running_mean" [id=357, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn2.running_var" [id=358, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/3/bn2/batch_norm/0" [id=359, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer2/3/bn2/batch_norm/0__0.0._scale_param_storage" [id=360, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=361, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.3.conv3.weight" [id=362, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/3/conv3/conv2d/0__1.0._scale_param_storage" [id=363, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=364, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/3/conv3/conv2d/0" [id=365, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.3.bn3.weight" [id=366, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn3.bias" [id=367, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn3.running_mean" [id=368, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.3.bn3.running_var" [id=369, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/3/bn3/batch_norm/0" [id=370, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/3/relu/1" [id=371, metatype=PTRELUMetatype, type=relu]; -"layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=372, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/3/cat/0" [id=373, metatype=PTCatMetatype, type=cat]; -"layer2/3/shuffle/view/0" [id=374, metatype=PTReshapeMetatype, type=view]; -"layer2/3/shuffle/permute/0" [id=375, metatype=PTTransposeMetatype, type=permute]; -"layer2/3/shuffle/reshape/0" [id=376, metatype=PTReshapeMetatype, type=reshape]; -"layer2/4/split/__getitem__/0" [id=377, metatype=PTGatherMetatype, type=__getitem__]; -"layer2/4/split/__getitem__/1" [id=378, metatype=PTGatherMetatype, type=__getitem__]; -"layer2.4.conv1.weight" [id=379, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/4/conv1/conv2d/0__1.0._scale_param_storage" [id=380, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=381, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/4/conv1/conv2d/0" [id=382, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.4.bn1.weight" [id=383, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.4.bn1.bias" [id=384, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.4.bn1.running_mean" [id=385, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.4.bn1.running_var" [id=386, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/4/bn1/batch_norm/0" [id=387, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/4/relu/0" [id=388, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer2/4/relu/0__0.0._scale_param_storage" [id=389, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" [id=390, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.4.conv2.weight" [id=391, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/4/conv2/conv2d/0__1.0._scale_param_storage" [id=392, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=393, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/4/conv2/conv2d/0" [id=394, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer2.4.bn2.weight" [id=395, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.4.bn2.bias" [id=396, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.4.bn2.running_mean" [id=397, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.4.bn2.running_var" [id=398, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/4/bn2/batch_norm/0" [id=399, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer2/4/bn2/batch_norm/0__0.0._scale_param_storage" [id=400, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=401, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.4.conv3.weight" [id=402, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/4/conv3/conv2d/0__1.0._scale_param_storage" [id=403, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=404, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/4/conv3/conv2d/0" [id=405, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.4.bn3.weight" [id=406, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.4.bn3.bias" [id=407, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.4.bn3.running_mean" [id=408, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.4.bn3.running_var" [id=409, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/4/bn3/batch_norm/0" [id=410, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/4/relu/1" [id=411, metatype=PTRELUMetatype, type=relu]; -"layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=412, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/4/cat/0" [id=413, metatype=PTCatMetatype, type=cat]; -"layer2/4/shuffle/view/0" [id=414, metatype=PTReshapeMetatype, type=view]; -"layer2/4/shuffle/permute/0" [id=415, metatype=PTTransposeMetatype, type=permute]; -"layer2/4/shuffle/reshape/0" [id=416, metatype=PTReshapeMetatype, type=reshape]; -"layer2/5/split/__getitem__/0" [id=417, metatype=PTGatherMetatype, type=__getitem__]; -"layer2/5/split/__getitem__/1" [id=418, metatype=PTGatherMetatype, type=__getitem__]; -"layer2.5.conv1.weight" [id=419, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/5/conv1/conv2d/0__1.0._scale_param_storage" [id=420, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=421, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/5/conv1/conv2d/0" [id=422, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.5.bn1.weight" [id=423, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.5.bn1.bias" [id=424, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.5.bn1.running_mean" [id=425, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.5.bn1.running_var" [id=426, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/5/bn1/batch_norm/0" [id=427, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/5/relu/0" [id=428, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer2/5/relu/0__0.0._scale_param_storage" [id=429, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" [id=430, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.5.conv2.weight" [id=431, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/5/conv2/conv2d/0__1.0._scale_param_storage" [id=432, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=433, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/5/conv2/conv2d/0" [id=434, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer2.5.bn2.weight" [id=435, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.5.bn2.bias" [id=436, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.5.bn2.running_mean" [id=437, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.5.bn2.running_var" [id=438, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/5/bn2/batch_norm/0" [id=439, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer2/5/bn2/batch_norm/0__0.0._scale_param_storage" [id=440, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=441, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.5.conv3.weight" [id=442, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/5/conv3/conv2d/0__1.0._scale_param_storage" [id=443, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=444, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/5/conv3/conv2d/0" [id=445, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.5.bn3.weight" [id=446, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.5.bn3.bias" [id=447, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.5.bn3.running_mean" [id=448, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.5.bn3.running_var" [id=449, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/5/bn3/batch_norm/0" [id=450, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/5/relu/1" [id=451, metatype=PTRELUMetatype, type=relu]; -"layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=452, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/5/cat/0" [id=453, metatype=PTCatMetatype, type=cat]; -"layer2/5/shuffle/view/0" [id=454, metatype=PTReshapeMetatype, type=view]; -"layer2/5/shuffle/permute/0" [id=455, metatype=PTTransposeMetatype, type=permute]; -"layer2/5/shuffle/reshape/0" [id=456, metatype=PTReshapeMetatype, type=reshape]; -"layer2/6/split/__getitem__/0" [id=457, metatype=PTGatherMetatype, type=__getitem__]; -"layer2/6/split/__getitem__/1" [id=458, metatype=PTGatherMetatype, type=__getitem__]; -"layer2.6.conv1.weight" [id=459, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/6/conv1/conv2d/0__1.0._scale_param_storage" [id=460, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=461, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/6/conv1/conv2d/0" [id=462, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.6.bn1.weight" [id=463, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.6.bn1.bias" [id=464, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.6.bn1.running_mean" [id=465, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.6.bn1.running_var" [id=466, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/6/bn1/batch_norm/0" [id=467, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/6/relu/0" [id=468, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer2/6/relu/0__0.0._scale_param_storage" [id=469, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" [id=470, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.6.conv2.weight" [id=471, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/6/conv2/conv2d/0__1.0._scale_param_storage" [id=472, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=473, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/6/conv2/conv2d/0" [id=474, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer2.6.bn2.weight" [id=475, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.6.bn2.bias" [id=476, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.6.bn2.running_mean" [id=477, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.6.bn2.running_var" [id=478, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/6/bn2/batch_norm/0" [id=479, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer2/6/bn2/batch_norm/0__0.0._scale_param_storage" [id=480, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=481, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.6.conv3.weight" [id=482, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/6/conv3/conv2d/0__1.0._scale_param_storage" [id=483, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=484, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/6/conv3/conv2d/0" [id=485, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.6.bn3.weight" [id=486, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.6.bn3.bias" [id=487, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.6.bn3.running_mean" [id=488, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.6.bn3.running_var" [id=489, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/6/bn3/batch_norm/0" [id=490, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/6/relu/1" [id=491, metatype=PTRELUMetatype, type=relu]; -"layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=492, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/6/cat/0" [id=493, metatype=PTCatMetatype, type=cat]; -"layer2/6/shuffle/view/0" [id=494, metatype=PTReshapeMetatype, type=view]; -"layer2/6/shuffle/permute/0" [id=495, metatype=PTTransposeMetatype, type=permute]; -"layer2/6/shuffle/reshape/0" [id=496, metatype=PTReshapeMetatype, type=reshape]; -"layer2/7/split/__getitem__/0" [id=497, metatype=PTGatherMetatype, type=__getitem__]; -"layer2/7/split/__getitem__/1" [id=498, metatype=PTGatherMetatype, type=__getitem__]; -"layer2.7.conv1.weight" [id=499, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/7/conv1/conv2d/0__1.0._scale_param_storage" [id=500, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=501, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/7/conv1/conv2d/0" [id=502, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.7.bn1.weight" [id=503, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.7.bn1.bias" [id=504, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.7.bn1.running_mean" [id=505, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.7.bn1.running_var" [id=506, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/7/bn1/batch_norm/0" [id=507, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/7/relu/0" [id=508, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer2/7/relu/0__0.0._scale_param_storage" [id=509, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" [id=510, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.7.conv2.weight" [id=511, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/7/conv2/conv2d/0__1.0._scale_param_storage" [id=512, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=513, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/7/conv2/conv2d/0" [id=514, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer2.7.bn2.weight" [id=515, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.7.bn2.bias" [id=516, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.7.bn2.running_mean" [id=517, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.7.bn2.running_var" [id=518, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/7/bn2/batch_norm/0" [id=519, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer2/7/bn2/batch_norm/0__0.0._scale_param_storage" [id=520, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=521, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2.7.conv3.weight" [id=522, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer2/7/conv3/conv2d/0__1.0._scale_param_storage" [id=523, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=524, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/7/conv3/conv2d/0" [id=525, metatype=PTConv2dMetatype, type=conv2d]; -"layer2.7.bn3.weight" [id=526, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.7.bn3.bias" [id=527, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.7.bn3.running_mean" [id=528, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2.7.bn3.running_var" [id=529, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer2/7/bn3/batch_norm/0" [id=530, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer2/7/relu/1" [id=531, metatype=PTRELUMetatype, type=relu]; -"layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=532, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer2/7/cat/0" [id=533, metatype=PTCatMetatype, type=cat]; -"layer2/7/shuffle/view/0" [id=534, metatype=PTReshapeMetatype, type=view]; -"layer2/7/shuffle/permute/0" [id=535, metatype=PTTransposeMetatype, type=permute]; -"layer2/7/shuffle/reshape/0" [id=536, metatype=PTReshapeMetatype, type=reshape]; -"layer3.0.conv1.weight" [id=537, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" [id=538, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=539, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/0/conv1/conv2d/0" [id=540, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer3.0.bn1.weight" [id=541, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn1.bias" [id=542, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn1.running_mean" [id=543, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn1.running_var" [id=544, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn1/batch_norm/0" [id=545, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer3/0/bn1/batch_norm/0__0.0._scale_param_storage" [id=546, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [id=547, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.0.conv2.weight" [id=548, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" [id=549, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=550, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/0/conv2/conv2d/0" [id=551, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.0.bn2.weight" [id=552, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn2.bias" [id=553, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn2.running_mean" [id=554, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn2.running_var" [id=555, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn2/batch_norm/0" [id=556, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/0/relu/0" [id=557, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" [id=558, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=559, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.0.conv3.weight" [id=560, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/0/conv3/conv2d/0__1.0._scale_param_storage" [id=561, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=562, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/0/conv3/conv2d/0" [id=563, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.0.bn3.weight" [id=564, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn3.bias" [id=565, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn3.running_mean" [id=566, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn3.running_var" [id=567, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn3/batch_norm/0" [id=568, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/0/relu/1" [id=569, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" [id=570, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [id=571, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.0.conv4.weight" [id=572, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/0/conv4/conv2d/0__1.0._scale_param_storage" [id=573, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [id=574, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/0/conv4/conv2d/0" [id=575, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer3.0.bn4.weight" [id=576, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn4.bias" [id=577, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn4.running_mean" [id=578, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn4.running_var" [id=579, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn4/batch_norm/0" [id=580, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer3/0/bn4/batch_norm/0__0.0._scale_param_storage" [id=581, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [id=582, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.0.conv5.weight" [id=583, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/0/conv5/conv2d/0__1.0._scale_param_storage" [id=584, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [id=585, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/0/conv5/conv2d/0" [id=586, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.0.bn5.weight" [id=587, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn5.bias" [id=588, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn5.running_mean" [id=589, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.0.bn5.running_var" [id=590, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/0/bn5/batch_norm/0" [id=591, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/0/relu/2" [id=592, metatype=PTRELUMetatype, type=relu]; -"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" [id=593, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/0/cat/0" [id=594, metatype=PTCatMetatype, type=cat]; -"layer3/0/shuffle/view/0" [id=595, metatype=PTReshapeMetatype, type=view]; -"layer3/0/shuffle/permute/0" [id=596, metatype=PTTransposeMetatype, type=permute]; -"layer3/0/shuffle/reshape/0" [id=597, metatype=PTReshapeMetatype, type=reshape]; -"layer3/1/split/__getitem__/0" [id=598, metatype=PTGatherMetatype, type=__getitem__]; -"layer3/1/split/__getitem__/1" [id=599, metatype=PTGatherMetatype, type=__getitem__]; -"layer3.1.conv1.weight" [id=600, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" [id=601, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=602, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/1/conv1/conv2d/0" [id=603, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.1.bn1.weight" [id=604, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn1.bias" [id=605, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn1.running_mean" [id=606, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn1.running_var" [id=607, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/bn1/batch_norm/0" [id=608, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/1/relu/0" [id=609, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" [id=610, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [id=611, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.1.conv2.weight" [id=612, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" [id=613, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=614, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/1/conv2/conv2d/0" [id=615, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer3.1.bn2.weight" [id=616, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn2.bias" [id=617, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn2.running_mean" [id=618, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn2.running_var" [id=619, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/bn2/batch_norm/0" [id=620, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=621, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=622, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.1.conv3.weight" [id=623, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/1/conv3/conv2d/0__1.0._scale_param_storage" [id=624, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=625, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/1/conv3/conv2d/0" [id=626, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.1.bn3.weight" [id=627, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn3.bias" [id=628, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn3.running_mean" [id=629, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.1.bn3.running_var" [id=630, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/1/bn3/batch_norm/0" [id=631, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/1/relu/1" [id=632, metatype=PTRELUMetatype, type=relu]; -"layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=633, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/1/cat/0" [id=634, metatype=PTCatMetatype, type=cat]; -"layer3/1/shuffle/view/0" [id=635, metatype=PTReshapeMetatype, type=view]; -"layer3/1/shuffle/permute/0" [id=636, metatype=PTTransposeMetatype, type=permute]; -"layer3/1/shuffle/reshape/0" [id=637, metatype=PTReshapeMetatype, type=reshape]; -"layer3/2/split/__getitem__/0" [id=638, metatype=PTGatherMetatype, type=__getitem__]; -"layer3/2/split/__getitem__/1" [id=639, metatype=PTGatherMetatype, type=__getitem__]; -"layer3.2.conv1.weight" [id=640, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/2/conv1/conv2d/0__1.0._scale_param_storage" [id=641, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=642, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/2/conv1/conv2d/0" [id=643, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.2.bn1.weight" [id=644, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn1.bias" [id=645, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn1.running_mean" [id=646, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn1.running_var" [id=647, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/2/bn1/batch_norm/0" [id=648, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/2/relu/0" [id=649, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer3/2/relu/0__0.0._scale_param_storage" [id=650, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" [id=651, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.2.conv2.weight" [id=652, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/2/conv2/conv2d/0__1.0._scale_param_storage" [id=653, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=654, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/2/conv2/conv2d/0" [id=655, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer3.2.bn2.weight" [id=656, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn2.bias" [id=657, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn2.running_mean" [id=658, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn2.running_var" [id=659, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/2/bn2/batch_norm/0" [id=660, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer3/2/bn2/batch_norm/0__0.0._scale_param_storage" [id=661, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=662, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.2.conv3.weight" [id=663, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/2/conv3/conv2d/0__1.0._scale_param_storage" [id=664, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=665, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/2/conv3/conv2d/0" [id=666, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.2.bn3.weight" [id=667, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn3.bias" [id=668, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn3.running_mean" [id=669, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.2.bn3.running_var" [id=670, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/2/bn3/batch_norm/0" [id=671, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/2/relu/1" [id=672, metatype=PTRELUMetatype, type=relu]; -"layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=673, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/2/cat/0" [id=674, metatype=PTCatMetatype, type=cat]; -"layer3/2/shuffle/view/0" [id=675, metatype=PTReshapeMetatype, type=view]; -"layer3/2/shuffle/permute/0" [id=676, metatype=PTTransposeMetatype, type=permute]; -"layer3/2/shuffle/reshape/0" [id=677, metatype=PTReshapeMetatype, type=reshape]; -"layer3/3/split/__getitem__/0" [id=678, metatype=PTGatherMetatype, type=__getitem__]; -"layer3/3/split/__getitem__/1" [id=679, metatype=PTGatherMetatype, type=__getitem__]; -"layer3.3.conv1.weight" [id=680, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/3/conv1/conv2d/0__1.0._scale_param_storage" [id=681, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=682, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/3/conv1/conv2d/0" [id=683, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.3.bn1.weight" [id=684, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn1.bias" [id=685, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn1.running_mean" [id=686, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn1.running_var" [id=687, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/3/bn1/batch_norm/0" [id=688, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/3/relu/0" [id=689, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.layer3/3/relu/0__0.0._scale_param_storage" [id=690, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" [id=691, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.3.conv2.weight" [id=692, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/3/conv2/conv2d/0__1.0._scale_param_storage" [id=693, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=694, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/3/conv2/conv2d/0" [id=695, metatype=PTDepthwiseConv2dSubtype, type=conv2d]; -"layer3.3.bn2.weight" [id=696, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn2.bias" [id=697, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn2.running_mean" [id=698, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn2.running_var" [id=699, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/3/bn2/batch_norm/0" [id=700, metatype=PT2BatchNormMetatype, type=batch_norm]; -"__nncf_hooks.post_hooks.layer3/3/bn2/batch_norm/0__0.0._scale_param_storage" [id=701, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=702, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3.3.conv3.weight" [id=703, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.layer3/3/conv3/conv2d/0__1.0._scale_param_storage" [id=704, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=705, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/3/conv3/conv2d/0" [id=706, metatype=PTConv2dMetatype, type=conv2d]; -"layer3.3.bn3.weight" [id=707, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn3.bias" [id=708, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn3.running_mean" [id=709, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3.3.bn3.running_var" [id=710, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"layer3/3/bn3/batch_norm/0" [id=711, metatype=PT2BatchNormMetatype, type=batch_norm]; -"layer3/3/relu/1" [id=712, metatype=PTRELUMetatype, type=relu]; -"layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=713, metatype=UnknownMetatype, type=symmetric_quantize]; -"layer3/3/cat/0" [id=714, metatype=PTCatMetatype, type=cat]; -"layer3/3/shuffle/view/0" [id=715, metatype=PTReshapeMetatype, type=view]; -"layer3/3/shuffle/permute/0" [id=716, metatype=PTTransposeMetatype, type=permute]; -"layer3/3/shuffle/reshape/0" [id=717, metatype=PTReshapeMetatype, type=reshape]; -"conv2.weight" [id=718, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" [id=719, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=720, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv2/conv2d/0" [id=721, metatype=PTConv2dMetatype, type=conv2d]; -"bn2.weight" [id=722, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn2.bias" [id=723, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn2.running_mean" [id=724, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn2.running_var" [id=725, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"bn2/batch_norm/0" [id=726, metatype=PT2BatchNormMetatype, type=batch_norm]; -"/relu/1" [id=727, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" [id=728, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__-relu-1__0[0]/symmetric_quantize/0" [id=729, metatype=UnknownMetatype, type=symmetric_quantize]; -"/avg_pool2d/0" [id=730, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" [id=731, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=732, metatype=UnknownMetatype, type=symmetric_quantize]; -"/view/0" [id=733, metatype=PTReshapeMetatype, type=view]; -"linear.weight" [id=734, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"linear.bias" [id=735, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=736, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=737, metatype=UnknownMetatype, type=symmetric_quantize]; -"linear/linear/0" [id=738, metatype=PTLinearMetatype, type=linear]; -output [id=739, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 3, 3, 3)"]; -"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 3, 3, 3)"]; -"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; -"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"bn1/batch_norm/0" -> "/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; -"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; -"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; -"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; -"layer1.0.conv1.weight" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; -"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"layer1/0/bn1/batch_norm/0" -> "layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/0/bn1/batch_norm/0__0.0._scale_param_storage" -> "layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.0.conv2.weight" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"layer1/0/bn2/batch_norm/0" -> "layer1/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/0/relu/0" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.0.conv3.weight" -> "layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer1/0/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"layer1/0/conv3/conv2d/0" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; -"layer1.0.bn3.weight" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"layer1.0.bn3.bias" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"layer1.0.bn3.running_mean" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"layer1.0.bn3.running_var" -> "layer1/0/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"layer1/0/bn3/batch_norm/0" -> "layer1/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; -"layer1/0/relu/1" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; -"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 24, 1, 1)"]; -"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" -> "layer1/0/conv4/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 32, 32)"]; -"layer1.0.conv4.weight" -> "layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer1/0/conv4/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv4/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; -"layer1/0/conv4/conv2d/0" -> "layer1/0/bn4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.0.bn4.weight" -> "layer1/0/bn4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"layer1.0.bn4.bias" -> "layer1/0/bn4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"layer1.0.bn4.running_mean" -> "layer1/0/bn4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"layer1.0.bn4.running_var" -> "layer1/0/bn4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"layer1/0/bn4/batch_norm/0" -> "layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/0/bn4/batch_norm/0__0.0._scale_param_storage" -> "layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.0.conv5.weight" -> "layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer1/0/conv5/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"layer1/0/conv5/conv2d/0" -> "layer1/0/bn5/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.0.bn5.weight" -> "layer1/0/bn5/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"layer1.0.bn5.bias" -> "layer1/0/bn5/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"layer1.0.bn5.running_mean" -> "layer1/0/bn5/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"layer1.0.bn5.running_var" -> "layer1/0/bn5/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"layer1/0/bn5/batch_norm/0" -> "layer1/0/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/0/relu/2" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" -> "layer1/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/0/cat/0" -> "layer1/0/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer1/0/shuffle/view/0" -> "layer1/0/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 16, 16)"]; -"layer1/0/shuffle/permute/0" -> "layer1/0/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 16, 16)"]; -"layer1/0/shuffle/reshape/0" -> "layer1/1/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer1/0/shuffle/reshape/0" -> "layer1/1/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer1/1/split/__getitem__/0" -> "layer1/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/1/split/__getitem__/1" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.1.conv1.weight" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/1/relu/0" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 24, 1, 1)"]; -"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.1.conv2.weight" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; -"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"layer1/1/bn2/batch_norm/0" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/1/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.1.conv3.weight" -> "layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer1/1/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"layer1/1/conv3/conv2d/0" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.1.bn3.weight" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"layer1.1.bn3.bias" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"layer1.1.bn3.running_mean" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"layer1.1.bn3.running_var" -> "layer1/1/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"layer1/1/bn3/batch_norm/0" -> "layer1/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/1/relu/1" -> "layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/1/cat/0" -> "layer1/1/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer1/1/shuffle/view/0" -> "layer1/1/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 16, 16)"]; -"layer1/1/shuffle/permute/0" -> "layer1/1/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 16, 16)"]; -"layer1/1/shuffle/reshape/0" -> "layer1/2/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer1/1/shuffle/reshape/0" -> "layer1/2/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer1/2/split/__getitem__/0" -> "layer1/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/2/split/__getitem__/1" -> "layer1/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.2.conv1.weight" -> "layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer1/2/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"layer1/2/conv1/conv2d/0" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.2.bn1.weight" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"layer1.2.bn1.bias" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"layer1.2.bn1.running_mean" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"layer1.2.bn1.running_var" -> "layer1/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"layer1/2/bn1/batch_norm/0" -> "layer1/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/2/relu/0" -> "layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/2/relu/0__0.0._scale_param_storage" -> "layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 24, 1, 1)"]; -"layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" -> "layer1/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.2.conv2.weight" -> "layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer1/2/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; -"layer1/2/conv2/conv2d/0" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.2.bn2.weight" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"layer1.2.bn2.bias" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"layer1.2.bn2.running_mean" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"layer1.2.bn2.running_var" -> "layer1/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"layer1/2/bn2/batch_norm/0" -> "layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/2/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/2/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.2.conv3.weight" -> "layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer1/2/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/2/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"layer1/2/conv3/conv2d/0" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.2.bn3.weight" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"layer1.2.bn3.bias" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"layer1.2.bn3.running_mean" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"layer1.2.bn3.running_var" -> "layer1/2/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"layer1/2/bn3/batch_norm/0" -> "layer1/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/2/relu/1" -> "layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/2/cat/0" -> "layer1/2/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer1/2/shuffle/view/0" -> "layer1/2/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 16, 16)"]; -"layer1/2/shuffle/permute/0" -> "layer1/2/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 16, 16)"]; -"layer1/2/shuffle/reshape/0" -> "layer1/3/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer1/2/shuffle/reshape/0" -> "layer1/3/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer1/3/split/__getitem__/0" -> "layer1/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/3/split/__getitem__/1" -> "layer1/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.3.conv1.weight" -> "layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer1/3/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"layer1/3/conv1/conv2d/0" -> "layer1/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.3.bn1.weight" -> "layer1/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"layer1.3.bn1.bias" -> "layer1/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"layer1.3.bn1.running_mean" -> "layer1/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"layer1.3.bn1.running_var" -> "layer1/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"layer1/3/bn1/batch_norm/0" -> "layer1/3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/3/relu/0" -> "layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/3/relu/0__0.0._scale_param_storage" -> "layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 24, 1, 1)"]; -"layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" -> "layer1/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.3.conv2.weight" -> "layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer1/3/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 1, 3, 3)"]; -"layer1/3/conv2/conv2d/0" -> "layer1/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.3.bn2.weight" -> "layer1/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"layer1.3.bn2.bias" -> "layer1/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"layer1.3.bn2.running_mean" -> "layer1/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"layer1.3.bn2.running_var" -> "layer1/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"layer1/3/bn2/batch_norm/0" -> "layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"__nncf_hooks.post_hooks.layer1/3/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/3/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.3.conv3.weight" -> "layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(24, 24, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer1/3/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24, 1, 1, 1)"]; -"layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/3/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24, 24, 1, 1)"]; -"layer1/3/conv3/conv2d/0" -> "layer1/3/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1.3.bn3.weight" -> "layer1/3/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(24,)"]; -"layer1.3.bn3.bias" -> "layer1/3/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(24,)"]; -"layer1.3.bn3.running_mean" -> "layer1/3/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(24,)"]; -"layer1.3.bn3.running_var" -> "layer1/3/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(24,)"]; -"layer1/3/bn3/batch_norm/0" -> "layer1/3/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/3/relu/1" -> "layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 24, 16, 16)"]; -"layer1/3/cat/0" -> "layer1/3/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer1/3/shuffle/view/0" -> "layer1/3/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 24, 16, 16)"]; -"layer1/3/shuffle/permute/0" -> "layer1/3/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 24, 2, 16, 16)"]; -"layer1/3/shuffle/reshape/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer1/3/shuffle/reshape/0" -> "layer2/0/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer2.0.conv1.weight" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/0/bn1/batch_norm/0" -> "layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/0/bn1/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.0.conv2.weight" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/0/bn2/batch_norm/0" -> "layer2/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/0/relu/0" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.0.conv3.weight" -> "layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/0/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/0/conv3/conv2d/0" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer2.0.bn3.weight" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.0.bn3.bias" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.0.bn3.running_mean" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.0.bn3.running_var" -> "layer2/0/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/0/bn3/batch_norm/0" -> "layer2/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer2/0/relu/1" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; -"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" -> "layer2/0/conv4/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 16, 16)"]; -"layer2.0.conv4.weight" -> "layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer2/0/conv4/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv4/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"layer2/0/conv4/conv2d/0" -> "layer2/0/bn4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.0.bn4.weight" -> "layer2/0/bn4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.0.bn4.bias" -> "layer2/0/bn4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.0.bn4.running_mean" -> "layer2/0/bn4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.0.bn4.running_var" -> "layer2/0/bn4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/0/bn4/batch_norm/0" -> "layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/0/bn4/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/conv5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.0.conv5.weight" -> "layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/0/conv5/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/0/conv5/conv2d/0" -> "layer2/0/bn5/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.0.bn5.weight" -> "layer2/0/bn5/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.0.bn5.bias" -> "layer2/0/bn5/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.0.bn5.running_mean" -> "layer2/0/bn5/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.0.bn5.running_var" -> "layer2/0/bn5/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/0/bn5/batch_norm/0" -> "layer2/0/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/0/relu/2" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" -> "layer2/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/0/cat/0" -> "layer2/0/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/0/shuffle/view/0" -> "layer2/0/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; -"layer2/0/shuffle/permute/0" -> "layer2/0/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; -"layer2/0/shuffle/reshape/0" -> "layer2/1/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/0/shuffle/reshape/0" -> "layer2/1/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/1/split/__getitem__/0" -> "layer2/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/1/split/__getitem__/1" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.1.conv1.weight" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/1/relu/0" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; -"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.1.conv2.weight" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/1/bn2/batch_norm/0" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/1/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.1.conv3.weight" -> "layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/1/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/1/conv3/conv2d/0" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.1.bn3.weight" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.1.bn3.bias" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.1.bn3.running_mean" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.1.bn3.running_var" -> "layer2/1/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/1/bn3/batch_norm/0" -> "layer2/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/1/relu/1" -> "layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/1/cat/0" -> "layer2/1/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/1/shuffle/view/0" -> "layer2/1/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; -"layer2/1/shuffle/permute/0" -> "layer2/1/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; -"layer2/1/shuffle/reshape/0" -> "layer2/2/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/1/shuffle/reshape/0" -> "layer2/2/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/2/split/__getitem__/0" -> "layer2/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/2/split/__getitem__/1" -> "layer2/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.2.conv1.weight" -> "layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/2/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/2/conv1/conv2d/0" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.2.bn1.weight" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.2.bn1.bias" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.2.bn1.running_mean" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.2.bn1.running_var" -> "layer2/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/2/bn1/batch_norm/0" -> "layer2/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/2/relu/0" -> "layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/2/relu/0__0.0._scale_param_storage" -> "layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; -"layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" -> "layer2/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.2.conv2.weight" -> "layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer2/2/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"layer2/2/conv2/conv2d/0" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.2.bn2.weight" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.2.bn2.bias" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.2.bn2.running_mean" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.2.bn2.running_var" -> "layer2/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/2/bn2/batch_norm/0" -> "layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/2/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/2/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.2.conv3.weight" -> "layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/2/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/2/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/2/conv3/conv2d/0" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.2.bn3.weight" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.2.bn3.bias" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.2.bn3.running_mean" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.2.bn3.running_var" -> "layer2/2/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/2/bn3/batch_norm/0" -> "layer2/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/2/relu/1" -> "layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/2/cat/0" -> "layer2/2/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/2/shuffle/view/0" -> "layer2/2/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; -"layer2/2/shuffle/permute/0" -> "layer2/2/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; -"layer2/2/shuffle/reshape/0" -> "layer2/3/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/2/shuffle/reshape/0" -> "layer2/3/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/3/split/__getitem__/0" -> "layer2/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/3/split/__getitem__/1" -> "layer2/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.3.conv1.weight" -> "layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/3/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/3/conv1/conv2d/0" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.3.bn1.weight" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.3.bn1.bias" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.3.bn1.running_mean" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.3.bn1.running_var" -> "layer2/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/3/bn1/batch_norm/0" -> "layer2/3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/3/relu/0" -> "layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/3/relu/0__0.0._scale_param_storage" -> "layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; -"layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" -> "layer2/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.3.conv2.weight" -> "layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer2/3/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"layer2/3/conv2/conv2d/0" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.3.bn2.weight" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.3.bn2.bias" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.3.bn2.running_mean" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.3.bn2.running_var" -> "layer2/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/3/bn2/batch_norm/0" -> "layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/3/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/3/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.3.conv3.weight" -> "layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/3/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/3/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/3/conv3/conv2d/0" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.3.bn3.weight" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.3.bn3.bias" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.3.bn3.running_mean" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.3.bn3.running_var" -> "layer2/3/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/3/bn3/batch_norm/0" -> "layer2/3/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/3/relu/1" -> "layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/3/cat/0" -> "layer2/3/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/3/shuffle/view/0" -> "layer2/3/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; -"layer2/3/shuffle/permute/0" -> "layer2/3/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; -"layer2/3/shuffle/reshape/0" -> "layer2/4/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/3/shuffle/reshape/0" -> "layer2/4/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/4/split/__getitem__/0" -> "layer2/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/4/split/__getitem__/1" -> "layer2/4/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.4.conv1.weight" -> "layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/4/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/4/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/4/conv1/conv2d/0" -> "layer2/4/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.4.bn1.weight" -> "layer2/4/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.4.bn1.bias" -> "layer2/4/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.4.bn1.running_mean" -> "layer2/4/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.4.bn1.running_var" -> "layer2/4/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/4/bn1/batch_norm/0" -> "layer2/4/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/4/relu/0" -> "layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/4/relu/0__0.0._scale_param_storage" -> "layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; -"layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" -> "layer2/4/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.4.conv2.weight" -> "layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer2/4/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/4/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"layer2/4/conv2/conv2d/0" -> "layer2/4/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.4.bn2.weight" -> "layer2/4/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.4.bn2.bias" -> "layer2/4/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.4.bn2.running_mean" -> "layer2/4/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.4.bn2.running_var" -> "layer2/4/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/4/bn2/batch_norm/0" -> "layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/4/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/4/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.4.conv3.weight" -> "layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/4/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/4/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/4/conv3/conv2d/0" -> "layer2/4/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.4.bn3.weight" -> "layer2/4/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.4.bn3.bias" -> "layer2/4/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.4.bn3.running_mean" -> "layer2/4/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.4.bn3.running_var" -> "layer2/4/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/4/bn3/batch_norm/0" -> "layer2/4/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/4/relu/1" -> "layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/4/cat/0" -> "layer2/4/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/4/shuffle/view/0" -> "layer2/4/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; -"layer2/4/shuffle/permute/0" -> "layer2/4/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; -"layer2/4/shuffle/reshape/0" -> "layer2/5/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/4/shuffle/reshape/0" -> "layer2/5/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/5/split/__getitem__/0" -> "layer2/5/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/5/split/__getitem__/1" -> "layer2/5/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.5.conv1.weight" -> "layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/5/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/5/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/5/conv1/conv2d/0" -> "layer2/5/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.5.bn1.weight" -> "layer2/5/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.5.bn1.bias" -> "layer2/5/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.5.bn1.running_mean" -> "layer2/5/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.5.bn1.running_var" -> "layer2/5/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/5/bn1/batch_norm/0" -> "layer2/5/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/5/relu/0" -> "layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/5/relu/0__0.0._scale_param_storage" -> "layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; -"layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" -> "layer2/5/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.5.conv2.weight" -> "layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer2/5/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/5/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"layer2/5/conv2/conv2d/0" -> "layer2/5/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.5.bn2.weight" -> "layer2/5/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.5.bn2.bias" -> "layer2/5/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.5.bn2.running_mean" -> "layer2/5/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.5.bn2.running_var" -> "layer2/5/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/5/bn2/batch_norm/0" -> "layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/5/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/5/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.5.conv3.weight" -> "layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/5/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/5/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/5/conv3/conv2d/0" -> "layer2/5/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.5.bn3.weight" -> "layer2/5/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.5.bn3.bias" -> "layer2/5/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.5.bn3.running_mean" -> "layer2/5/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.5.bn3.running_var" -> "layer2/5/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/5/bn3/batch_norm/0" -> "layer2/5/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/5/relu/1" -> "layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/5/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/5/cat/0" -> "layer2/5/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/5/shuffle/view/0" -> "layer2/5/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; -"layer2/5/shuffle/permute/0" -> "layer2/5/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; -"layer2/5/shuffle/reshape/0" -> "layer2/6/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/5/shuffle/reshape/0" -> "layer2/6/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/6/split/__getitem__/0" -> "layer2/6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/6/split/__getitem__/1" -> "layer2/6/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.6.conv1.weight" -> "layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/6/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/6/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/6/conv1/conv2d/0" -> "layer2/6/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.6.bn1.weight" -> "layer2/6/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.6.bn1.bias" -> "layer2/6/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.6.bn1.running_mean" -> "layer2/6/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.6.bn1.running_var" -> "layer2/6/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/6/bn1/batch_norm/0" -> "layer2/6/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/6/relu/0" -> "layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/6/relu/0__0.0._scale_param_storage" -> "layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; -"layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" -> "layer2/6/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.6.conv2.weight" -> "layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer2/6/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/6/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"layer2/6/conv2/conv2d/0" -> "layer2/6/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.6.bn2.weight" -> "layer2/6/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.6.bn2.bias" -> "layer2/6/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.6.bn2.running_mean" -> "layer2/6/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.6.bn2.running_var" -> "layer2/6/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/6/bn2/batch_norm/0" -> "layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/6/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/6/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.6.conv3.weight" -> "layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/6/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/6/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/6/conv3/conv2d/0" -> "layer2/6/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.6.bn3.weight" -> "layer2/6/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.6.bn3.bias" -> "layer2/6/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.6.bn3.running_mean" -> "layer2/6/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.6.bn3.running_var" -> "layer2/6/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/6/bn3/batch_norm/0" -> "layer2/6/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/6/relu/1" -> "layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/6/cat/0" -> "layer2/6/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/6/shuffle/view/0" -> "layer2/6/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; -"layer2/6/shuffle/permute/0" -> "layer2/6/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; -"layer2/6/shuffle/reshape/0" -> "layer2/7/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/6/shuffle/reshape/0" -> "layer2/7/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/7/split/__getitem__/0" -> "layer2/7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/7/split/__getitem__/1" -> "layer2/7/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.7.conv1.weight" -> "layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/7/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/7/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/7/conv1/conv2d/0" -> "layer2/7/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.7.bn1.weight" -> "layer2/7/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.7.bn1.bias" -> "layer2/7/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.7.bn1.running_mean" -> "layer2/7/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.7.bn1.running_var" -> "layer2/7/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/7/bn1/batch_norm/0" -> "layer2/7/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/7/relu/0" -> "layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/7/relu/0__0.0._scale_param_storage" -> "layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 48, 1, 1)"]; -"layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" -> "layer2/7/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.7.conv2.weight" -> "layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer2/7/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/7/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 1, 3, 3)"]; -"layer2/7/conv2/conv2d/0" -> "layer2/7/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.7.bn2.weight" -> "layer2/7/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.7.bn2.bias" -> "layer2/7/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.7.bn2.running_mean" -> "layer2/7/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.7.bn2.running_var" -> "layer2/7/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/7/bn2/batch_norm/0" -> "layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"__nncf_hooks.post_hooks.layer2/7/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/7/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.7.conv3.weight" -> "layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 48, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer2/7/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/7/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 48, 1, 1)"]; -"layer2/7/conv3/conv2d/0" -> "layer2/7/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2.7.bn3.weight" -> "layer2/7/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48,)"]; -"layer2.7.bn3.bias" -> "layer2/7/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"layer2.7.bn3.running_mean" -> "layer2/7/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(48,)"]; -"layer2.7.bn3.running_var" -> "layer2/7/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48,)"]; -"layer2/7/bn3/batch_norm/0" -> "layer2/7/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/7/relu/1" -> "layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 48, 8, 8)"]; -"layer2/7/cat/0" -> "layer2/7/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/7/shuffle/view/0" -> "layer2/7/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 48, 8, 8)"]; -"layer2/7/shuffle/permute/0" -> "layer2/7/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 2, 8, 8)"]; -"layer2/7/shuffle/reshape/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer2/7/shuffle/reshape/0" -> "layer3/0/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer3.0.conv1.weight" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; -"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"layer3/0/bn1/batch_norm/0" -> "layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/0/bn1/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.0.conv2.weight" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"layer3/0/bn2/batch_norm/0" -> "layer3/0/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/0/relu/0" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.0.conv3.weight" -> "layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer3/0/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"layer3/0/conv3/conv2d/0" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer3.0.bn3.weight" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"layer3.0.bn3.bias" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"layer3.0.bn3.running_mean" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"layer3.0.bn3.running_var" -> "layer3/0/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"layer3/0/bn3/batch_norm/0" -> "layer3/0/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer3/0/relu/1" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 96, 1, 1)"]; -"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/conv4/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 8, 8)"]; -"layer3.0.conv4.weight" -> "layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer3/0/conv4/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv4/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; -"layer3/0/conv4/conv2d/0" -> "layer3/0/bn4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.0.bn4.weight" -> "layer3/0/bn4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"layer3.0.bn4.bias" -> "layer3/0/bn4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"layer3.0.bn4.running_mean" -> "layer3/0/bn4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"layer3.0.bn4.running_var" -> "layer3/0/bn4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"layer3/0/bn4/batch_norm/0" -> "layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/0/bn4/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/conv5/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.0.conv5.weight" -> "layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer3/0/conv5/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv5/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"layer3/0/conv5/conv2d/0" -> "layer3/0/bn5/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.0.bn5.weight" -> "layer3/0/bn5/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"layer3.0.bn5.bias" -> "layer3/0/bn5/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"layer3.0.bn5.running_mean" -> "layer3/0/bn5/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"layer3.0.bn5.running_var" -> "layer3/0/bn5/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"layer3/0/bn5/batch_norm/0" -> "layer3/0/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/0/relu/2" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" -> "layer3/0/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/0/cat/0" -> "layer3/0/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"layer3/0/shuffle/view/0" -> "layer3/0/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 4, 4)"]; -"layer3/0/shuffle/permute/0" -> "layer3/0/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 4, 4)"]; -"layer3/0/shuffle/reshape/0" -> "layer3/1/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"layer3/0/shuffle/reshape/0" -> "layer3/1/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"layer3/1/split/__getitem__/0" -> "layer3/1/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/1/split/__getitem__/1" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.1.conv1.weight" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/1/relu/0" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 96, 1, 1)"]; -"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.1.conv2.weight" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; -"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"layer3/1/bn2/batch_norm/0" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/1/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.1.conv3.weight" -> "layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer3/1/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"layer3/1/conv3/conv2d/0" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.1.bn3.weight" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"layer3.1.bn3.bias" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"layer3.1.bn3.running_mean" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"layer3.1.bn3.running_var" -> "layer3/1/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"layer3/1/bn3/batch_norm/0" -> "layer3/1/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/1/relu/1" -> "layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/1/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/1/cat/0" -> "layer3/1/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"layer3/1/shuffle/view/0" -> "layer3/1/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 4, 4)"]; -"layer3/1/shuffle/permute/0" -> "layer3/1/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 4, 4)"]; -"layer3/1/shuffle/reshape/0" -> "layer3/2/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"layer3/1/shuffle/reshape/0" -> "layer3/2/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"layer3/2/split/__getitem__/0" -> "layer3/2/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/2/split/__getitem__/1" -> "layer3/2/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.2.conv1.weight" -> "layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer3/2/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/2/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"layer3/2/conv1/conv2d/0" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.2.bn1.weight" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"layer3.2.bn1.bias" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"layer3.2.bn1.running_mean" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"layer3.2.bn1.running_var" -> "layer3/2/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"layer3/2/bn1/batch_norm/0" -> "layer3/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/2/relu/0" -> "layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/2/relu/0__0.0._scale_param_storage" -> "layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 96, 1, 1)"]; -"layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" -> "layer3/2/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.2.conv2.weight" -> "layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer3/2/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/2/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; -"layer3/2/conv2/conv2d/0" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.2.bn2.weight" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"layer3.2.bn2.bias" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"layer3.2.bn2.running_mean" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"layer3.2.bn2.running_var" -> "layer3/2/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"layer3/2/bn2/batch_norm/0" -> "layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/2/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/2/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.2.conv3.weight" -> "layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer3/2/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/2/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"layer3/2/conv3/conv2d/0" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.2.bn3.weight" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"layer3.2.bn3.bias" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"layer3.2.bn3.running_mean" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"layer3.2.bn3.running_var" -> "layer3/2/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"layer3/2/bn3/batch_norm/0" -> "layer3/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/2/relu/1" -> "layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/2/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/2/cat/0" -> "layer3/2/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"layer3/2/shuffle/view/0" -> "layer3/2/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 4, 4)"]; -"layer3/2/shuffle/permute/0" -> "layer3/2/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 4, 4)"]; -"layer3/2/shuffle/reshape/0" -> "layer3/3/split/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"layer3/2/shuffle/reshape/0" -> "layer3/3/split/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"layer3/3/split/__getitem__/0" -> "layer3/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/3/split/__getitem__/1" -> "layer3/3/conv1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.3.conv1.weight" -> "layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer3/3/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/3/conv1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"layer3/3/conv1/conv2d/0" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.3.bn1.weight" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"layer3.3.bn1.bias" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"layer3.3.bn1.running_mean" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"layer3.3.bn1.running_var" -> "layer3/3/bn1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"layer3/3/bn1/batch_norm/0" -> "layer3/3/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/3/relu/0" -> "layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/3/relu/0__0.0._scale_param_storage" -> "layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1, 96, 1, 1)"]; -"layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" -> "layer3/3/conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.3.conv2.weight" -> "layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 1, 3, 3)"]; -"__nncf_hooks.pre_hooks.layer3/3/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/3/conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 1, 3, 3)"]; -"layer3/3/conv2/conv2d/0" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.3.bn2.weight" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"layer3.3.bn2.bias" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"layer3.3.bn2.running_mean" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"layer3.3.bn2.running_var" -> "layer3/3/bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"layer3/3/bn2/batch_norm/0" -> "layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"__nncf_hooks.post_hooks.layer3/3/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/3/conv3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.3.conv3.weight" -> "layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(96, 96, 1, 1)"]; -"__nncf_hooks.pre_hooks.layer3/3/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96, 1, 1, 1)"]; -"layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/3/conv3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96, 96, 1, 1)"]; -"layer3/3/conv3/conv2d/0" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3.3.bn3.weight" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(96,)"]; -"layer3.3.bn3.bias" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(96,)"]; -"layer3.3.bn3.running_mean" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(96,)"]; -"layer3.3.bn3.running_var" -> "layer3/3/bn3/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(96,)"]; -"layer3/3/bn3/batch_norm/0" -> "layer3/3/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/3/relu/1" -> "layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 96, 4, 4)"]; -"layer3/3/cat/0" -> "layer3/3/shuffle/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"layer3/3/shuffle/view/0" -> "layer3/3/shuffle/permute/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 2, 96, 4, 4)"]; -"layer3/3/shuffle/permute/0" -> "layer3/3/shuffle/reshape/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 96, 2, 4, 4)"]; -"layer3/3/shuffle/reshape/0" -> "conv2/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 4, 4)"]; -"conv2.weight" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1024, 192, 1, 1)"]; -"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024, 1, 1, 1)"]; -"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "conv2/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 192, 1, 1)"]; -"conv2/conv2d/0" -> "bn2/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"bn2.weight" -> "bn2/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"bn2.bias" -> "bn2/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"bn2.running_mean" -> "bn2/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"bn2.running_var" -> "bn2/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"bn2/batch_norm/0" -> "/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"/relu/1" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__-relu-1__0[0]/symmetric_quantize/0" -> "/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 4, 4)"]; -"/avg_pool2d/0" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; -"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 1, 1)"]; -"/view/0" -> "linear/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024)"]; -"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 1024)"]; -"linear.bias" -> "linear/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; -"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(10, 1)"]; -"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 1024)"]; -"linear/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv1.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=5, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv1/conv2d/0" [id=6, type=conv2d, metatype=PTConv2dMetatype]; +"bn1.weight" [id=7, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1.bias" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1.running_mean" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1.running_var" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn1/batch_norm/0" [id=11, type="batch_norm", metatype=PT2BatchNormMetatype]; +"/relu/0" [id=12, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" [id=14, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1.0.conv1.weight" [id=15, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=17, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/0/conv1/conv2d/0" [id=18, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer1.0.bn1.weight" [id=19, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn1.bias" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn1.running_mean" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn1.running_var" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn1/batch_norm/0" [id=23, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer1/0/bn1/batch_norm/0__0.0._scale_param_storage" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [id=25, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1.0.conv2.weight" [id=26, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=28, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/0/conv2/conv2d/0" [id=29, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.0.bn2.weight" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn2.bias" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn2.running_mean" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn2.running_var" [id=33, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn2/batch_norm/0" [id=34, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/0/relu/0" [id=35, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=37, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1.0.conv3.weight" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/0/conv3/conv2d/0__1.0._scale_param_storage" [id=39, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=40, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/0/conv3/conv2d/0" [id=41, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.0.bn3.weight" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn3.bias" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn3.running_mean" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn3.running_var" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn3/batch_norm/0" [id=46, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/0/relu/1" [id=47, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [id=49, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1.0.conv4.weight" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/0/conv4/conv2d/0__1.0._scale_param_storage" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [id=52, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/0/conv4/conv2d/0" [id=53, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer1.0.bn4.weight" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn4.bias" [id=55, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn4.running_mean" [id=56, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn4.running_var" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn4/batch_norm/0" [id=58, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer1/0/bn4/batch_norm/0__0.0._scale_param_storage" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [id=60, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1.0.conv5.weight" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/0/conv5/conv2d/0__1.0._scale_param_storage" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [id=63, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/0/conv5/conv2d/0" [id=64, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.0.bn5.weight" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn5.bias" [id=66, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn5.running_mean" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.0.bn5.running_var" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/0/bn5/batch_norm/0" [id=69, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/0/relu/2" [id=70, type=relu, metatype=PTRELUMetatype]; +"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" [id=71, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/0/cat/0" [id=72, type=cat, metatype=PTCatMetatype]; +"layer1/0/shuffle/view/0" [id=73, type=view, metatype=PTReshapeMetatype]; +"layer1/0/shuffle/permute/0" [id=74, type=permute, metatype=PTTransposeMetatype]; +"layer1/0/shuffle/reshape/0" [id=75, type=reshape, metatype=PTReshapeMetatype]; +"layer1/1/split/__getitem__/0" [id=76, type="__getitem__", metatype=PTGatherMetatype]; +"layer1/1/split/__getitem__/1" [id=77, type="__getitem__", metatype=PTGatherMetatype]; +"layer1.1.conv1.weight" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=80, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/1/conv1/conv2d/0" [id=81, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.1.bn1.weight" [id=82, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn1.bias" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn1.running_mean" [id=84, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn1.running_var" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/bn1/batch_norm/0" [id=86, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/1/relu/0" [id=87, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [id=89, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1.1.conv2.weight" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=92, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/1/conv2/conv2d/0" [id=93, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer1.1.bn2.weight" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn2.bias" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn2.running_mean" [id=96, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn2.running_var" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/bn2/batch_norm/0" [id=98, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=100, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1.1.conv3.weight" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/1/conv3/conv2d/0__1.0._scale_param_storage" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=103, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/1/conv3/conv2d/0" [id=104, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.1.bn3.weight" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn3.bias" [id=106, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn3.running_mean" [id=107, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.1.bn3.running_var" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/1/bn3/batch_norm/0" [id=109, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/1/relu/1" [id=110, type=relu, metatype=PTRELUMetatype]; +"layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=111, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/1/cat/0" [id=112, type=cat, metatype=PTCatMetatype]; +"layer1/1/shuffle/view/0" [id=113, type=view, metatype=PTReshapeMetatype]; +"layer1/1/shuffle/permute/0" [id=114, type=permute, metatype=PTTransposeMetatype]; +"layer1/1/shuffle/reshape/0" [id=115, type=reshape, metatype=PTReshapeMetatype]; +"layer1/2/split/__getitem__/0" [id=116, type="__getitem__", metatype=PTGatherMetatype]; +"layer1/2/split/__getitem__/1" [id=117, type="__getitem__", metatype=PTGatherMetatype]; +"layer1.2.conv1.weight" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/2/conv1/conv2d/0__1.0._scale_param_storage" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=120, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/2/conv1/conv2d/0" [id=121, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.2.bn1.weight" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn1.bias" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn1.running_mean" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn1.running_var" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/2/bn1/batch_norm/0" [id=126, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/2/relu/0" [id=127, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer1/2/relu/0__0.0._scale_param_storage" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" [id=129, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1.2.conv2.weight" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/2/conv2/conv2d/0__1.0._scale_param_storage" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=132, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/2/conv2/conv2d/0" [id=133, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer1.2.bn2.weight" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn2.bias" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn2.running_mean" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn2.running_var" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/2/bn2/batch_norm/0" [id=138, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer1/2/bn2/batch_norm/0__0.0._scale_param_storage" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=140, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1.2.conv3.weight" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/2/conv3/conv2d/0__1.0._scale_param_storage" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=143, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/2/conv3/conv2d/0" [id=144, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.2.bn3.weight" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn3.bias" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn3.running_mean" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.2.bn3.running_var" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/2/bn3/batch_norm/0" [id=149, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/2/relu/1" [id=150, type=relu, metatype=PTRELUMetatype]; +"layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=151, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/2/cat/0" [id=152, type=cat, metatype=PTCatMetatype]; +"layer1/2/shuffle/view/0" [id=153, type=view, metatype=PTReshapeMetatype]; +"layer1/2/shuffle/permute/0" [id=154, type=permute, metatype=PTTransposeMetatype]; +"layer1/2/shuffle/reshape/0" [id=155, type=reshape, metatype=PTReshapeMetatype]; +"layer1/3/split/__getitem__/0" [id=156, type="__getitem__", metatype=PTGatherMetatype]; +"layer1/3/split/__getitem__/1" [id=157, type="__getitem__", metatype=PTGatherMetatype]; +"layer1.3.conv1.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/3/conv1/conv2d/0__1.0._scale_param_storage" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=160, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/3/conv1/conv2d/0" [id=161, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.3.bn1.weight" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.3.bn1.bias" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.3.bn1.running_mean" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.3.bn1.running_var" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/3/bn1/batch_norm/0" [id=166, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/3/relu/0" [id=167, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer1/3/relu/0__0.0._scale_param_storage" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" [id=169, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1.3.conv2.weight" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/3/conv2/conv2d/0__1.0._scale_param_storage" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=172, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/3/conv2/conv2d/0" [id=173, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer1.3.bn2.weight" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.3.bn2.bias" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.3.bn2.running_mean" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.3.bn2.running_var" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/3/bn2/batch_norm/0" [id=178, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer1/3/bn2/batch_norm/0__0.0._scale_param_storage" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=180, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1.3.conv3.weight" [id=181, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer1/3/conv3/conv2d/0__1.0._scale_param_storage" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=183, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/3/conv3/conv2d/0" [id=184, type=conv2d, metatype=PTConv2dMetatype]; +"layer1.3.bn3.weight" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.3.bn3.bias" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.3.bn3.running_mean" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1.3.bn3.running_var" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer1/3/bn3/batch_norm/0" [id=189, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer1/3/relu/1" [id=190, type=relu, metatype=PTRELUMetatype]; +"layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [id=191, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer1/3/cat/0" [id=192, type=cat, metatype=PTCatMetatype]; +"layer1/3/shuffle/view/0" [id=193, type=view, metatype=PTReshapeMetatype]; +"layer1/3/shuffle/permute/0" [id=194, type=permute, metatype=PTTransposeMetatype]; +"layer1/3/shuffle/reshape/0" [id=195, type=reshape, metatype=PTReshapeMetatype]; +"layer2.0.conv1.weight" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=198, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/0/conv1/conv2d/0" [id=199, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer2.0.bn1.weight" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn1.bias" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn1.running_mean" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn1.running_var" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn1/batch_norm/0" [id=204, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer2/0/bn1/batch_norm/0__0.0._scale_param_storage" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [id=206, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.0.conv2.weight" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=209, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/0/conv2/conv2d/0" [id=210, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.0.bn2.weight" [id=211, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn2.bias" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn2.running_mean" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn2.running_var" [id=214, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn2/batch_norm/0" [id=215, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/0/relu/0" [id=216, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" [id=217, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=218, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.0.conv3.weight" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/0/conv3/conv2d/0__1.0._scale_param_storage" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=221, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/0/conv3/conv2d/0" [id=222, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.0.bn3.weight" [id=223, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn3.bias" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn3.running_mean" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn3.running_var" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn3/batch_norm/0" [id=227, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/0/relu/1" [id=228, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" [id=229, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [id=230, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.0.conv4.weight" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/0/conv4/conv2d/0__1.0._scale_param_storage" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [id=233, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/0/conv4/conv2d/0" [id=234, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer2.0.bn4.weight" [id=235, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn4.bias" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn4.running_mean" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn4.running_var" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn4/batch_norm/0" [id=239, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer2/0/bn4/batch_norm/0__0.0._scale_param_storage" [id=240, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [id=241, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.0.conv5.weight" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/0/conv5/conv2d/0__1.0._scale_param_storage" [id=243, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [id=244, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/0/conv5/conv2d/0" [id=245, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.0.bn5.weight" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn5.bias" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn5.running_mean" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.0.bn5.running_var" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/0/bn5/batch_norm/0" [id=250, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/0/relu/2" [id=251, type=relu, metatype=PTRELUMetatype]; +"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" [id=252, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/0/cat/0" [id=253, type=cat, metatype=PTCatMetatype]; +"layer2/0/shuffle/view/0" [id=254, type=view, metatype=PTReshapeMetatype]; +"layer2/0/shuffle/permute/0" [id=255, type=permute, metatype=PTTransposeMetatype]; +"layer2/0/shuffle/reshape/0" [id=256, type=reshape, metatype=PTReshapeMetatype]; +"layer2/1/split/__getitem__/0" [id=257, type="__getitem__", metatype=PTGatherMetatype]; +"layer2/1/split/__getitem__/1" [id=258, type="__getitem__", metatype=PTGatherMetatype]; +"layer2.1.conv1.weight" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=261, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/1/conv1/conv2d/0" [id=262, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.1.bn1.weight" [id=263, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn1.bias" [id=264, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn1.running_mean" [id=265, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn1.running_var" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/bn1/batch_norm/0" [id=267, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/1/relu/0" [id=268, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" [id=269, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [id=270, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.1.conv2.weight" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" [id=272, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=273, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/1/conv2/conv2d/0" [id=274, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer2.1.bn2.weight" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn2.bias" [id=276, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn2.running_mean" [id=277, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn2.running_var" [id=278, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/bn2/batch_norm/0" [id=279, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=280, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=281, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.1.conv3.weight" [id=282, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/1/conv3/conv2d/0__1.0._scale_param_storage" [id=283, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=284, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/1/conv3/conv2d/0" [id=285, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.1.bn3.weight" [id=286, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn3.bias" [id=287, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn3.running_mean" [id=288, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.1.bn3.running_var" [id=289, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/1/bn3/batch_norm/0" [id=290, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/1/relu/1" [id=291, type=relu, metatype=PTRELUMetatype]; +"layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=292, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/1/cat/0" [id=293, type=cat, metatype=PTCatMetatype]; +"layer2/1/shuffle/view/0" [id=294, type=view, metatype=PTReshapeMetatype]; +"layer2/1/shuffle/permute/0" [id=295, type=permute, metatype=PTTransposeMetatype]; +"layer2/1/shuffle/reshape/0" [id=296, type=reshape, metatype=PTReshapeMetatype]; +"layer2/2/split/__getitem__/0" [id=297, type="__getitem__", metatype=PTGatherMetatype]; +"layer2/2/split/__getitem__/1" [id=298, type="__getitem__", metatype=PTGatherMetatype]; +"layer2.2.conv1.weight" [id=299, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/2/conv1/conv2d/0__1.0._scale_param_storage" [id=300, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=301, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/2/conv1/conv2d/0" [id=302, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.2.bn1.weight" [id=303, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn1.bias" [id=304, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn1.running_mean" [id=305, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn1.running_var" [id=306, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/2/bn1/batch_norm/0" [id=307, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/2/relu/0" [id=308, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer2/2/relu/0__0.0._scale_param_storage" [id=309, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" [id=310, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.2.conv2.weight" [id=311, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/2/conv2/conv2d/0__1.0._scale_param_storage" [id=312, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=313, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/2/conv2/conv2d/0" [id=314, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer2.2.bn2.weight" [id=315, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn2.bias" [id=316, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn2.running_mean" [id=317, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn2.running_var" [id=318, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/2/bn2/batch_norm/0" [id=319, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer2/2/bn2/batch_norm/0__0.0._scale_param_storage" [id=320, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=321, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.2.conv3.weight" [id=322, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/2/conv3/conv2d/0__1.0._scale_param_storage" [id=323, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=324, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/2/conv3/conv2d/0" [id=325, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.2.bn3.weight" [id=326, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn3.bias" [id=327, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn3.running_mean" [id=328, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.2.bn3.running_var" [id=329, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/2/bn3/batch_norm/0" [id=330, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/2/relu/1" [id=331, type=relu, metatype=PTRELUMetatype]; +"layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=332, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/2/cat/0" [id=333, type=cat, metatype=PTCatMetatype]; +"layer2/2/shuffle/view/0" [id=334, type=view, metatype=PTReshapeMetatype]; +"layer2/2/shuffle/permute/0" [id=335, type=permute, metatype=PTTransposeMetatype]; +"layer2/2/shuffle/reshape/0" [id=336, type=reshape, metatype=PTReshapeMetatype]; +"layer2/3/split/__getitem__/0" [id=337, type="__getitem__", metatype=PTGatherMetatype]; +"layer2/3/split/__getitem__/1" [id=338, type="__getitem__", metatype=PTGatherMetatype]; +"layer2.3.conv1.weight" [id=339, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/3/conv1/conv2d/0__1.0._scale_param_storage" [id=340, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=341, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/3/conv1/conv2d/0" [id=342, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.3.bn1.weight" [id=343, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn1.bias" [id=344, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn1.running_mean" [id=345, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn1.running_var" [id=346, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/3/bn1/batch_norm/0" [id=347, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/3/relu/0" [id=348, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer2/3/relu/0__0.0._scale_param_storage" [id=349, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" [id=350, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.3.conv2.weight" [id=351, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/3/conv2/conv2d/0__1.0._scale_param_storage" [id=352, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=353, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/3/conv2/conv2d/0" [id=354, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer2.3.bn2.weight" [id=355, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn2.bias" [id=356, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn2.running_mean" [id=357, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn2.running_var" [id=358, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/3/bn2/batch_norm/0" [id=359, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer2/3/bn2/batch_norm/0__0.0._scale_param_storage" [id=360, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=361, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.3.conv3.weight" [id=362, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/3/conv3/conv2d/0__1.0._scale_param_storage" [id=363, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=364, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/3/conv3/conv2d/0" [id=365, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.3.bn3.weight" [id=366, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn3.bias" [id=367, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn3.running_mean" [id=368, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.3.bn3.running_var" [id=369, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/3/bn3/batch_norm/0" [id=370, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/3/relu/1" [id=371, type=relu, metatype=PTRELUMetatype]; +"layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=372, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/3/cat/0" [id=373, type=cat, metatype=PTCatMetatype]; +"layer2/3/shuffle/view/0" [id=374, type=view, metatype=PTReshapeMetatype]; +"layer2/3/shuffle/permute/0" [id=375, type=permute, metatype=PTTransposeMetatype]; +"layer2/3/shuffle/reshape/0" [id=376, type=reshape, metatype=PTReshapeMetatype]; +"layer2/4/split/__getitem__/0" [id=377, type="__getitem__", metatype=PTGatherMetatype]; +"layer2/4/split/__getitem__/1" [id=378, type="__getitem__", metatype=PTGatherMetatype]; +"layer2.4.conv1.weight" [id=379, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/4/conv1/conv2d/0__1.0._scale_param_storage" [id=380, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=381, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/4/conv1/conv2d/0" [id=382, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.4.bn1.weight" [id=383, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.4.bn1.bias" [id=384, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.4.bn1.running_mean" [id=385, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.4.bn1.running_var" [id=386, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/4/bn1/batch_norm/0" [id=387, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/4/relu/0" [id=388, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer2/4/relu/0__0.0._scale_param_storage" [id=389, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" [id=390, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.4.conv2.weight" [id=391, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/4/conv2/conv2d/0__1.0._scale_param_storage" [id=392, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=393, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/4/conv2/conv2d/0" [id=394, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer2.4.bn2.weight" [id=395, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.4.bn2.bias" [id=396, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.4.bn2.running_mean" [id=397, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.4.bn2.running_var" [id=398, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/4/bn2/batch_norm/0" [id=399, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer2/4/bn2/batch_norm/0__0.0._scale_param_storage" [id=400, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=401, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.4.conv3.weight" [id=402, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/4/conv3/conv2d/0__1.0._scale_param_storage" [id=403, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=404, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/4/conv3/conv2d/0" [id=405, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.4.bn3.weight" [id=406, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.4.bn3.bias" [id=407, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.4.bn3.running_mean" [id=408, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.4.bn3.running_var" [id=409, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/4/bn3/batch_norm/0" [id=410, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/4/relu/1" [id=411, type=relu, metatype=PTRELUMetatype]; +"layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=412, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/4/cat/0" [id=413, type=cat, metatype=PTCatMetatype]; +"layer2/4/shuffle/view/0" [id=414, type=view, metatype=PTReshapeMetatype]; +"layer2/4/shuffle/permute/0" [id=415, type=permute, metatype=PTTransposeMetatype]; +"layer2/4/shuffle/reshape/0" [id=416, type=reshape, metatype=PTReshapeMetatype]; +"layer2/5/split/__getitem__/0" [id=417, type="__getitem__", metatype=PTGatherMetatype]; +"layer2/5/split/__getitem__/1" [id=418, type="__getitem__", metatype=PTGatherMetatype]; +"layer2.5.conv1.weight" [id=419, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/5/conv1/conv2d/0__1.0._scale_param_storage" [id=420, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=421, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/5/conv1/conv2d/0" [id=422, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.5.bn1.weight" [id=423, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.5.bn1.bias" [id=424, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.5.bn1.running_mean" [id=425, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.5.bn1.running_var" [id=426, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/5/bn1/batch_norm/0" [id=427, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/5/relu/0" [id=428, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer2/5/relu/0__0.0._scale_param_storage" [id=429, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" [id=430, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.5.conv2.weight" [id=431, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/5/conv2/conv2d/0__1.0._scale_param_storage" [id=432, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=433, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/5/conv2/conv2d/0" [id=434, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer2.5.bn2.weight" [id=435, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.5.bn2.bias" [id=436, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.5.bn2.running_mean" [id=437, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.5.bn2.running_var" [id=438, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/5/bn2/batch_norm/0" [id=439, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer2/5/bn2/batch_norm/0__0.0._scale_param_storage" [id=440, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=441, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.5.conv3.weight" [id=442, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/5/conv3/conv2d/0__1.0._scale_param_storage" [id=443, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=444, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/5/conv3/conv2d/0" [id=445, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.5.bn3.weight" [id=446, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.5.bn3.bias" [id=447, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.5.bn3.running_mean" [id=448, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.5.bn3.running_var" [id=449, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/5/bn3/batch_norm/0" [id=450, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/5/relu/1" [id=451, type=relu, metatype=PTRELUMetatype]; +"layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=452, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/5/cat/0" [id=453, type=cat, metatype=PTCatMetatype]; +"layer2/5/shuffle/view/0" [id=454, type=view, metatype=PTReshapeMetatype]; +"layer2/5/shuffle/permute/0" [id=455, type=permute, metatype=PTTransposeMetatype]; +"layer2/5/shuffle/reshape/0" [id=456, type=reshape, metatype=PTReshapeMetatype]; +"layer2/6/split/__getitem__/0" [id=457, type="__getitem__", metatype=PTGatherMetatype]; +"layer2/6/split/__getitem__/1" [id=458, type="__getitem__", metatype=PTGatherMetatype]; +"layer2.6.conv1.weight" [id=459, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/6/conv1/conv2d/0__1.0._scale_param_storage" [id=460, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=461, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/6/conv1/conv2d/0" [id=462, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.6.bn1.weight" [id=463, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.6.bn1.bias" [id=464, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.6.bn1.running_mean" [id=465, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.6.bn1.running_var" [id=466, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/6/bn1/batch_norm/0" [id=467, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/6/relu/0" [id=468, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer2/6/relu/0__0.0._scale_param_storage" [id=469, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" [id=470, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.6.conv2.weight" [id=471, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/6/conv2/conv2d/0__1.0._scale_param_storage" [id=472, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=473, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/6/conv2/conv2d/0" [id=474, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer2.6.bn2.weight" [id=475, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.6.bn2.bias" [id=476, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.6.bn2.running_mean" [id=477, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.6.bn2.running_var" [id=478, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/6/bn2/batch_norm/0" [id=479, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer2/6/bn2/batch_norm/0__0.0._scale_param_storage" [id=480, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=481, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.6.conv3.weight" [id=482, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/6/conv3/conv2d/0__1.0._scale_param_storage" [id=483, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=484, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/6/conv3/conv2d/0" [id=485, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.6.bn3.weight" [id=486, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.6.bn3.bias" [id=487, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.6.bn3.running_mean" [id=488, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.6.bn3.running_var" [id=489, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/6/bn3/batch_norm/0" [id=490, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/6/relu/1" [id=491, type=relu, metatype=PTRELUMetatype]; +"layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=492, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/6/cat/0" [id=493, type=cat, metatype=PTCatMetatype]; +"layer2/6/shuffle/view/0" [id=494, type=view, metatype=PTReshapeMetatype]; +"layer2/6/shuffle/permute/0" [id=495, type=permute, metatype=PTTransposeMetatype]; +"layer2/6/shuffle/reshape/0" [id=496, type=reshape, metatype=PTReshapeMetatype]; +"layer2/7/split/__getitem__/0" [id=497, type="__getitem__", metatype=PTGatherMetatype]; +"layer2/7/split/__getitem__/1" [id=498, type="__getitem__", metatype=PTGatherMetatype]; +"layer2.7.conv1.weight" [id=499, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/7/conv1/conv2d/0__1.0._scale_param_storage" [id=500, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=501, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/7/conv1/conv2d/0" [id=502, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.7.bn1.weight" [id=503, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.7.bn1.bias" [id=504, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.7.bn1.running_mean" [id=505, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.7.bn1.running_var" [id=506, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/7/bn1/batch_norm/0" [id=507, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/7/relu/0" [id=508, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer2/7/relu/0__0.0._scale_param_storage" [id=509, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" [id=510, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.7.conv2.weight" [id=511, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/7/conv2/conv2d/0__1.0._scale_param_storage" [id=512, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=513, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/7/conv2/conv2d/0" [id=514, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer2.7.bn2.weight" [id=515, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.7.bn2.bias" [id=516, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.7.bn2.running_mean" [id=517, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.7.bn2.running_var" [id=518, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/7/bn2/batch_norm/0" [id=519, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer2/7/bn2/batch_norm/0__0.0._scale_param_storage" [id=520, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=521, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2.7.conv3.weight" [id=522, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer2/7/conv3/conv2d/0__1.0._scale_param_storage" [id=523, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=524, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/7/conv3/conv2d/0" [id=525, type=conv2d, metatype=PTConv2dMetatype]; +"layer2.7.bn3.weight" [id=526, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.7.bn3.bias" [id=527, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.7.bn3.running_mean" [id=528, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2.7.bn3.running_var" [id=529, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer2/7/bn3/batch_norm/0" [id=530, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer2/7/relu/1" [id=531, type=relu, metatype=PTRELUMetatype]; +"layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [id=532, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer2/7/cat/0" [id=533, type=cat, metatype=PTCatMetatype]; +"layer2/7/shuffle/view/0" [id=534, type=view, metatype=PTReshapeMetatype]; +"layer2/7/shuffle/permute/0" [id=535, type=permute, metatype=PTTransposeMetatype]; +"layer2/7/shuffle/reshape/0" [id=536, type=reshape, metatype=PTReshapeMetatype]; +"layer3.0.conv1.weight" [id=537, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" [id=538, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=539, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/0/conv1/conv2d/0" [id=540, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer3.0.bn1.weight" [id=541, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn1.bias" [id=542, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn1.running_mean" [id=543, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn1.running_var" [id=544, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn1/batch_norm/0" [id=545, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer3/0/bn1/batch_norm/0__0.0._scale_param_storage" [id=546, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [id=547, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.0.conv2.weight" [id=548, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" [id=549, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=550, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/0/conv2/conv2d/0" [id=551, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.0.bn2.weight" [id=552, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn2.bias" [id=553, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn2.running_mean" [id=554, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn2.running_var" [id=555, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn2/batch_norm/0" [id=556, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/0/relu/0" [id=557, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" [id=558, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=559, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.0.conv3.weight" [id=560, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/0/conv3/conv2d/0__1.0._scale_param_storage" [id=561, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=562, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/0/conv3/conv2d/0" [id=563, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.0.bn3.weight" [id=564, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn3.bias" [id=565, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn3.running_mean" [id=566, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn3.running_var" [id=567, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn3/batch_norm/0" [id=568, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/0/relu/1" [id=569, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" [id=570, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [id=571, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.0.conv4.weight" [id=572, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/0/conv4/conv2d/0__1.0._scale_param_storage" [id=573, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [id=574, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/0/conv4/conv2d/0" [id=575, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer3.0.bn4.weight" [id=576, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn4.bias" [id=577, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn4.running_mean" [id=578, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn4.running_var" [id=579, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn4/batch_norm/0" [id=580, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer3/0/bn4/batch_norm/0__0.0._scale_param_storage" [id=581, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [id=582, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.0.conv5.weight" [id=583, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/0/conv5/conv2d/0__1.0._scale_param_storage" [id=584, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [id=585, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/0/conv5/conv2d/0" [id=586, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.0.bn5.weight" [id=587, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn5.bias" [id=588, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn5.running_mean" [id=589, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.0.bn5.running_var" [id=590, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/0/bn5/batch_norm/0" [id=591, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/0/relu/2" [id=592, type=relu, metatype=PTRELUMetatype]; +"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" [id=593, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/0/cat/0" [id=594, type=cat, metatype=PTCatMetatype]; +"layer3/0/shuffle/view/0" [id=595, type=view, metatype=PTReshapeMetatype]; +"layer3/0/shuffle/permute/0" [id=596, type=permute, metatype=PTTransposeMetatype]; +"layer3/0/shuffle/reshape/0" [id=597, type=reshape, metatype=PTReshapeMetatype]; +"layer3/1/split/__getitem__/0" [id=598, type="__getitem__", metatype=PTGatherMetatype]; +"layer3/1/split/__getitem__/1" [id=599, type="__getitem__", metatype=PTGatherMetatype]; +"layer3.1.conv1.weight" [id=600, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" [id=601, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=602, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/1/conv1/conv2d/0" [id=603, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.1.bn1.weight" [id=604, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn1.bias" [id=605, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn1.running_mean" [id=606, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn1.running_var" [id=607, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/bn1/batch_norm/0" [id=608, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/1/relu/0" [id=609, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" [id=610, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [id=611, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.1.conv2.weight" [id=612, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" [id=613, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=614, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/1/conv2/conv2d/0" [id=615, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer3.1.bn2.weight" [id=616, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn2.bias" [id=617, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn2.running_mean" [id=618, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn2.running_var" [id=619, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/bn2/batch_norm/0" [id=620, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" [id=621, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=622, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.1.conv3.weight" [id=623, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/1/conv3/conv2d/0__1.0._scale_param_storage" [id=624, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=625, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/1/conv3/conv2d/0" [id=626, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.1.bn3.weight" [id=627, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn3.bias" [id=628, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn3.running_mean" [id=629, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.1.bn3.running_var" [id=630, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/1/bn3/batch_norm/0" [id=631, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/1/relu/1" [id=632, type=relu, metatype=PTRELUMetatype]; +"layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=633, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/1/cat/0" [id=634, type=cat, metatype=PTCatMetatype]; +"layer3/1/shuffle/view/0" [id=635, type=view, metatype=PTReshapeMetatype]; +"layer3/1/shuffle/permute/0" [id=636, type=permute, metatype=PTTransposeMetatype]; +"layer3/1/shuffle/reshape/0" [id=637, type=reshape, metatype=PTReshapeMetatype]; +"layer3/2/split/__getitem__/0" [id=638, type="__getitem__", metatype=PTGatherMetatype]; +"layer3/2/split/__getitem__/1" [id=639, type="__getitem__", metatype=PTGatherMetatype]; +"layer3.2.conv1.weight" [id=640, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/2/conv1/conv2d/0__1.0._scale_param_storage" [id=641, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=642, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/2/conv1/conv2d/0" [id=643, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.2.bn1.weight" [id=644, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn1.bias" [id=645, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn1.running_mean" [id=646, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn1.running_var" [id=647, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/2/bn1/batch_norm/0" [id=648, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/2/relu/0" [id=649, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer3/2/relu/0__0.0._scale_param_storage" [id=650, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" [id=651, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.2.conv2.weight" [id=652, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/2/conv2/conv2d/0__1.0._scale_param_storage" [id=653, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=654, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/2/conv2/conv2d/0" [id=655, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer3.2.bn2.weight" [id=656, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn2.bias" [id=657, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn2.running_mean" [id=658, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn2.running_var" [id=659, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/2/bn2/batch_norm/0" [id=660, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer3/2/bn2/batch_norm/0__0.0._scale_param_storage" [id=661, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=662, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.2.conv3.weight" [id=663, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/2/conv3/conv2d/0__1.0._scale_param_storage" [id=664, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=665, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/2/conv3/conv2d/0" [id=666, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.2.bn3.weight" [id=667, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn3.bias" [id=668, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn3.running_mean" [id=669, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.2.bn3.running_var" [id=670, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/2/bn3/batch_norm/0" [id=671, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/2/relu/1" [id=672, type=relu, metatype=PTRELUMetatype]; +"layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=673, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/2/cat/0" [id=674, type=cat, metatype=PTCatMetatype]; +"layer3/2/shuffle/view/0" [id=675, type=view, metatype=PTReshapeMetatype]; +"layer3/2/shuffle/permute/0" [id=676, type=permute, metatype=PTTransposeMetatype]; +"layer3/2/shuffle/reshape/0" [id=677, type=reshape, metatype=PTReshapeMetatype]; +"layer3/3/split/__getitem__/0" [id=678, type="__getitem__", metatype=PTGatherMetatype]; +"layer3/3/split/__getitem__/1" [id=679, type="__getitem__", metatype=PTGatherMetatype]; +"layer3.3.conv1.weight" [id=680, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/3/conv1/conv2d/0__1.0._scale_param_storage" [id=681, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [id=682, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/3/conv1/conv2d/0" [id=683, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.3.bn1.weight" [id=684, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn1.bias" [id=685, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn1.running_mean" [id=686, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn1.running_var" [id=687, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/3/bn1/batch_norm/0" [id=688, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/3/relu/0" [id=689, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.layer3/3/relu/0__0.0._scale_param_storage" [id=690, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" [id=691, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.3.conv2.weight" [id=692, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/3/conv2/conv2d/0__1.0._scale_param_storage" [id=693, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=694, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/3/conv2/conv2d/0" [id=695, type=conv2d, metatype=PTDepthwiseConv2dSubtype]; +"layer3.3.bn2.weight" [id=696, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn2.bias" [id=697, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn2.running_mean" [id=698, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn2.running_var" [id=699, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/3/bn2/batch_norm/0" [id=700, type="batch_norm", metatype=PT2BatchNormMetatype]; +"__nncf_hooks.post_hooks.layer3/3/bn2/batch_norm/0__0.0._scale_param_storage" [id=701, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [id=702, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3.3.conv3.weight" [id=703, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.layer3/3/conv3/conv2d/0__1.0._scale_param_storage" [id=704, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [id=705, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/3/conv3/conv2d/0" [id=706, type=conv2d, metatype=PTConv2dMetatype]; +"layer3.3.bn3.weight" [id=707, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn3.bias" [id=708, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn3.running_mean" [id=709, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3.3.bn3.running_var" [id=710, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"layer3/3/bn3/batch_norm/0" [id=711, type="batch_norm", metatype=PT2BatchNormMetatype]; +"layer3/3/relu/1" [id=712, type=relu, metatype=PTRELUMetatype]; +"layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [id=713, type="symmetric_quantize", metatype=UnknownMetatype]; +"layer3/3/cat/0" [id=714, type=cat, metatype=PTCatMetatype]; +"layer3/3/shuffle/view/0" [id=715, type=view, metatype=PTReshapeMetatype]; +"layer3/3/shuffle/permute/0" [id=716, type=permute, metatype=PTTransposeMetatype]; +"layer3/3/shuffle/reshape/0" [id=717, type=reshape, metatype=PTReshapeMetatype]; +"conv2.weight" [id=718, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" [id=719, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [id=720, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv2/conv2d/0" [id=721, type=conv2d, metatype=PTConv2dMetatype]; +"bn2.weight" [id=722, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn2.bias" [id=723, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn2.running_mean" [id=724, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn2.running_var" [id=725, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"bn2/batch_norm/0" [id=726, type="batch_norm", metatype=PT2BatchNormMetatype]; +"/relu/1" [id=727, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" [id=728, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__-relu-1__0[0]/symmetric_quantize/0" [id=729, type="symmetric_quantize", metatype=UnknownMetatype]; +"/avg_pool2d/0" [id=730, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" [id=731, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=732, type="symmetric_quantize", metatype=UnknownMetatype]; +"/view/0" [id=733, type=view, metatype=PTReshapeMetatype]; +"linear.weight" [id=734, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"linear.bias" [id=735, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" [id=736, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [id=737, type="symmetric_quantize", metatype=UnknownMetatype]; +"linear/linear/0" [id=738, type=linear, metatype=PTLinearMetatype]; +output [id=739, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"conv1.weight" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 3, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.conv1/conv2d/0__1.0._scale_param_storage" -> "conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"conv1/pre_hook__conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "conv1/conv2d/0" [dtype=float, shape="(24, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"conv1/conv2d/0" -> "bn1/batch_norm/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; +"bn1.weight" -> "bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"bn1.bias" -> "bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"bn1.running_mean" -> "bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"bn1.running_var" -> "bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"bn1/batch_norm/0" -> "/relu/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; +"/relu/0" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks./relu/0__0.0._scale_param_storage" -> "post_hook__-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; +"post_hook__-relu-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv3/conv2d/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; +"layer1.0.conv1.weight" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/0/conv1/pre_hook__layer1-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv1/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/0/conv1/conv2d/0" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.bn1.weight" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"layer1.0.bn1.bias" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"layer1.0.bn1.running_mean" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"layer1.0.bn1.running_var" -> "layer1/0/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn1/batch_norm/0" -> "layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/0/bn1/batch_norm/0__0.0._scale_param_storage" -> "layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn1/post_hook__layer1-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.conv2.weight" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/0/conv2/pre_hook__layer1-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv2/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/0/conv2/conv2d/0" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.bn2.weight" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"layer1.0.bn2.bias" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"layer1.0.bn2.running_mean" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"layer1.0.bn2.running_var" -> "layer1/0/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn2/batch_norm/0" -> "layer1/0/relu/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/relu/0" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer1/2/relu/1__0.0._scale_param_storage" -> "layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/0/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.conv3.weight" -> "layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/0/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/0/conv3/pre_hook__layer1-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv3/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/0/conv3/conv2d/0" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; +"layer1.0.bn3.weight" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"layer1.0.bn3.bias" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"layer1.0.bn3.running_mean" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"layer1.0.bn3.running_var" -> "layer1/0/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn3/batch_norm/0" -> "layer1/0/relu/1" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; +"layer1/0/relu/1" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/0/relu/1__0.0._scale_param_storage" -> "layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/0/post_hook__layer1-0-relu-1__0[0]/symmetric_quantize/0" -> "layer1/0/conv4/conv2d/0" [dtype=float, shape="(1, 24, 32, 32)", out_port_id=0, in_port_id=0]; +"layer1.0.conv4.weight" -> "layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/0/conv4/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/0/conv4/pre_hook__layer1-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv4/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/0/conv4/conv2d/0" -> "layer1/0/bn4/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.bn4.weight" -> "layer1/0/bn4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"layer1.0.bn4.bias" -> "layer1/0/bn4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"layer1.0.bn4.running_mean" -> "layer1/0/bn4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"layer1.0.bn4.running_var" -> "layer1/0/bn4/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn4/batch_norm/0" -> "layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/0/bn4/batch_norm/0__0.0._scale_param_storage" -> "layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn4/post_hook__layer1-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/0/conv5/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.conv5.weight" -> "layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/0/conv5/conv2d/0__1.0._scale_param_storage" -> "layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/0/conv5/pre_hook__layer1-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/0/conv5/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/0/conv5/conv2d/0" -> "layer1/0/bn5/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.0.bn5.weight" -> "layer1/0/bn5/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"layer1.0.bn5.bias" -> "layer1/0/bn5/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"layer1.0.bn5.running_mean" -> "layer1/0/bn5/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"layer1.0.bn5.running_var" -> "layer1/0/bn5/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"layer1/0/bn5/batch_norm/0" -> "layer1/0/relu/2" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/relu/2" -> "layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/1" -> "layer1/0/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=1]; +"layer1/0/cat/0" -> "layer1/0/shuffle/view/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/shuffle/view/0" -> "layer1/0/shuffle/permute/0" [dtype=float, shape="(1, 2, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/shuffle/permute/0" -> "layer1/0/shuffle/reshape/0" [dtype=float, shape="(1, 24, 2, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/shuffle/reshape/0" -> "layer1/1/split/__getitem__/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/0/shuffle/reshape/0" -> "layer1/1/split/__getitem__/1" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/split/__getitem__/0" -> "layer1/1/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/split/__getitem__/1" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.conv1.weight" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/1/conv1/pre_hook__layer1-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv1/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/1/conv1/conv2d/0" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.bn1.weight" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"layer1.1.bn1.bias" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"layer1.1.bn1.running_mean" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"layer1.1.bn1.running_var" -> "layer1/1/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"layer1/1/bn1/batch_norm/0" -> "layer1/1/relu/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/relu/0" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/1/relu/0__0.0._scale_param_storage" -> "layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/1/post_hook__layer1-1-relu-0__0[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.conv2.weight" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/1/conv2/pre_hook__layer1-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv2/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/1/conv2/conv2d/0" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.bn2.weight" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"layer1.1.bn2.bias" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"layer1.1.bn2.running_mean" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"layer1.1.bn2.running_var" -> "layer1/1/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"layer1/1/bn2/batch_norm/0" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer1/1/bn2/post_hook__layer1-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/1/conv3/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.conv3.weight" -> "layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/1/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/1/conv3/pre_hook__layer1-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/1/conv3/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/1/conv3/conv2d/0" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.1.bn3.weight" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"layer1.1.bn3.bias" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"layer1.1.bn3.running_mean" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"layer1.1.bn3.running_var" -> "layer1/1/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"layer1/1/bn3/batch_norm/0" -> "layer1/1/relu/1" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/relu/1" -> "layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/1/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=1]; +"layer1/1/cat/0" -> "layer1/1/shuffle/view/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/shuffle/view/0" -> "layer1/1/shuffle/permute/0" [dtype=float, shape="(1, 2, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/shuffle/permute/0" -> "layer1/1/shuffle/reshape/0" [dtype=float, shape="(1, 24, 2, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/shuffle/reshape/0" -> "layer1/2/split/__getitem__/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/1/shuffle/reshape/0" -> "layer1/2/split/__getitem__/1" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/2/split/__getitem__/0" -> "layer1/2/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/2/split/__getitem__/1" -> "layer1/2/conv1/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.2.conv1.weight" -> "layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/2/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/2/conv1/pre_hook__layer1-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/2/conv1/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/2/conv1/conv2d/0" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.2.bn1.weight" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"layer1.2.bn1.bias" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"layer1.2.bn1.running_mean" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"layer1.2.bn1.running_var" -> "layer1/2/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"layer1/2/bn1/batch_norm/0" -> "layer1/2/relu/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/2/relu/0" -> "layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/2/relu/0__0.0._scale_param_storage" -> "layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/2/post_hook__layer1-2-relu-0__0[0]/symmetric_quantize/0" -> "layer1/2/conv2/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.2.conv2.weight" -> "layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/2/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/2/conv2/pre_hook__layer1-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/2/conv2/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/2/conv2/conv2d/0" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.2.bn2.weight" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"layer1.2.bn2.bias" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"layer1.2.bn2.running_mean" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"layer1.2.bn2.running_var" -> "layer1/2/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"layer1/2/bn2/batch_norm/0" -> "layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/2/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer1/2/bn2/post_hook__layer1-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/2/conv3/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.2.conv3.weight" -> "layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/2/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/2/conv3/pre_hook__layer1-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/2/conv3/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/2/conv3/conv2d/0" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.2.bn3.weight" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"layer1.2.bn3.bias" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"layer1.2.bn3.running_mean" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"layer1.2.bn3.running_var" -> "layer1/2/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"layer1/2/bn3/batch_norm/0" -> "layer1/2/relu/1" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/2/relu/1" -> "layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/2/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/2/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=1]; +"layer1/2/cat/0" -> "layer1/2/shuffle/view/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/2/shuffle/view/0" -> "layer1/2/shuffle/permute/0" [dtype=float, shape="(1, 2, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/2/shuffle/permute/0" -> "layer1/2/shuffle/reshape/0" [dtype=float, shape="(1, 24, 2, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/2/shuffle/reshape/0" -> "layer1/3/split/__getitem__/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/2/shuffle/reshape/0" -> "layer1/3/split/__getitem__/1" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/3/split/__getitem__/0" -> "layer1/3/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/3/split/__getitem__/1" -> "layer1/3/conv1/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.3.conv1.weight" -> "layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/3/conv1/conv2d/0__1.0._scale_param_storage" -> "layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/3/conv1/pre_hook__layer1-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/3/conv1/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/3/conv1/conv2d/0" -> "layer1/3/bn1/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.3.bn1.weight" -> "layer1/3/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"layer1.3.bn1.bias" -> "layer1/3/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"layer1.3.bn1.running_mean" -> "layer1/3/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"layer1.3.bn1.running_var" -> "layer1/3/bn1/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"layer1/3/bn1/batch_norm/0" -> "layer1/3/relu/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/3/relu/0" -> "layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/3/relu/0__0.0._scale_param_storage" -> "layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/3/post_hook__layer1-3-relu-0__0[0]/symmetric_quantize/0" -> "layer1/3/conv2/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.3.conv2.weight" -> "layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/3/conv2/conv2d/0__1.0._scale_param_storage" -> "layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/3/conv2/pre_hook__layer1-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/3/conv2/conv2d/0" [dtype=float, shape="(24, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer1/3/conv2/conv2d/0" -> "layer1/3/bn2/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.3.bn2.weight" -> "layer1/3/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"layer1.3.bn2.bias" -> "layer1/3/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"layer1.3.bn2.running_mean" -> "layer1/3/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"layer1.3.bn2.running_var" -> "layer1/3/bn2/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"layer1/3/bn2/batch_norm/0" -> "layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer1/3/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer1/3/bn2/post_hook__layer1-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer1/3/conv3/conv2d/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.3.conv3.weight" -> "layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer1/3/conv3/conv2d/0__1.0._scale_param_storage" -> "layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(24, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer1/3/conv3/pre_hook__layer1-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer1/3/conv3/conv2d/0" [dtype=float, shape="(24, 24, 1, 1)", out_port_id=0, in_port_id=1]; +"layer1/3/conv3/conv2d/0" -> "layer1/3/bn3/batch_norm/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1.3.bn3.weight" -> "layer1/3/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=1]; +"layer1.3.bn3.bias" -> "layer1/3/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=2]; +"layer1.3.bn3.running_mean" -> "layer1/3/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=3]; +"layer1.3.bn3.running_var" -> "layer1/3/bn3/batch_norm/0" [dtype=float, shape="(24,)", out_port_id=0, in_port_id=4]; +"layer1/3/bn3/batch_norm/0" -> "layer1/3/relu/1" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/3/relu/1" -> "layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/3/post_hook__layer1-3-relu-1__0[0]/symmetric_quantize/0" -> "layer1/3/cat/0" [dtype=float, shape="(1, 24, 16, 16)", out_port_id=0, in_port_id=1]; +"layer1/3/cat/0" -> "layer1/3/shuffle/view/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/3/shuffle/view/0" -> "layer1/3/shuffle/permute/0" [dtype=float, shape="(1, 2, 24, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/3/shuffle/permute/0" -> "layer1/3/shuffle/reshape/0" [dtype=float, shape="(1, 24, 2, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/3/shuffle/reshape/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer1/3/shuffle/reshape/0" -> "layer2/0/conv3/conv2d/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer2.0.conv1.weight" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/0/conv1/pre_hook__layer2-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv1/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/0/conv1/conv2d/0" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.bn1.weight" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.0.bn1.bias" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.0.bn1.running_mean" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.0.bn1.running_var" -> "layer2/0/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn1/batch_norm/0" -> "layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/0/bn1/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn1/post_hook__layer2-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.conv2.weight" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/0/conv2/pre_hook__layer2-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv2/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/0/conv2/conv2d/0" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.bn2.weight" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.0.bn2.bias" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.0.bn2.running_mean" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.0.bn2.running_var" -> "layer2/0/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn2/batch_norm/0" -> "layer2/0/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/relu/0" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer2/7/relu/1__0.0._scale_param_storage" -> "layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/0/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.conv3.weight" -> "layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/0/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/0/conv3/pre_hook__layer2-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/0/conv3/conv2d/0" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer2.0.bn3.weight" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.0.bn3.bias" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.0.bn3.running_mean" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.0.bn3.running_var" -> "layer2/0/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn3/batch_norm/0" -> "layer2/0/relu/1" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer2/0/relu/1" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/0/relu/1__0.0._scale_param_storage" -> "layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/0/post_hook__layer2-0-relu-1__0[0]/symmetric_quantize/0" -> "layer2/0/conv4/conv2d/0" [dtype=float, shape="(1, 48, 16, 16)", out_port_id=0, in_port_id=0]; +"layer2.0.conv4.weight" -> "layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/0/conv4/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/0/conv4/pre_hook__layer2-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv4/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/0/conv4/conv2d/0" -> "layer2/0/bn4/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.bn4.weight" -> "layer2/0/bn4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.0.bn4.bias" -> "layer2/0/bn4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.0.bn4.running_mean" -> "layer2/0/bn4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.0.bn4.running_var" -> "layer2/0/bn4/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn4/batch_norm/0" -> "layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/0/bn4/batch_norm/0__0.0._scale_param_storage" -> "layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn4/post_hook__layer2-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/0/conv5/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.conv5.weight" -> "layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/0/conv5/conv2d/0__1.0._scale_param_storage" -> "layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/0/conv5/pre_hook__layer2-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/0/conv5/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/0/conv5/conv2d/0" -> "layer2/0/bn5/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.0.bn5.weight" -> "layer2/0/bn5/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.0.bn5.bias" -> "layer2/0/bn5/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.0.bn5.running_mean" -> "layer2/0/bn5/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.0.bn5.running_var" -> "layer2/0/bn5/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/0/bn5/batch_norm/0" -> "layer2/0/relu/2" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/relu/2" -> "layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/1" -> "layer2/0/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2/0/cat/0" -> "layer2/0/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/shuffle/view/0" -> "layer2/0/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/shuffle/permute/0" -> "layer2/0/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/shuffle/reshape/0" -> "layer2/1/split/__getitem__/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/0/shuffle/reshape/0" -> "layer2/1/split/__getitem__/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/split/__getitem__/0" -> "layer2/1/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/split/__getitem__/1" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.conv1.weight" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/1/conv1/pre_hook__layer2-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv1/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/1/conv1/conv2d/0" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.bn1.weight" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.1.bn1.bias" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.1.bn1.running_mean" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.1.bn1.running_var" -> "layer2/1/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/1/bn1/batch_norm/0" -> "layer2/1/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/relu/0" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/1/relu/0__0.0._scale_param_storage" -> "layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/1/post_hook__layer2-1-relu-0__0[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.conv2.weight" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/1/conv2/pre_hook__layer2-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv2/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/1/conv2/conv2d/0" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.bn2.weight" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.1.bn2.bias" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.1.bn2.running_mean" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.1.bn2.running_var" -> "layer2/1/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/1/bn2/batch_norm/0" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/1/bn2/post_hook__layer2-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/1/conv3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.conv3.weight" -> "layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/1/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/1/conv3/pre_hook__layer2-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/1/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/1/conv3/conv2d/0" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.1.bn3.weight" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.1.bn3.bias" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.1.bn3.running_mean" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.1.bn3.running_var" -> "layer2/1/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/1/bn3/batch_norm/0" -> "layer2/1/relu/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/relu/1" -> "layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/1/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2/1/cat/0" -> "layer2/1/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/shuffle/view/0" -> "layer2/1/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/shuffle/permute/0" -> "layer2/1/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/shuffle/reshape/0" -> "layer2/2/split/__getitem__/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/1/shuffle/reshape/0" -> "layer2/2/split/__getitem__/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/2/split/__getitem__/0" -> "layer2/2/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/2/split/__getitem__/1" -> "layer2/2/conv1/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.2.conv1.weight" -> "layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/2/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/2/conv1/pre_hook__layer2-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/2/conv1/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/2/conv1/conv2d/0" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.2.bn1.weight" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.2.bn1.bias" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.2.bn1.running_mean" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.2.bn1.running_var" -> "layer2/2/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/2/bn1/batch_norm/0" -> "layer2/2/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/2/relu/0" -> "layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/2/relu/0__0.0._scale_param_storage" -> "layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/2/post_hook__layer2-2-relu-0__0[0]/symmetric_quantize/0" -> "layer2/2/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.2.conv2.weight" -> "layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/2/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/2/conv2/pre_hook__layer2-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/2/conv2/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/2/conv2/conv2d/0" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.2.bn2.weight" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.2.bn2.bias" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.2.bn2.running_mean" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.2.bn2.running_var" -> "layer2/2/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/2/bn2/batch_norm/0" -> "layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/2/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/2/bn2/post_hook__layer2-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/2/conv3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.2.conv3.weight" -> "layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/2/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/2/conv3/pre_hook__layer2-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/2/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/2/conv3/conv2d/0" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.2.bn3.weight" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.2.bn3.bias" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.2.bn3.running_mean" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.2.bn3.running_var" -> "layer2/2/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/2/bn3/batch_norm/0" -> "layer2/2/relu/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/2/relu/1" -> "layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/2/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/2/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2/2/cat/0" -> "layer2/2/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/2/shuffle/view/0" -> "layer2/2/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/2/shuffle/permute/0" -> "layer2/2/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/2/shuffle/reshape/0" -> "layer2/3/split/__getitem__/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/2/shuffle/reshape/0" -> "layer2/3/split/__getitem__/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/3/split/__getitem__/0" -> "layer2/3/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/3/split/__getitem__/1" -> "layer2/3/conv1/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.3.conv1.weight" -> "layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/3/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/3/conv1/pre_hook__layer2-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/3/conv1/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/3/conv1/conv2d/0" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.3.bn1.weight" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.3.bn1.bias" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.3.bn1.running_mean" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.3.bn1.running_var" -> "layer2/3/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/3/bn1/batch_norm/0" -> "layer2/3/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/3/relu/0" -> "layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/3/relu/0__0.0._scale_param_storage" -> "layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/3/post_hook__layer2-3-relu-0__0[0]/symmetric_quantize/0" -> "layer2/3/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.3.conv2.weight" -> "layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/3/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/3/conv2/pre_hook__layer2-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/3/conv2/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/3/conv2/conv2d/0" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.3.bn2.weight" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.3.bn2.bias" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.3.bn2.running_mean" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.3.bn2.running_var" -> "layer2/3/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/3/bn2/batch_norm/0" -> "layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/3/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/3/bn2/post_hook__layer2-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/3/conv3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.3.conv3.weight" -> "layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/3/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/3/conv3/pre_hook__layer2-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/3/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/3/conv3/conv2d/0" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.3.bn3.weight" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.3.bn3.bias" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.3.bn3.running_mean" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.3.bn3.running_var" -> "layer2/3/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/3/bn3/batch_norm/0" -> "layer2/3/relu/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/3/relu/1" -> "layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/3/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/3/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2/3/cat/0" -> "layer2/3/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/3/shuffle/view/0" -> "layer2/3/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/3/shuffle/permute/0" -> "layer2/3/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/3/shuffle/reshape/0" -> "layer2/4/split/__getitem__/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/3/shuffle/reshape/0" -> "layer2/4/split/__getitem__/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/4/split/__getitem__/0" -> "layer2/4/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/4/split/__getitem__/1" -> "layer2/4/conv1/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.4.conv1.weight" -> "layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/4/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/4/conv1/pre_hook__layer2-4-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/4/conv1/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/4/conv1/conv2d/0" -> "layer2/4/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.4.bn1.weight" -> "layer2/4/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.4.bn1.bias" -> "layer2/4/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.4.bn1.running_mean" -> "layer2/4/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.4.bn1.running_var" -> "layer2/4/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/4/bn1/batch_norm/0" -> "layer2/4/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/4/relu/0" -> "layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/4/relu/0__0.0._scale_param_storage" -> "layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/4/post_hook__layer2-4-relu-0__0[0]/symmetric_quantize/0" -> "layer2/4/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.4.conv2.weight" -> "layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/4/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/4/conv2/pre_hook__layer2-4-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/4/conv2/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/4/conv2/conv2d/0" -> "layer2/4/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.4.bn2.weight" -> "layer2/4/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.4.bn2.bias" -> "layer2/4/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.4.bn2.running_mean" -> "layer2/4/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.4.bn2.running_var" -> "layer2/4/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/4/bn2/batch_norm/0" -> "layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/4/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/4/bn2/post_hook__layer2-4-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/4/conv3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.4.conv3.weight" -> "layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/4/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/4/conv3/pre_hook__layer2-4-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/4/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/4/conv3/conv2d/0" -> "layer2/4/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.4.bn3.weight" -> "layer2/4/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.4.bn3.bias" -> "layer2/4/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.4.bn3.running_mean" -> "layer2/4/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.4.bn3.running_var" -> "layer2/4/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/4/bn3/batch_norm/0" -> "layer2/4/relu/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/4/relu/1" -> "layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/4/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/4/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2/4/cat/0" -> "layer2/4/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/4/shuffle/view/0" -> "layer2/4/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/4/shuffle/permute/0" -> "layer2/4/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/4/shuffle/reshape/0" -> "layer2/5/split/__getitem__/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/4/shuffle/reshape/0" -> "layer2/5/split/__getitem__/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/5/split/__getitem__/0" -> "layer2/5/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/5/split/__getitem__/1" -> "layer2/5/conv1/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.5.conv1.weight" -> "layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/5/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/5/conv1/pre_hook__layer2-5-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/5/conv1/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/5/conv1/conv2d/0" -> "layer2/5/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.5.bn1.weight" -> "layer2/5/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.5.bn1.bias" -> "layer2/5/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.5.bn1.running_mean" -> "layer2/5/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.5.bn1.running_var" -> "layer2/5/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/5/bn1/batch_norm/0" -> "layer2/5/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/5/relu/0" -> "layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/5/relu/0__0.0._scale_param_storage" -> "layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/5/post_hook__layer2-5-relu-0__0[0]/symmetric_quantize/0" -> "layer2/5/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.5.conv2.weight" -> "layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/5/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/5/conv2/pre_hook__layer2-5-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/5/conv2/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/5/conv2/conv2d/0" -> "layer2/5/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.5.bn2.weight" -> "layer2/5/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.5.bn2.bias" -> "layer2/5/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.5.bn2.running_mean" -> "layer2/5/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.5.bn2.running_var" -> "layer2/5/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/5/bn2/batch_norm/0" -> "layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/5/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/5/bn2/post_hook__layer2-5-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/5/conv3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.5.conv3.weight" -> "layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/5/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/5/conv3/pre_hook__layer2-5-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/5/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/5/conv3/conv2d/0" -> "layer2/5/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.5.bn3.weight" -> "layer2/5/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.5.bn3.bias" -> "layer2/5/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.5.bn3.running_mean" -> "layer2/5/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.5.bn3.running_var" -> "layer2/5/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/5/bn3/batch_norm/0" -> "layer2/5/relu/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/5/relu/1" -> "layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/5/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/5/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2/5/cat/0" -> "layer2/5/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/5/shuffle/view/0" -> "layer2/5/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/5/shuffle/permute/0" -> "layer2/5/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/5/shuffle/reshape/0" -> "layer2/6/split/__getitem__/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/5/shuffle/reshape/0" -> "layer2/6/split/__getitem__/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/6/split/__getitem__/0" -> "layer2/6/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/6/split/__getitem__/1" -> "layer2/6/conv1/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.6.conv1.weight" -> "layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/6/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/6/conv1/pre_hook__layer2-6-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/6/conv1/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/6/conv1/conv2d/0" -> "layer2/6/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.6.bn1.weight" -> "layer2/6/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.6.bn1.bias" -> "layer2/6/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.6.bn1.running_mean" -> "layer2/6/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.6.bn1.running_var" -> "layer2/6/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/6/bn1/batch_norm/0" -> "layer2/6/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/6/relu/0" -> "layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/6/relu/0__0.0._scale_param_storage" -> "layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/6/post_hook__layer2-6-relu-0__0[0]/symmetric_quantize/0" -> "layer2/6/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.6.conv2.weight" -> "layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/6/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/6/conv2/pre_hook__layer2-6-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/6/conv2/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/6/conv2/conv2d/0" -> "layer2/6/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.6.bn2.weight" -> "layer2/6/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.6.bn2.bias" -> "layer2/6/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.6.bn2.running_mean" -> "layer2/6/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.6.bn2.running_var" -> "layer2/6/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/6/bn2/batch_norm/0" -> "layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/6/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/6/bn2/post_hook__layer2-6-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/6/conv3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.6.conv3.weight" -> "layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/6/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/6/conv3/pre_hook__layer2-6-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/6/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/6/conv3/conv2d/0" -> "layer2/6/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.6.bn3.weight" -> "layer2/6/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.6.bn3.bias" -> "layer2/6/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.6.bn3.running_mean" -> "layer2/6/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.6.bn3.running_var" -> "layer2/6/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/6/bn3/batch_norm/0" -> "layer2/6/relu/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/6/relu/1" -> "layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/6/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/6/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2/6/cat/0" -> "layer2/6/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/6/shuffle/view/0" -> "layer2/6/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/6/shuffle/permute/0" -> "layer2/6/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/6/shuffle/reshape/0" -> "layer2/7/split/__getitem__/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/6/shuffle/reshape/0" -> "layer2/7/split/__getitem__/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/7/split/__getitem__/0" -> "layer2/7/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/7/split/__getitem__/1" -> "layer2/7/conv1/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.7.conv1.weight" -> "layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/7/conv1/conv2d/0__1.0._scale_param_storage" -> "layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/7/conv1/pre_hook__layer2-7-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/7/conv1/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/7/conv1/conv2d/0" -> "layer2/7/bn1/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.7.bn1.weight" -> "layer2/7/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.7.bn1.bias" -> "layer2/7/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.7.bn1.running_mean" -> "layer2/7/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.7.bn1.running_var" -> "layer2/7/bn1/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/7/bn1/batch_norm/0" -> "layer2/7/relu/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/7/relu/0" -> "layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/7/relu/0__0.0._scale_param_storage" -> "layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/7/post_hook__layer2-7-relu-0__0[0]/symmetric_quantize/0" -> "layer2/7/conv2/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.7.conv2.weight" -> "layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/7/conv2/conv2d/0__1.0._scale_param_storage" -> "layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/7/conv2/pre_hook__layer2-7-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/7/conv2/conv2d/0" [dtype=float, shape="(48, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer2/7/conv2/conv2d/0" -> "layer2/7/bn2/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.7.bn2.weight" -> "layer2/7/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.7.bn2.bias" -> "layer2/7/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.7.bn2.running_mean" -> "layer2/7/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.7.bn2.running_var" -> "layer2/7/bn2/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/7/bn2/batch_norm/0" -> "layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer2/7/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer2/7/bn2/post_hook__layer2-7-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer2/7/conv3/conv2d/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.7.conv3.weight" -> "layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer2/7/conv3/conv2d/0__1.0._scale_param_storage" -> "layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer2/7/conv3/pre_hook__layer2-7-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer2/7/conv3/conv2d/0" [dtype=float, shape="(48, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"layer2/7/conv3/conv2d/0" -> "layer2/7/bn3/batch_norm/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2.7.bn3.weight" -> "layer2/7/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=1]; +"layer2.7.bn3.bias" -> "layer2/7/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"layer2.7.bn3.running_mean" -> "layer2/7/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=3]; +"layer2.7.bn3.running_var" -> "layer2/7/bn3/batch_norm/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=4]; +"layer2/7/bn3/batch_norm/0" -> "layer2/7/relu/1" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/7/relu/1" -> "layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/7/post_hook__layer2-0-relu-2__0[0]/symmetric_quantize/0" -> "layer2/7/cat/0" [dtype=float, shape="(1, 48, 8, 8)", out_port_id=0, in_port_id=1]; +"layer2/7/cat/0" -> "layer2/7/shuffle/view/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/7/shuffle/view/0" -> "layer2/7/shuffle/permute/0" [dtype=float, shape="(1, 2, 48, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/7/shuffle/permute/0" -> "layer2/7/shuffle/reshape/0" [dtype=float, shape="(1, 48, 2, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/7/shuffle/reshape/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer2/7/shuffle/reshape/0" -> "layer3/0/conv3/conv2d/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer3.0.conv1.weight" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/0/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/0/conv1/pre_hook__layer3-0-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv1/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/0/conv1/conv2d/0" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.bn1.weight" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"layer3.0.bn1.bias" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"layer3.0.bn1.running_mean" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"layer3.0.bn1.running_var" -> "layer3/0/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn1/batch_norm/0" -> "layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/0/bn1/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn1/post_hook__layer3-0-bn1-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.conv2.weight" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/0/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/0/conv2/pre_hook__layer3-0-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv2/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/0/conv2/conv2d/0" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.bn2.weight" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"layer3.0.bn2.bias" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"layer3.0.bn2.running_mean" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"layer3.0.bn2.running_var" -> "layer3/0/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn2/batch_norm/0" -> "layer3/0/relu/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/relu/0" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.layer3/2/relu/1__0.0._scale_param_storage" -> "layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.conv3.weight" -> "layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/0/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/0/conv3/pre_hook__layer3-0-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv3/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/0/conv3/conv2d/0" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer3.0.bn3.weight" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"layer3.0.bn3.bias" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"layer3.0.bn3.running_mean" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"layer3.0.bn3.running_var" -> "layer3/0/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn3/batch_norm/0" -> "layer3/0/relu/1" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer3/0/relu/1" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/0/relu/1__0.0._scale_param_storage" -> "layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/0/post_hook__layer3-0-relu-1__0[0]/symmetric_quantize/0" -> "layer3/0/conv4/conv2d/0" [dtype=float, shape="(1, 96, 8, 8)", out_port_id=0, in_port_id=0]; +"layer3.0.conv4.weight" -> "layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/0/conv4/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/0/conv4/pre_hook__layer3-0-conv4-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv4/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/0/conv4/conv2d/0" -> "layer3/0/bn4/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.bn4.weight" -> "layer3/0/bn4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"layer3.0.bn4.bias" -> "layer3/0/bn4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"layer3.0.bn4.running_mean" -> "layer3/0/bn4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"layer3.0.bn4.running_var" -> "layer3/0/bn4/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn4/batch_norm/0" -> "layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/0/bn4/batch_norm/0__0.0._scale_param_storage" -> "layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn4/post_hook__layer3-0-bn4-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/0/conv5/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.conv5.weight" -> "layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/0/conv5/conv2d/0__1.0._scale_param_storage" -> "layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/0/conv5/pre_hook__layer3-0-conv5-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/0/conv5/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/0/conv5/conv2d/0" -> "layer3/0/bn5/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.0.bn5.weight" -> "layer3/0/bn5/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"layer3.0.bn5.bias" -> "layer3/0/bn5/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"layer3.0.bn5.running_mean" -> "layer3/0/bn5/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"layer3.0.bn5.running_var" -> "layer3/0/bn5/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"layer3/0/bn5/batch_norm/0" -> "layer3/0/relu/2" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/relu/2" -> "layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/1" -> "layer3/0/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=1]; +"layer3/0/cat/0" -> "layer3/0/shuffle/view/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/shuffle/view/0" -> "layer3/0/shuffle/permute/0" [dtype=float, shape="(1, 2, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/shuffle/permute/0" -> "layer3/0/shuffle/reshape/0" [dtype=float, shape="(1, 96, 2, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/shuffle/reshape/0" -> "layer3/1/split/__getitem__/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/0/shuffle/reshape/0" -> "layer3/1/split/__getitem__/1" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/split/__getitem__/0" -> "layer3/1/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/split/__getitem__/1" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.conv1.weight" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/1/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/1/conv1/pre_hook__layer3-1-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv1/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/1/conv1/conv2d/0" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.bn1.weight" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"layer3.1.bn1.bias" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"layer3.1.bn1.running_mean" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"layer3.1.bn1.running_var" -> "layer3/1/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"layer3/1/bn1/batch_norm/0" -> "layer3/1/relu/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/relu/0" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/1/relu/0__0.0._scale_param_storage" -> "layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/1/post_hook__layer3-1-relu-0__0[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.conv2.weight" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/1/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/1/conv2/pre_hook__layer3-1-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv2/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/1/conv2/conv2d/0" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.bn2.weight" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"layer3.1.bn2.bias" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"layer3.1.bn2.running_mean" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"layer3.1.bn2.running_var" -> "layer3/1/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"layer3/1/bn2/batch_norm/0" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/1/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer3/1/bn2/post_hook__layer3-1-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/1/conv3/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.conv3.weight" -> "layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/1/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/1/conv3/pre_hook__layer3-1-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/1/conv3/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/1/conv3/conv2d/0" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.1.bn3.weight" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"layer3.1.bn3.bias" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"layer3.1.bn3.running_mean" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"layer3.1.bn3.running_var" -> "layer3/1/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"layer3/1/bn3/batch_norm/0" -> "layer3/1/relu/1" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/relu/1" -> "layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/1/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=1]; +"layer3/1/cat/0" -> "layer3/1/shuffle/view/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/shuffle/view/0" -> "layer3/1/shuffle/permute/0" [dtype=float, shape="(1, 2, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/shuffle/permute/0" -> "layer3/1/shuffle/reshape/0" [dtype=float, shape="(1, 96, 2, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/shuffle/reshape/0" -> "layer3/2/split/__getitem__/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/1/shuffle/reshape/0" -> "layer3/2/split/__getitem__/1" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/2/split/__getitem__/0" -> "layer3/2/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/2/split/__getitem__/1" -> "layer3/2/conv1/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.2.conv1.weight" -> "layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/2/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/2/conv1/pre_hook__layer3-2-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/2/conv1/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/2/conv1/conv2d/0" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.2.bn1.weight" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"layer3.2.bn1.bias" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"layer3.2.bn1.running_mean" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"layer3.2.bn1.running_var" -> "layer3/2/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"layer3/2/bn1/batch_norm/0" -> "layer3/2/relu/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/2/relu/0" -> "layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/2/relu/0__0.0._scale_param_storage" -> "layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/2/post_hook__layer3-2-relu-0__0[0]/symmetric_quantize/0" -> "layer3/2/conv2/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.2.conv2.weight" -> "layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/2/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/2/conv2/pre_hook__layer3-2-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/2/conv2/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/2/conv2/conv2d/0" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.2.bn2.weight" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"layer3.2.bn2.bias" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"layer3.2.bn2.running_mean" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"layer3.2.bn2.running_var" -> "layer3/2/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"layer3/2/bn2/batch_norm/0" -> "layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/2/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer3/2/bn2/post_hook__layer3-2-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/2/conv3/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.2.conv3.weight" -> "layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/2/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/2/conv3/pre_hook__layer3-2-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/2/conv3/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/2/conv3/conv2d/0" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.2.bn3.weight" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"layer3.2.bn3.bias" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"layer3.2.bn3.running_mean" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"layer3.2.bn3.running_var" -> "layer3/2/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"layer3/2/bn3/batch_norm/0" -> "layer3/2/relu/1" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/2/relu/1" -> "layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/2/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/2/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=1]; +"layer3/2/cat/0" -> "layer3/2/shuffle/view/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/2/shuffle/view/0" -> "layer3/2/shuffle/permute/0" [dtype=float, shape="(1, 2, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/2/shuffle/permute/0" -> "layer3/2/shuffle/reshape/0" [dtype=float, shape="(1, 96, 2, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/2/shuffle/reshape/0" -> "layer3/3/split/__getitem__/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/2/shuffle/reshape/0" -> "layer3/3/split/__getitem__/1" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/3/split/__getitem__/0" -> "layer3/3/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/3/split/__getitem__/1" -> "layer3/3/conv1/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.3.conv1.weight" -> "layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/3/conv1/conv2d/0__1.0._scale_param_storage" -> "layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/3/conv1/pre_hook__layer3-3-conv1-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/3/conv1/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/3/conv1/conv2d/0" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.3.bn1.weight" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"layer3.3.bn1.bias" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"layer3.3.bn1.running_mean" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"layer3.3.bn1.running_var" -> "layer3/3/bn1/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"layer3/3/bn1/batch_norm/0" -> "layer3/3/relu/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/3/relu/0" -> "layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/3/relu/0__0.0._scale_param_storage" -> "layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/3/post_hook__layer3-3-relu-0__0[0]/symmetric_quantize/0" -> "layer3/3/conv2/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.3.conv2.weight" -> "layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/3/conv2/conv2d/0__1.0._scale_param_storage" -> "layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/3/conv2/pre_hook__layer3-3-conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/3/conv2/conv2d/0" [dtype=float, shape="(96, 1, 3, 3)", out_port_id=0, in_port_id=1]; +"layer3/3/conv2/conv2d/0" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.3.bn2.weight" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"layer3.3.bn2.bias" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"layer3.3.bn2.running_mean" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"layer3.3.bn2.running_var" -> "layer3/3/bn2/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"layer3/3/bn2/batch_norm/0" -> "layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.layer3/3/bn2/batch_norm/0__0.0._scale_param_storage" -> "layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"layer3/3/bn2/post_hook__layer3-3-bn2-batch_norm-0__0[0]/symmetric_quantize/0" -> "layer3/3/conv3/conv2d/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.3.conv3.weight" -> "layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.layer3/3/conv3/conv2d/0__1.0._scale_param_storage" -> "layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(96, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"layer3/3/conv3/pre_hook__layer3-3-conv3-conv2d-0__1[0]/symmetric_quantize/0" -> "layer3/3/conv3/conv2d/0" [dtype=float, shape="(96, 96, 1, 1)", out_port_id=0, in_port_id=1]; +"layer3/3/conv3/conv2d/0" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3.3.bn3.weight" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=1]; +"layer3.3.bn3.bias" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=2]; +"layer3.3.bn3.running_mean" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=3]; +"layer3.3.bn3.running_var" -> "layer3/3/bn3/batch_norm/0" [dtype=float, shape="(96,)", out_port_id=0, in_port_id=4]; +"layer3/3/bn3/batch_norm/0" -> "layer3/3/relu/1" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/3/relu/1" -> "layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/3/post_hook__layer3-3-relu-1__0[0]/symmetric_quantize/0" -> "layer3/3/cat/0" [dtype=float, shape="(1, 96, 4, 4)", out_port_id=0, in_port_id=1]; +"layer3/3/cat/0" -> "layer3/3/shuffle/view/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/3/shuffle/view/0" -> "layer3/3/shuffle/permute/0" [dtype=float, shape="(1, 2, 96, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/3/shuffle/permute/0" -> "layer3/3/shuffle/reshape/0" [dtype=float, shape="(1, 96, 2, 4, 4)", out_port_id=0, in_port_id=0]; +"layer3/3/shuffle/reshape/0" -> "conv2/conv2d/0" [dtype=float, shape="(1, 192, 4, 4)", out_port_id=0, in_port_id=0]; +"conv2.weight" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.conv2/conv2d/0__1.0._scale_param_storage" -> "conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"conv2/pre_hook__conv2-conv2d-0__1[0]/symmetric_quantize/0" -> "conv2/conv2d/0" [dtype=float, shape="(1024, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"conv2/conv2d/0" -> "bn2/batch_norm/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"bn2.weight" -> "bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"bn2.bias" -> "bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"bn2.running_mean" -> "bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"bn2.running_var" -> "bn2/batch_norm/0" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"bn2/batch_norm/0" -> "/relu/1" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"/relu/1" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks./relu/1__0.0._scale_param_storage" -> "post_hook__-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__-relu-1__0[0]/symmetric_quantize/0" -> "/avg_pool2d/0" [dtype=float, shape="(1, 1024, 4, 4)", out_port_id=0, in_port_id=0]; +"/avg_pool2d/0" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks./avg_pool2d/0__0.0._scale_param_storage" -> "post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, shape="(1, 1024, 1, 1)", out_port_id=0, in_port_id=0]; +"/view/0" -> "linear/linear/0" [dtype=float, shape="(1, 1024)", out_port_id=0, in_port_id=0]; +"linear.weight" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1024)", out_port_id=0, in_port_id=0]; +"linear.bias" -> "linear/linear/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.linear/linear/0__1.0._scale_param_storage" -> "linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1)", out_port_id=0, in_port_id=4]; +"linear/pre_hook__linear-linear-0__1[0]/symmetric_quantize/0" -> "linear/linear/0" [dtype=float, shape="(10, 1024)", out_port_id=0, in_port_id=1]; +"linear/linear/0" -> output [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/squeezenet1_1.dot b/tests/torch2/data/quantization/test_quantized_graphs/squeezenet1_1.dot index 243a8c90add..75c8727822d 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/squeezenet1_1.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/squeezenet1_1.dot @@ -1,453 +1,453 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/0/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; -"features/1/relu_/0" [id=8, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [id=10, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/2/max_pool2d/0" [id=11, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.3.squeeze.weight" [id=12, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.squeeze.bias" [id=13, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/3/squeeze/conv2d/0__1.0._scale_param_storage" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=15, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/3/squeeze/conv2d/0" [id=16, metatype=PTConv2dMetatype, type=conv2d]; -"features/3/squeeze_activation/relu_/0" [id=17, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/3/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=19, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.3.expand1x1.weight" [id=20, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.expand1x1.bias" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/3/expand1x1/conv2d/0__1.0._scale_param_storage" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=23, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/3/expand1x1/conv2d/0" [id=24, metatype=PTConv2dMetatype, type=conv2d]; -"features/3/expand1x1_activation/relu_/0" [id=25, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/3/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=26, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=27, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.3.expand3x3.weight" [id=28, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.expand3x3.bias" [id=29, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/3/expand3x3/conv2d/0__1.0._scale_param_storage" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=31, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/3/expand3x3/conv2d/0" [id=32, metatype=PTConv2dMetatype, type=conv2d]; -"features/3/expand3x3_activation/relu_/0" [id=33, metatype=PTRELUMetatype, type=relu_]; -"features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=34, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/3/cat/0" [id=35, metatype=PTCatMetatype, type=cat]; -"features.4.squeeze.weight" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.squeeze.bias" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/4/squeeze/conv2d/0__1.0._scale_param_storage" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=39, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/4/squeeze/conv2d/0" [id=40, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/squeeze_activation/relu_/0" [id=41, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/4/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=42, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=43, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.4.expand1x1.weight" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.expand1x1.bias" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/4/expand1x1/conv2d/0__1.0._scale_param_storage" [id=46, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=47, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/4/expand1x1/conv2d/0" [id=48, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/expand1x1_activation/relu_/0" [id=49, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/4/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=51, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.4.expand3x3.weight" [id=52, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.expand3x3.bias" [id=53, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/4/expand3x3/conv2d/0__1.0._scale_param_storage" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=55, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/4/expand3x3/conv2d/0" [id=56, metatype=PTConv2dMetatype, type=conv2d]; -"features/4/expand3x3_activation/relu_/0" [id=57, metatype=PTRELUMetatype, type=relu_]; -"features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=58, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/4/cat/0" [id=59, metatype=PTCatMetatype, type=cat]; -"features/5/max_pool2d/0" [id=60, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.6.squeeze.weight" [id=61, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.squeeze.bias" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/6/squeeze/conv2d/0__1.0._scale_param_storage" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=64, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/squeeze/conv2d/0" [id=65, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/squeeze_activation/relu_/0" [id=66, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/6/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=67, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=68, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.6.expand1x1.weight" [id=69, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.expand1x1.bias" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/6/expand1x1/conv2d/0__1.0._scale_param_storage" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=72, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/expand1x1/conv2d/0" [id=73, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/expand1x1_activation/relu_/0" [id=74, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/6/expand3x3_activation/relu_/0__0.0._scale_param_storage" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=76, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.6.expand3x3.weight" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.6.expand3x3.bias" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/6/expand3x3/conv2d/0__1.0._scale_param_storage" [id=79, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=80, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/expand3x3/conv2d/0" [id=81, metatype=PTConv2dMetatype, type=conv2d]; -"features/6/expand3x3_activation/relu_/0" [id=82, metatype=PTRELUMetatype, type=relu_]; -"features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=83, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/cat/0" [id=84, metatype=PTCatMetatype, type=cat]; -"features.7.squeeze.weight" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.squeeze.bias" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/7/squeeze/conv2d/0__1.0._scale_param_storage" [id=87, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=88, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/7/squeeze/conv2d/0" [id=89, metatype=PTConv2dMetatype, type=conv2d]; -"features/7/squeeze_activation/relu_/0" [id=90, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/7/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=92, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.7.expand1x1.weight" [id=93, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.expand1x1.bias" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/7/expand1x1/conv2d/0__1.0._scale_param_storage" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=96, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/7/expand1x1/conv2d/0" [id=97, metatype=PTConv2dMetatype, type=conv2d]; -"features/7/expand1x1_activation/relu_/0" [id=98, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/7/expand3x3_activation/relu_/0__0.0._scale_param_storage" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=100, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.7.expand3x3.weight" [id=101, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.expand3x3.bias" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/7/expand3x3/conv2d/0__1.0._scale_param_storage" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=104, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/7/expand3x3/conv2d/0" [id=105, metatype=PTConv2dMetatype, type=conv2d]; -"features/7/expand3x3_activation/relu_/0" [id=106, metatype=PTRELUMetatype, type=relu_]; -"features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=107, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/7/cat/0" [id=108, metatype=PTCatMetatype, type=cat]; -"features/8/max_pool2d/0" [id=109, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.9.squeeze.weight" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.squeeze.bias" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/9/squeeze/conv2d/0__1.0._scale_param_storage" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=113, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/9/squeeze/conv2d/0" [id=114, metatype=PTConv2dMetatype, type=conv2d]; -"features/9/squeeze_activation/relu_/0" [id=115, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/9/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=117, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.9.expand1x1.weight" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.expand1x1.bias" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/9/expand1x1/conv2d/0__1.0._scale_param_storage" [id=120, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=121, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/9/expand1x1/conv2d/0" [id=122, metatype=PTConv2dMetatype, type=conv2d]; -"features/9/expand1x1_activation/relu_/0" [id=123, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/9/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=125, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.9.expand3x3.weight" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.9.expand3x3.bias" [id=127, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/9/expand3x3/conv2d/0__1.0._scale_param_storage" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=129, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/9/expand3x3/conv2d/0" [id=130, metatype=PTConv2dMetatype, type=conv2d]; -"features/9/expand3x3_activation/relu_/0" [id=131, metatype=PTRELUMetatype, type=relu_]; -"features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=132, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/9/cat/0" [id=133, metatype=PTCatMetatype, type=cat]; -"features.10.squeeze.weight" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.squeeze.bias" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/10/squeeze/conv2d/0__1.0._scale_param_storage" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=137, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/squeeze/conv2d/0" [id=138, metatype=PTConv2dMetatype, type=conv2d]; -"features/10/squeeze_activation/relu_/0" [id=139, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/10/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=140, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=141, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.10.expand1x1.weight" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.expand1x1.bias" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/10/expand1x1/conv2d/0__1.0._scale_param_storage" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=145, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/expand1x1/conv2d/0" [id=146, metatype=PTConv2dMetatype, type=conv2d]; -"features/10/expand1x1_activation/relu_/0" [id=147, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/10/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=149, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.10.expand3x3.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.expand3x3.bias" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/10/expand3x3/conv2d/0__1.0._scale_param_storage" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=153, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/expand3x3/conv2d/0" [id=154, metatype=PTConv2dMetatype, type=conv2d]; -"features/10/expand3x3_activation/relu_/0" [id=155, metatype=PTRELUMetatype, type=relu_]; -"features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=156, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/cat/0" [id=157, metatype=PTCatMetatype, type=cat]; -"features.11.squeeze.weight" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.squeeze.bias" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/11/squeeze/conv2d/0__1.0._scale_param_storage" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=161, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/11/squeeze/conv2d/0" [id=162, metatype=PTConv2dMetatype, type=conv2d]; -"features/11/squeeze_activation/relu_/0" [id=163, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/11/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=165, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.11.expand1x1.weight" [id=166, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.expand1x1.bias" [id=167, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/11/expand1x1/conv2d/0__1.0._scale_param_storage" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=169, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/11/expand1x1/conv2d/0" [id=170, metatype=PTConv2dMetatype, type=conv2d]; -"features/11/expand1x1_activation/relu_/0" [id=171, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/11/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=173, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.11.expand3x3.weight" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.expand3x3.bias" [id=175, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/11/expand3x3/conv2d/0__1.0._scale_param_storage" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=177, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/11/expand3x3/conv2d/0" [id=178, metatype=PTConv2dMetatype, type=conv2d]; -"features/11/expand3x3_activation/relu_/0" [id=179, metatype=PTRELUMetatype, type=relu_]; -"features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=180, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/11/cat/0" [id=181, metatype=PTCatMetatype, type=cat]; -"features.12.squeeze.weight" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.squeeze.bias" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/12/squeeze/conv2d/0__1.0._scale_param_storage" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=185, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/12/squeeze/conv2d/0" [id=186, metatype=PTConv2dMetatype, type=conv2d]; -"features/12/squeeze_activation/relu_/0" [id=187, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/12/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=188, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=189, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.12.expand1x1.weight" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.expand1x1.bias" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/12/expand1x1/conv2d/0__1.0._scale_param_storage" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=193, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/12/expand1x1/conv2d/0" [id=194, metatype=PTConv2dMetatype, type=conv2d]; -"features/12/expand1x1_activation/relu_/0" [id=195, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/12/expand3x3_activation/relu_/0__0.0._scale_param_storage" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=197, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.12.expand3x3.weight" [id=198, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.12.expand3x3.bias" [id=199, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/12/expand3x3/conv2d/0__1.0._scale_param_storage" [id=200, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=201, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/12/expand3x3/conv2d/0" [id=202, metatype=PTConv2dMetatype, type=conv2d]; -"features/12/expand3x3_activation/relu_/0" [id=203, metatype=PTRELUMetatype, type=relu_]; -"features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=204, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/12/cat/0" [id=205, metatype=PTCatMetatype, type=cat]; -"classifier/0/dropout/0" [id=206, metatype=PTDropoutMetatype, type=dropout]; -"classifier.1.weight" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.1.bias" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.classifier/1/conv2d/0__1.0._scale_param_storage" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" [id=210, metatype=UnknownMetatype, type=symmetric_quantize]; -"classifier/1/conv2d/0" [id=211, metatype=PTConv2dMetatype, type=conv2d]; -"classifier/2/relu_/0" [id=212, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" [id=213, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [id=214, metatype=UnknownMetatype, type=symmetric_quantize]; -"classifier/3/adaptive_avg_pool2d/0" [id=215, metatype=PTAvgPool2dMetatype, type=adaptive_avg_pool2d]; -"/view/0" [id=216, metatype=PTReshapeMetatype, type=view]; -output [id=217, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"features.0.weight" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 3, 3, 3)"]; -"features.0.bias" -> "features/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 3, 3)"]; -"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 15, 15)"]; -"features/1/relu_/0" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 15, 15)"]; -"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 15, 15)"]; -"features/2/max_pool2d/0" -> "features/3/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; -"features.3.squeeze.weight" -> "features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 64, 1, 1)"]; -"features.3.squeeze.bias" -> "features/3/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"__nncf_hooks.pre_hooks.features/3/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; -"features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 64, 1, 1)"]; -"features/3/squeeze/conv2d/0" -> "features/3/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; -"features/3/squeeze_activation/relu_/0" -> "features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; -"__nncf_hooks.post_hooks.features/3/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; -"features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; -"features.3.expand1x1.weight" -> "features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 16, 1, 1)"]; -"features.3.expand1x1.bias" -> "features/3/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.features/3/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 1, 1)"]; -"features/3/expand1x1/conv2d/0" -> "features/3/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; -"features/3/expand1x1_activation/relu_/0" -> "features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; -"__nncf_hooks.post_hooks.features/3/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.features/3/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; -"features.3.expand3x3.weight" -> "features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 16, 3, 3)"]; -"features.3.expand3x3.bias" -> "features/3/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.features/3/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 3, 3)"]; -"features/3/expand3x3/conv2d/0" -> "features/3/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; -"features/3/expand3x3_activation/relu_/0" -> "features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; -"features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 7, 7)"]; -"features/3/cat/0" -> "features/4/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 7, 7)"]; -"features.4.squeeze.weight" -> "features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(16, 128, 1, 1)"]; -"features.4.squeeze.bias" -> "features/4/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(16,)"]; -"__nncf_hooks.pre_hooks.features/4/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(16, 1, 1, 1)"]; -"features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(16, 128, 1, 1)"]; -"features/4/squeeze/conv2d/0" -> "features/4/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; -"features/4/squeeze_activation/relu_/0" -> "features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; -"__nncf_hooks.post_hooks.features/4/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; -"features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 16, 7, 7)"]; -"features.4.expand1x1.weight" -> "features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 16, 1, 1)"]; -"features.4.expand1x1.bias" -> "features/4/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.features/4/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 1, 1)"]; -"features/4/expand1x1/conv2d/0" -> "features/4/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; -"features/4/expand1x1_activation/relu_/0" -> "features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; -"__nncf_hooks.post_hooks.features/4/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.features/4/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; -"features.4.expand3x3.weight" -> "features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 16, 3, 3)"]; -"features.4.expand3x3.bias" -> "features/4/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.features/4/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 16, 3, 3)"]; -"features/4/expand3x3/conv2d/0" -> "features/4/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; -"features/4/expand3x3_activation/relu_/0" -> "features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 7, 7)"]; -"features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 7, 7)"]; -"features/4/cat/0" -> "features/5/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 7, 7)"]; -"features/5/max_pool2d/0" -> "features/6/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; -"features.6.squeeze.weight" -> "features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 128, 1, 1)"]; -"features.6.squeeze.bias" -> "features/6/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"__nncf_hooks.pre_hooks.features/6/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 128, 1, 1)"]; -"features/6/squeeze/conv2d/0" -> "features/6/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; -"features/6/squeeze_activation/relu_/0" -> "features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; -"__nncf_hooks.post_hooks.features/6/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; -"features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; -"features.6.expand1x1.weight" -> "features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 32, 1, 1)"]; -"features.6.expand1x1.bias" -> "features/6/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.features/6/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 1, 1)"]; -"features/6/expand1x1/conv2d/0" -> "features/6/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; -"features/6/expand1x1_activation/relu_/0" -> "features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; -"__nncf_hooks.post_hooks.features/6/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.features/6/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; -"features.6.expand3x3.weight" -> "features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 32, 3, 3)"]; -"features.6.expand3x3.bias" -> "features/6/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.features/6/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 3, 3)"]; -"features/6/expand3x3/conv2d/0" -> "features/6/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; -"features/6/expand3x3_activation/relu_/0" -> "features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; -"features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 3, 3)"]; -"features/6/cat/0" -> "features/7/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 3, 3)"]; -"features.7.squeeze.weight" -> "features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(32, 256, 1, 1)"]; -"features.7.squeeze.bias" -> "features/7/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(32,)"]; -"__nncf_hooks.pre_hooks.features/7/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(32, 1, 1, 1)"]; -"features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(32, 256, 1, 1)"]; -"features/7/squeeze/conv2d/0" -> "features/7/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; -"features/7/squeeze_activation/relu_/0" -> "features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; -"__nncf_hooks.post_hooks.features/7/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; -"features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 32, 3, 3)"]; -"features.7.expand1x1.weight" -> "features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 32, 1, 1)"]; -"features.7.expand1x1.bias" -> "features/7/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.features/7/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 1, 1)"]; -"features/7/expand1x1/conv2d/0" -> "features/7/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; -"features/7/expand1x1_activation/relu_/0" -> "features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; -"__nncf_hooks.post_hooks.features/7/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.features/7/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; -"features.7.expand3x3.weight" -> "features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 32, 3, 3)"]; -"features.7.expand3x3.bias" -> "features/7/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.features/7/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 32, 3, 3)"]; -"features/7/expand3x3/conv2d/0" -> "features/7/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; -"features/7/expand3x3_activation/relu_/0" -> "features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 3, 3)"]; -"features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 3, 3)"]; -"features/7/cat/0" -> "features/8/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 3, 3)"]; -"features/8/max_pool2d/0" -> "features/9/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; -"features.9.squeeze.weight" -> "features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 256, 1, 1)"]; -"features.9.squeeze.bias" -> "features/9/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"__nncf_hooks.pre_hooks.features/9/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 256, 1, 1)"]; -"features/9/squeeze/conv2d/0" -> "features/9/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"features/9/squeeze_activation/relu_/0" -> "features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"__nncf_hooks.post_hooks.features/9/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"features.9.expand1x1.weight" -> "features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 48, 1, 1)"]; -"features.9.expand1x1.bias" -> "features/9/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"__nncf_hooks.pre_hooks.features/9/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 1, 1)"]; -"features/9/expand1x1/conv2d/0" -> "features/9/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; -"features/9/expand1x1_activation/relu_/0" -> "features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; -"__nncf_hooks.post_hooks.features/9/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.features/9/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; -"features.9.expand3x3.weight" -> "features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 48, 3, 3)"]; -"features.9.expand3x3.bias" -> "features/9/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"__nncf_hooks.pre_hooks.features/9/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 3, 3)"]; -"features/9/expand3x3/conv2d/0" -> "features/9/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; -"features/9/expand3x3_activation/relu_/0" -> "features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; -"features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 1, 1)"]; -"features/9/cat/0" -> "features/10/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 1, 1)"]; -"features.10.squeeze.weight" -> "features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(48, 384, 1, 1)"]; -"features.10.squeeze.bias" -> "features/10/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(48,)"]; -"__nncf_hooks.pre_hooks.features/10/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(48, 1, 1, 1)"]; -"features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(48, 384, 1, 1)"]; -"features/10/squeeze/conv2d/0" -> "features/10/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"features/10/squeeze_activation/relu_/0" -> "features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"__nncf_hooks.post_hooks.features/10/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 48, 1, 1)"]; -"features.10.expand1x1.weight" -> "features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 48, 1, 1)"]; -"features.10.expand1x1.bias" -> "features/10/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"__nncf_hooks.pre_hooks.features/10/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 1, 1)"]; -"features/10/expand1x1/conv2d/0" -> "features/10/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; -"features/10/expand1x1_activation/relu_/0" -> "features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; -"__nncf_hooks.post_hooks.features/10/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.features/10/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; -"features.10.expand3x3.weight" -> "features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(192, 48, 3, 3)"]; -"features.10.expand3x3.bias" -> "features/10/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(192,)"]; -"__nncf_hooks.pre_hooks.features/10/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(192, 1, 1, 1)"]; -"features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(192, 48, 3, 3)"]; -"features/10/expand3x3/conv2d/0" -> "features/10/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; -"features/10/expand3x3_activation/relu_/0" -> "features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 192, 1, 1)"]; -"features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 192, 1, 1)"]; -"features/10/cat/0" -> "features/11/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 384, 1, 1)"]; -"features.11.squeeze.weight" -> "features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 384, 1, 1)"]; -"features.11.squeeze.bias" -> "features/11/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.features/11/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 384, 1, 1)"]; -"features/11/squeeze/conv2d/0" -> "features/11/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"features/11/squeeze_activation/relu_/0" -> "features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"__nncf_hooks.post_hooks.features/11/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"features.11.expand1x1.weight" -> "features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 64, 1, 1)"]; -"features.11.expand1x1.bias" -> "features/11/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.features/11/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 1, 1)"]; -"features/11/expand1x1/conv2d/0" -> "features/11/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; -"features/11/expand1x1_activation/relu_/0" -> "features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; -"__nncf_hooks.post_hooks.features/11/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.features/11/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; -"features.11.expand3x3.weight" -> "features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 64, 3, 3)"]; -"features.11.expand3x3.bias" -> "features/11/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.features/11/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 3, 3)"]; -"features/11/expand3x3/conv2d/0" -> "features/11/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; -"features/11/expand3x3_activation/relu_/0" -> "features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; -"features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 1, 1)"]; -"features/11/cat/0" -> "features/12/squeeze/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; -"features.12.squeeze.weight" -> "features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 512, 1, 1)"]; -"features.12.squeeze.bias" -> "features/12/squeeze/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.features/12/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/squeeze/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 512, 1, 1)"]; -"features/12/squeeze/conv2d/0" -> "features/12/squeeze_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"features/12/squeeze_activation/relu_/0" -> "features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"__nncf_hooks.post_hooks.features/12/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/expand1x1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/expand3x3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 1, 1)"]; -"features.12.expand1x1.weight" -> "features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 64, 1, 1)"]; -"features.12.expand1x1.bias" -> "features/12/expand1x1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.features/12/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/expand1x1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 1, 1)"]; -"features/12/expand1x1/conv2d/0" -> "features/12/expand1x1_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; -"features/12/expand1x1_activation/relu_/0" -> "features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; -"__nncf_hooks.post_hooks.features/12/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.features/12/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; -"features.12.expand3x3.weight" -> "features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 64, 3, 3)"]; -"features.12.expand3x3.bias" -> "features/12/expand3x3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.features/12/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/expand3x3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 64, 3, 3)"]; -"features/12/expand3x3/conv2d/0" -> "features/12/expand3x3_activation/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; -"features/12/expand3x3_activation/relu_/0" -> "features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 1, 1)"]; -"features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 1, 1)"]; -"features/12/cat/0" -> "classifier/0/dropout/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; -"classifier/0/dropout/0" -> "classifier/1/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; -"classifier.1.weight" -> "classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1000, 512, 1, 1)"]; -"classifier.1.bias" -> "classifier/1/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(1000,)"]; -"__nncf_hooks.pre_hooks.classifier/1/conv2d/0__1.0._scale_param_storage" -> "classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1000, 1, 1, 1)"]; -"classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" -> "classifier/1/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1000, 512, 1, 1)"]; -"classifier/1/conv2d/0" -> "classifier/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000, 1, 1)"]; -"classifier/2/relu_/0" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000, 1, 1)"]; -"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" -> "classifier/3/adaptive_avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000, 1, 1)"]; -"classifier/3/adaptive_avg_pool2d/0" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000, 1, 1)"]; -"/view/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1000)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/0/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; +"features/1/relu_/0" [id=8, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [id=10, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/2/max_pool2d/0" [id=11, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.3.squeeze.weight" [id=12, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.squeeze.bias" [id=13, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/3/squeeze/conv2d/0__1.0._scale_param_storage" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=15, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/3/squeeze/conv2d/0" [id=16, type=conv2d, metatype=PTConv2dMetatype]; +"features/3/squeeze_activation/relu_/0" [id=17, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/3/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=19, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.3.expand1x1.weight" [id=20, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.expand1x1.bias" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/3/expand1x1/conv2d/0__1.0._scale_param_storage" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=23, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/3/expand1x1/conv2d/0" [id=24, type=conv2d, metatype=PTConv2dMetatype]; +"features/3/expand1x1_activation/relu_/0" [id=25, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/3/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=26, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=27, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.3.expand3x3.weight" [id=28, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.expand3x3.bias" [id=29, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/3/expand3x3/conv2d/0__1.0._scale_param_storage" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=31, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/3/expand3x3/conv2d/0" [id=32, type=conv2d, metatype=PTConv2dMetatype]; +"features/3/expand3x3_activation/relu_/0" [id=33, type="relu_", metatype=PTRELUMetatype]; +"features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=34, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/3/cat/0" [id=35, type=cat, metatype=PTCatMetatype]; +"features.4.squeeze.weight" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.squeeze.bias" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/4/squeeze/conv2d/0__1.0._scale_param_storage" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=39, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/4/squeeze/conv2d/0" [id=40, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/squeeze_activation/relu_/0" [id=41, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/4/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=42, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=43, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.4.expand1x1.weight" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.expand1x1.bias" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/4/expand1x1/conv2d/0__1.0._scale_param_storage" [id=46, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=47, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/4/expand1x1/conv2d/0" [id=48, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/expand1x1_activation/relu_/0" [id=49, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/4/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=51, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.4.expand3x3.weight" [id=52, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.expand3x3.bias" [id=53, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/4/expand3x3/conv2d/0__1.0._scale_param_storage" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=55, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/4/expand3x3/conv2d/0" [id=56, type=conv2d, metatype=PTConv2dMetatype]; +"features/4/expand3x3_activation/relu_/0" [id=57, type="relu_", metatype=PTRELUMetatype]; +"features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=58, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/4/cat/0" [id=59, type=cat, metatype=PTCatMetatype]; +"features/5/max_pool2d/0" [id=60, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.6.squeeze.weight" [id=61, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.squeeze.bias" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/6/squeeze/conv2d/0__1.0._scale_param_storage" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=64, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/squeeze/conv2d/0" [id=65, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/squeeze_activation/relu_/0" [id=66, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/6/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=67, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=68, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.6.expand1x1.weight" [id=69, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.expand1x1.bias" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/6/expand1x1/conv2d/0__1.0._scale_param_storage" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=72, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/expand1x1/conv2d/0" [id=73, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/expand1x1_activation/relu_/0" [id=74, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/6/expand3x3_activation/relu_/0__0.0._scale_param_storage" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=76, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.6.expand3x3.weight" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.6.expand3x3.bias" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/6/expand3x3/conv2d/0__1.0._scale_param_storage" [id=79, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=80, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/expand3x3/conv2d/0" [id=81, type=conv2d, metatype=PTConv2dMetatype]; +"features/6/expand3x3_activation/relu_/0" [id=82, type="relu_", metatype=PTRELUMetatype]; +"features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=83, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/cat/0" [id=84, type=cat, metatype=PTCatMetatype]; +"features.7.squeeze.weight" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.squeeze.bias" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/7/squeeze/conv2d/0__1.0._scale_param_storage" [id=87, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=88, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/7/squeeze/conv2d/0" [id=89, type=conv2d, metatype=PTConv2dMetatype]; +"features/7/squeeze_activation/relu_/0" [id=90, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/7/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=92, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.7.expand1x1.weight" [id=93, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.expand1x1.bias" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/7/expand1x1/conv2d/0__1.0._scale_param_storage" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=96, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/7/expand1x1/conv2d/0" [id=97, type=conv2d, metatype=PTConv2dMetatype]; +"features/7/expand1x1_activation/relu_/0" [id=98, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/7/expand3x3_activation/relu_/0__0.0._scale_param_storage" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=100, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.7.expand3x3.weight" [id=101, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.expand3x3.bias" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/7/expand3x3/conv2d/0__1.0._scale_param_storage" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=104, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/7/expand3x3/conv2d/0" [id=105, type=conv2d, metatype=PTConv2dMetatype]; +"features/7/expand3x3_activation/relu_/0" [id=106, type="relu_", metatype=PTRELUMetatype]; +"features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=107, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/7/cat/0" [id=108, type=cat, metatype=PTCatMetatype]; +"features/8/max_pool2d/0" [id=109, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.9.squeeze.weight" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.squeeze.bias" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/9/squeeze/conv2d/0__1.0._scale_param_storage" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=113, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/9/squeeze/conv2d/0" [id=114, type=conv2d, metatype=PTConv2dMetatype]; +"features/9/squeeze_activation/relu_/0" [id=115, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/9/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=117, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.9.expand1x1.weight" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.expand1x1.bias" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/9/expand1x1/conv2d/0__1.0._scale_param_storage" [id=120, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=121, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/9/expand1x1/conv2d/0" [id=122, type=conv2d, metatype=PTConv2dMetatype]; +"features/9/expand1x1_activation/relu_/0" [id=123, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/9/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=125, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.9.expand3x3.weight" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.9.expand3x3.bias" [id=127, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/9/expand3x3/conv2d/0__1.0._scale_param_storage" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=129, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/9/expand3x3/conv2d/0" [id=130, type=conv2d, metatype=PTConv2dMetatype]; +"features/9/expand3x3_activation/relu_/0" [id=131, type="relu_", metatype=PTRELUMetatype]; +"features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=132, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/9/cat/0" [id=133, type=cat, metatype=PTCatMetatype]; +"features.10.squeeze.weight" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.squeeze.bias" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/10/squeeze/conv2d/0__1.0._scale_param_storage" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=137, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/squeeze/conv2d/0" [id=138, type=conv2d, metatype=PTConv2dMetatype]; +"features/10/squeeze_activation/relu_/0" [id=139, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/10/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=140, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=141, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.10.expand1x1.weight" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.expand1x1.bias" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/10/expand1x1/conv2d/0__1.0._scale_param_storage" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=145, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/expand1x1/conv2d/0" [id=146, type=conv2d, metatype=PTConv2dMetatype]; +"features/10/expand1x1_activation/relu_/0" [id=147, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/10/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=149, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.10.expand3x3.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.expand3x3.bias" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/10/expand3x3/conv2d/0__1.0._scale_param_storage" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=153, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/expand3x3/conv2d/0" [id=154, type=conv2d, metatype=PTConv2dMetatype]; +"features/10/expand3x3_activation/relu_/0" [id=155, type="relu_", metatype=PTRELUMetatype]; +"features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=156, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/cat/0" [id=157, type=cat, metatype=PTCatMetatype]; +"features.11.squeeze.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.squeeze.bias" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/11/squeeze/conv2d/0__1.0._scale_param_storage" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=161, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/11/squeeze/conv2d/0" [id=162, type=conv2d, metatype=PTConv2dMetatype]; +"features/11/squeeze_activation/relu_/0" [id=163, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/11/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=165, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.11.expand1x1.weight" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.expand1x1.bias" [id=167, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/11/expand1x1/conv2d/0__1.0._scale_param_storage" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=169, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/11/expand1x1/conv2d/0" [id=170, type=conv2d, metatype=PTConv2dMetatype]; +"features/11/expand1x1_activation/relu_/0" [id=171, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/11/expand1x1_activation/relu_/0__0.0._scale_param_storage" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=173, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.11.expand3x3.weight" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.expand3x3.bias" [id=175, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/11/expand3x3/conv2d/0__1.0._scale_param_storage" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=177, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/11/expand3x3/conv2d/0" [id=178, type=conv2d, metatype=PTConv2dMetatype]; +"features/11/expand3x3_activation/relu_/0" [id=179, type="relu_", metatype=PTRELUMetatype]; +"features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [id=180, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/11/cat/0" [id=181, type=cat, metatype=PTCatMetatype]; +"features.12.squeeze.weight" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.squeeze.bias" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/12/squeeze/conv2d/0__1.0._scale_param_storage" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [id=185, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/12/squeeze/conv2d/0" [id=186, type=conv2d, metatype=PTConv2dMetatype]; +"features/12/squeeze_activation/relu_/0" [id=187, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/12/squeeze_activation/relu_/0__0.0._scale_param_storage" [id=188, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [id=189, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.12.expand1x1.weight" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.expand1x1.bias" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/12/expand1x1/conv2d/0__1.0._scale_param_storage" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [id=193, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/12/expand1x1/conv2d/0" [id=194, type=conv2d, metatype=PTConv2dMetatype]; +"features/12/expand1x1_activation/relu_/0" [id=195, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/12/expand3x3_activation/relu_/0__0.0._scale_param_storage" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=197, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.12.expand3x3.weight" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.12.expand3x3.bias" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/12/expand3x3/conv2d/0__1.0._scale_param_storage" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [id=201, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/12/expand3x3/conv2d/0" [id=202, type=conv2d, metatype=PTConv2dMetatype]; +"features/12/expand3x3_activation/relu_/0" [id=203, type="relu_", metatype=PTRELUMetatype]; +"features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [id=204, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/12/cat/0" [id=205, type=cat, metatype=PTCatMetatype]; +"classifier/0/dropout/0" [id=206, type=dropout, metatype=PTDropoutMetatype]; +"classifier.1.weight" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.1.bias" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.classifier/1/conv2d/0__1.0._scale_param_storage" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" [id=210, type="symmetric_quantize", metatype=UnknownMetatype]; +"classifier/1/conv2d/0" [id=211, type=conv2d, metatype=PTConv2dMetatype]; +"classifier/2/relu_/0" [id=212, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [id=214, type="symmetric_quantize", metatype=UnknownMetatype]; +"classifier/3/adaptive_avg_pool2d/0" [id=215, type="adaptive_avg_pool2d", metatype=PTAvgPool2dMetatype]; +"/view/0" [id=216, type=view, metatype=PTReshapeMetatype]; +output [id=217, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"features.0.weight" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=0]; +"features.0.bias" -> "features/0/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"features/0/conv2d/0" -> "features/1/relu_/0" [dtype=float, shape="(1, 64, 15, 15)", out_port_id=0, in_port_id=0]; +"features/1/relu_/0" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 15, 15)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/1/relu_/0__0.0._scale_param_storage" -> "features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/1/post_hook__features-1-relu_-0__0[0]/symmetric_quantize/0" -> "features/2/max_pool2d/0" [dtype=float, shape="(1, 64, 15, 15)", out_port_id=0, in_port_id=0]; +"features/2/max_pool2d/0" -> "features/3/squeeze/conv2d/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; +"features.3.squeeze.weight" -> "features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features.3.squeeze.bias" -> "features/3/squeeze/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/3/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/3/squeeze/pre_hook__features-3-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/squeeze/conv2d/0" [dtype=float, shape="(16, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/squeeze/conv2d/0" -> "features/3/squeeze_activation/relu_/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; +"features/3/squeeze_activation/relu_/0" -> "features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/3/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/expand1x1/conv2d/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; +"features/3/squeeze_activation/post_hook__features-3-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/expand3x3/conv2d/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; +"features.3.expand1x1.weight" -> "features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 16, 1, 1)", out_port_id=0, in_port_id=0]; +"features.3.expand1x1.bias" -> "features/3/expand1x1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/3/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/3/expand1x1/pre_hook__features-3-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/expand1x1/conv2d/0" [dtype=float, shape="(64, 16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/3/expand1x1/conv2d/0" -> "features/3/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; +"features/3/expand1x1_activation/relu_/0" -> "features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/3/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.features/3/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/3/expand1x1_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/cat/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; +"features.3.expand3x3.weight" -> "features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 16, 3, 3)", out_port_id=0, in_port_id=0]; +"features.3.expand3x3.bias" -> "features/3/expand3x3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/3/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/3/expand3x3/pre_hook__features-3-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/expand3x3/conv2d/0" [dtype=float, shape="(64, 16, 3, 3)", out_port_id=0, in_port_id=1]; +"features/3/expand3x3/conv2d/0" -> "features/3/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; +"features/3/expand3x3_activation/relu_/0" -> "features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; +"features/3/expand3x3_activation/post_hook__features-3-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/cat/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=1]; +"features/3/cat/0" -> "features/4/squeeze/conv2d/0" [dtype=float, shape="(1, 128, 7, 7)", out_port_id=0, in_port_id=0]; +"features.4.squeeze.weight" -> "features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 128, 1, 1)", out_port_id=0, in_port_id=0]; +"features.4.squeeze.bias" -> "features/4/squeeze/conv2d/0" [dtype=float, shape="(16,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/4/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(16, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/4/squeeze/pre_hook__features-4-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/squeeze/conv2d/0" [dtype=float, shape="(16, 128, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/squeeze/conv2d/0" -> "features/4/squeeze_activation/relu_/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; +"features/4/squeeze_activation/relu_/0" -> "features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/4/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/expand1x1/conv2d/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; +"features/4/squeeze_activation/post_hook__features-4-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/expand3x3/conv2d/0" [dtype=float, shape="(1, 16, 7, 7)", out_port_id=0, in_port_id=0]; +"features.4.expand1x1.weight" -> "features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 16, 1, 1)", out_port_id=0, in_port_id=0]; +"features.4.expand1x1.bias" -> "features/4/expand1x1/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/4/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/4/expand1x1/pre_hook__features-4-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/expand1x1/conv2d/0" [dtype=float, shape="(64, 16, 1, 1)", out_port_id=0, in_port_id=1]; +"features/4/expand1x1/conv2d/0" -> "features/4/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; +"features/4/expand1x1_activation/relu_/0" -> "features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/4/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.features/4/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/4/expand1x1_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/cat/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; +"features.4.expand3x3.weight" -> "features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 16, 3, 3)", out_port_id=0, in_port_id=0]; +"features.4.expand3x3.bias" -> "features/4/expand3x3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/4/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/4/expand3x3/pre_hook__features-4-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/4/expand3x3/conv2d/0" [dtype=float, shape="(64, 16, 3, 3)", out_port_id=0, in_port_id=1]; +"features/4/expand3x3/conv2d/0" -> "features/4/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; +"features/4/expand3x3_activation/relu_/0" -> "features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=0]; +"features/4/expand3x3_activation/post_hook__features-4-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/4/cat/0" [dtype=float, shape="(1, 64, 7, 7)", out_port_id=0, in_port_id=1]; +"features/4/cat/0" -> "features/5/max_pool2d/0" [dtype=float, shape="(1, 128, 7, 7)", out_port_id=0, in_port_id=0]; +"features/5/max_pool2d/0" -> "features/6/squeeze/conv2d/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"features.6.squeeze.weight" -> "features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 128, 1, 1)", out_port_id=0, in_port_id=0]; +"features.6.squeeze.bias" -> "features/6/squeeze/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/6/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/6/squeeze/pre_hook__features-6-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/squeeze/conv2d/0" [dtype=float, shape="(32, 128, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/squeeze/conv2d/0" -> "features/6/squeeze_activation/relu_/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"features/6/squeeze_activation/relu_/0" -> "features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/6/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/expand1x1/conv2d/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"features/6/squeeze_activation/post_hook__features-6-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/expand3x3/conv2d/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"features.6.expand1x1.weight" -> "features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 32, 1, 1)", out_port_id=0, in_port_id=0]; +"features.6.expand1x1.bias" -> "features/6/expand1x1/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/6/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/6/expand1x1/pre_hook__features-6-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/expand1x1/conv2d/0" [dtype=float, shape="(128, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features/6/expand1x1/conv2d/0" -> "features/6/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"features/6/expand1x1_activation/relu_/0" -> "features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/6/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.features/6/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/6/expand1x1_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/cat/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"features.6.expand3x3.weight" -> "features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"features.6.expand3x3.bias" -> "features/6/expand3x3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/6/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/6/expand3x3/pre_hook__features-6-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/6/expand3x3/conv2d/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"features/6/expand3x3/conv2d/0" -> "features/6/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"features/6/expand3x3_activation/relu_/0" -> "features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"features/6/expand3x3_activation/post_hook__features-6-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/cat/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/6/cat/0" -> "features/7/squeeze/conv2d/0" [dtype=float, shape="(1, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"features.7.squeeze.weight" -> "features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"features.7.squeeze.bias" -> "features/7/squeeze/conv2d/0" [dtype=float, shape="(32,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/7/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(32, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/7/squeeze/pre_hook__features-7-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/squeeze/conv2d/0" [dtype=float, shape="(32, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"features/7/squeeze/conv2d/0" -> "features/7/squeeze_activation/relu_/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"features/7/squeeze_activation/relu_/0" -> "features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/7/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/expand1x1/conv2d/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"features/7/squeeze_activation/post_hook__features-7-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/expand3x3/conv2d/0" [dtype=float, shape="(1, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"features.7.expand1x1.weight" -> "features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 32, 1, 1)", out_port_id=0, in_port_id=0]; +"features.7.expand1x1.bias" -> "features/7/expand1x1/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/7/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/7/expand1x1/pre_hook__features-7-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/expand1x1/conv2d/0" [dtype=float, shape="(128, 32, 1, 1)", out_port_id=0, in_port_id=1]; +"features/7/expand1x1/conv2d/0" -> "features/7/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"features/7/expand1x1_activation/relu_/0" -> "features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/7/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.features/7/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/7/expand1x1_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/cat/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"features.7.expand3x3.weight" -> "features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=0]; +"features.7.expand3x3.bias" -> "features/7/expand3x3/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/7/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/7/expand3x3/pre_hook__features-7-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/expand3x3/conv2d/0" [dtype=float, shape="(128, 32, 3, 3)", out_port_id=0, in_port_id=1]; +"features/7/expand3x3/conv2d/0" -> "features/7/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"features/7/expand3x3_activation/relu_/0" -> "features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"features/7/expand3x3_activation/post_hook__features-7-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/7/cat/0" [dtype=float, shape="(1, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/7/cat/0" -> "features/8/max_pool2d/0" [dtype=float, shape="(1, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"features/8/max_pool2d/0" -> "features/9/squeeze/conv2d/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"features.9.squeeze.weight" -> "features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"features.9.squeeze.bias" -> "features/9/squeeze/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/9/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/9/squeeze/pre_hook__features-9-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/squeeze/conv2d/0" [dtype=float, shape="(48, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"features/9/squeeze/conv2d/0" -> "features/9/squeeze_activation/relu_/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features/9/squeeze_activation/relu_/0" -> "features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/9/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/expand1x1/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features/9/squeeze_activation/post_hook__features-9-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/expand3x3/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features.9.expand1x1.weight" -> "features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features.9.expand1x1.bias" -> "features/9/expand1x1/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/9/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/9/expand1x1/pre_hook__features-9-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/expand1x1/conv2d/0" [dtype=float, shape="(192, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"features/9/expand1x1/conv2d/0" -> "features/9/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"features/9/expand1x1_activation/relu_/0" -> "features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/9/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.features/9/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/9/expand1x1_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/cat/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"features.9.expand3x3.weight" -> "features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 48, 3, 3)", out_port_id=0, in_port_id=0]; +"features.9.expand3x3.bias" -> "features/9/expand3x3/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/9/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/9/expand3x3/pre_hook__features-9-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/9/expand3x3/conv2d/0" [dtype=float, shape="(192, 48, 3, 3)", out_port_id=0, in_port_id=1]; +"features/9/expand3x3/conv2d/0" -> "features/9/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"features/9/expand3x3_activation/relu_/0" -> "features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"features/9/expand3x3_activation/post_hook__features-9-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/9/cat/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"features/9/cat/0" -> "features/10/squeeze/conv2d/0" [dtype=float, shape="(1, 384, 1, 1)", out_port_id=0, in_port_id=0]; +"features.10.squeeze.weight" -> "features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 384, 1, 1)", out_port_id=0, in_port_id=0]; +"features.10.squeeze.bias" -> "features/10/squeeze/conv2d/0" [dtype=float, shape="(48,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/10/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(48, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/10/squeeze/pre_hook__features-10-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/squeeze/conv2d/0" [dtype=float, shape="(48, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"features/10/squeeze/conv2d/0" -> "features/10/squeeze_activation/relu_/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/squeeze_activation/relu_/0" -> "features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/10/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/expand1x1/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/squeeze_activation/post_hook__features-10-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/expand3x3/conv2d/0" [dtype=float, shape="(1, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features.10.expand1x1.weight" -> "features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 48, 1, 1)", out_port_id=0, in_port_id=0]; +"features.10.expand1x1.bias" -> "features/10/expand1x1/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/10/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/10/expand1x1/pre_hook__features-10-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/expand1x1/conv2d/0" [dtype=float, shape="(192, 48, 1, 1)", out_port_id=0, in_port_id=1]; +"features/10/expand1x1/conv2d/0" -> "features/10/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/expand1x1_activation/relu_/0" -> "features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/10/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.features/10/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/10/expand1x1_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/cat/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"features.10.expand3x3.weight" -> "features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 48, 3, 3)", out_port_id=0, in_port_id=0]; +"features.10.expand3x3.bias" -> "features/10/expand3x3/conv2d/0" [dtype=float, shape="(192,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/10/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(192, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/10/expand3x3/pre_hook__features-10-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/expand3x3/conv2d/0" [dtype=float, shape="(192, 48, 3, 3)", out_port_id=0, in_port_id=1]; +"features/10/expand3x3/conv2d/0" -> "features/10/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/expand3x3_activation/relu_/0" -> "features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=0]; +"features/10/expand3x3_activation/post_hook__features-10-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/cat/0" [dtype=float, shape="(1, 192, 1, 1)", out_port_id=0, in_port_id=1]; +"features/10/cat/0" -> "features/11/squeeze/conv2d/0" [dtype=float, shape="(1, 384, 1, 1)", out_port_id=0, in_port_id=0]; +"features.11.squeeze.weight" -> "features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=0]; +"features.11.squeeze.bias" -> "features/11/squeeze/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/11/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/11/squeeze/pre_hook__features-11-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/squeeze/conv2d/0" [dtype=float, shape="(64, 384, 1, 1)", out_port_id=0, in_port_id=1]; +"features/11/squeeze/conv2d/0" -> "features/11/squeeze_activation/relu_/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/squeeze_activation/relu_/0" -> "features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/11/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/expand1x1/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/squeeze_activation/post_hook__features-11-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/expand3x3/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features.11.expand1x1.weight" -> "features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features.11.expand1x1.bias" -> "features/11/expand1x1/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/11/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/11/expand1x1/pre_hook__features-11-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/expand1x1/conv2d/0" [dtype=float, shape="(256, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features/11/expand1x1/conv2d/0" -> "features/11/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/expand1x1_activation/relu_/0" -> "features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/11/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.features/11/expand1x1_activation/relu_/0__0.0._scale_param_storage" -> "features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/11/expand1x1_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/cat/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"features.11.expand3x3.weight" -> "features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"features.11.expand3x3.bias" -> "features/11/expand3x3/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/11/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/11/expand3x3/pre_hook__features-11-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/11/expand3x3/conv2d/0" [dtype=float, shape="(256, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"features/11/expand3x3/conv2d/0" -> "features/11/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/expand3x3_activation/relu_/0" -> "features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"features/11/expand3x3_activation/post_hook__features-11-expand3x3_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/11/cat/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"features/11/cat/0" -> "features/12/squeeze/conv2d/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"features.12.squeeze.weight" -> "features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"features.12.squeeze.bias" -> "features/12/squeeze/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/12/squeeze/conv2d/0__1.0._scale_param_storage" -> "features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/12/squeeze/pre_hook__features-12-squeeze-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/squeeze/conv2d/0" [dtype=float, shape="(64, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"features/12/squeeze/conv2d/0" -> "features/12/squeeze_activation/relu_/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features/12/squeeze_activation/relu_/0" -> "features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/12/squeeze_activation/relu_/0__0.0._scale_param_storage" -> "features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/expand1x1/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features/12/squeeze_activation/post_hook__features-12-squeeze_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/expand3x3/conv2d/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features.12.expand1x1.weight" -> "features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"features.12.expand1x1.bias" -> "features/12/expand1x1/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/12/expand1x1/conv2d/0__1.0._scale_param_storage" -> "features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/12/expand1x1/pre_hook__features-12-expand1x1-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/expand1x1/conv2d/0" [dtype=float, shape="(256, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"features/12/expand1x1/conv2d/0" -> "features/12/expand1x1_activation/relu_/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"features/12/expand1x1_activation/relu_/0" -> "features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/12/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.features/12/expand3x3_activation/relu_/0__0.0._scale_param_storage" -> "features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/12/expand1x1_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/cat/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"features.12.expand3x3.weight" -> "features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"features.12.expand3x3.bias" -> "features/12/expand3x3/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/12/expand3x3/conv2d/0__1.0._scale_param_storage" -> "features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/12/expand3x3/pre_hook__features-12-expand3x3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/12/expand3x3/conv2d/0" [dtype=float, shape="(256, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"features/12/expand3x3/conv2d/0" -> "features/12/expand3x3_activation/relu_/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"features/12/expand3x3_activation/relu_/0" -> "features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=0]; +"features/12/expand3x3_activation/post_hook__features-12-expand1x1_activation-relu_-0__0[0]/symmetric_quantize/0" -> "features/12/cat/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=1]; +"features/12/cat/0" -> "classifier/0/dropout/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"classifier/0/dropout/0" -> "classifier/1/conv2d/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"classifier.1.weight" -> "classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"classifier.1.bias" -> "classifier/1/conv2d/0" [dtype=float, shape="(1000,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.classifier/1/conv2d/0__1.0._scale_param_storage" -> "classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1000, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"classifier/1/pre_hook__classifier-1-conv2d-0__1[0]/symmetric_quantize/0" -> "classifier/1/conv2d/0" [dtype=float, shape="(1000, 512, 1, 1)", out_port_id=0, in_port_id=1]; +"classifier/1/conv2d/0" -> "classifier/2/relu_/0" [dtype=float, shape="(1, 1000, 1, 1)", out_port_id=0, in_port_id=0]; +"classifier/2/relu_/0" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1000, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.classifier/2/relu_/0__0.0._scale_param_storage" -> "classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"classifier/2/post_hook__classifier-2-relu_-0__0[0]/symmetric_quantize/0" -> "classifier/3/adaptive_avg_pool2d/0" [dtype=float, shape="(1, 1000, 1, 1)", out_port_id=0, in_port_id=0]; +"classifier/3/adaptive_avg_pool2d/0" -> "/view/0" [dtype=float, shape="(1, 1000, 1, 1)", out_port_id=0, in_port_id=0]; +"/view/0" -> output [dtype=float, shape="(1, 1000)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/unet.dot b/tests/torch2/data/quantization/test_quantized_graphs/unet.dot index 0c20b039f25..c7fc856ce4f 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/unet.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/unet.dot @@ -1,535 +1,535 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -"down_path.0.block.0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.0.block.0.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.block/0/conv2d/0__1.0._scale_param_storage" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, metatype=UnknownMetatype, type=symmetric_quantize]; -"block/0/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; -"down_path.0.block.1.weight" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.0.block.1.bias" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.0.block.1.running_mean" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.0.block.1.running_var" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/1/batch_norm/0" [id=12, metatype=PT2BatchNormMetatype, type=batch_norm]; -"block/2/relu/0" [id=13, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.block/2/relu/0__0.0._scale_param_storage" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" [id=15, metatype=UnknownMetatype, type=symmetric_quantize]; -"down_path.0.block.3.weight" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.0.block.3.bias" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.block/3/conv2d/0__1.0._scale_param_storage" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" [id=19, metatype=UnknownMetatype, type=symmetric_quantize]; -"block/3/conv2d/0" [id=20, metatype=PTConv2dMetatype, type=conv2d]; -"down_path.0.block.4.weight" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.0.block.4.bias" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.0.block.4.running_mean" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.0.block.4.running_var" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/4/batch_norm/0" [id=25, metatype=PT2BatchNormMetatype, type=batch_norm]; -"block/5/relu/0" [id=26, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.block/5/relu/0__0.0._scale_param_storage" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [id=28, metatype=UnknownMetatype, type=symmetric_quantize]; -"/max_pool2d/0" [id=29, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"down_path.1.block.0.weight" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.1.block.0.bias" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.block/0/conv2d/1__1.0._scale_param_storage" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" [id=33, metatype=UnknownMetatype, type=symmetric_quantize]; -"block/0/conv2d/1" [id=34, metatype=PTConv2dMetatype, type=conv2d]; -"down_path.1.block.1.weight" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.1.block.1.bias" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.1.block.1.running_mean" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.1.block.1.running_var" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/1/batch_norm/1" [id=39, metatype=PT2BatchNormMetatype, type=batch_norm]; -"block/2/relu/1" [id=40, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.block/2/relu/1__0.0._scale_param_storage" [id=41, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" [id=42, metatype=UnknownMetatype, type=symmetric_quantize]; -"down_path.1.block.3.weight" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.1.block.3.bias" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.block/3/conv2d/1__1.0._scale_param_storage" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" [id=46, metatype=UnknownMetatype, type=symmetric_quantize]; -"block/3/conv2d/1" [id=47, metatype=PTConv2dMetatype, type=conv2d]; -"down_path.1.block.4.weight" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.1.block.4.bias" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.1.block.4.running_mean" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.1.block.4.running_var" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/4/batch_norm/1" [id=52, metatype=PT2BatchNormMetatype, type=batch_norm]; -"block/5/relu/1" [id=53, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.block/5/relu/1__0.0._scale_param_storage" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [id=55, metatype=UnknownMetatype, type=symmetric_quantize]; -"/max_pool2d/1" [id=56, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"down_path.2.block.0.weight" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.2.block.0.bias" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.block/0/conv2d/2__1.0._scale_param_storage" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" [id=60, metatype=UnknownMetatype, type=symmetric_quantize]; -"block/0/conv2d/2" [id=61, metatype=PTConv2dMetatype, type=conv2d]; -"down_path.2.block.1.weight" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.2.block.1.bias" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.2.block.1.running_mean" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.2.block.1.running_var" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/1/batch_norm/2" [id=66, metatype=PT2BatchNormMetatype, type=batch_norm]; -"block/2/relu/2" [id=67, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.block/2/relu/2__0.0._scale_param_storage" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" [id=69, metatype=UnknownMetatype, type=symmetric_quantize]; -"down_path.2.block.3.weight" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.2.block.3.bias" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.block/3/conv2d/2__1.0._scale_param_storage" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" [id=73, metatype=UnknownMetatype, type=symmetric_quantize]; -"block/3/conv2d/2" [id=74, metatype=PTConv2dMetatype, type=conv2d]; -"down_path.2.block.4.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.2.block.4.bias" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.2.block.4.running_mean" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.2.block.4.running_var" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/4/batch_norm/2" [id=79, metatype=PT2BatchNormMetatype, type=batch_norm]; -"block/5/relu/2" [id=80, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.block/5/relu/2__0.0._scale_param_storage" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [id=82, metatype=UnknownMetatype, type=symmetric_quantize]; -"/max_pool2d/2" [id=83, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"down_path.3.block.0.weight" [id=84, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.3.block.0.bias" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.block/0/conv2d/3__1.0._scale_param_storage" [id=86, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" [id=87, metatype=UnknownMetatype, type=symmetric_quantize]; -"block/0/conv2d/3" [id=88, metatype=PTConv2dMetatype, type=conv2d]; -"down_path.3.block.1.weight" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.3.block.1.bias" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.3.block.1.running_mean" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.3.block.1.running_var" [id=92, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/1/batch_norm/3" [id=93, metatype=PT2BatchNormMetatype, type=batch_norm]; -"block/2/relu/3" [id=94, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.block/2/relu/3__0.0._scale_param_storage" [id=95, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" [id=96, metatype=UnknownMetatype, type=symmetric_quantize]; -"down_path.3.block.3.weight" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.3.block.3.bias" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.block/3/conv2d/3__1.0._scale_param_storage" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" [id=100, metatype=UnknownMetatype, type=symmetric_quantize]; -"block/3/conv2d/3" [id=101, metatype=PTConv2dMetatype, type=conv2d]; -"down_path.3.block.4.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.3.block.4.bias" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.3.block.4.running_mean" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.3.block.4.running_var" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/4/batch_norm/3" [id=106, metatype=PT2BatchNormMetatype, type=batch_norm]; -"block/5/relu/3" [id=107, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.block/5/relu/3__0.0._scale_param_storage" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [id=109, metatype=UnknownMetatype, type=symmetric_quantize]; -"/max_pool2d/3" [id=110, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"down_path.4.block.0.weight" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.4.block.0.bias" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.block/0/conv2d/4__1.0._scale_param_storage" [id=113, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" [id=114, metatype=UnknownMetatype, type=symmetric_quantize]; -"block/0/conv2d/4" [id=115, metatype=PTConv2dMetatype, type=conv2d]; -"down_path.4.block.1.weight" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.4.block.1.bias" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.4.block.1.running_mean" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.4.block.1.running_var" [id=119, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/1/batch_norm/4" [id=120, metatype=PT2BatchNormMetatype, type=batch_norm]; -"block/2/relu/4" [id=121, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.block/2/relu/4__0.0._scale_param_storage" [id=122, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" [id=123, metatype=UnknownMetatype, type=symmetric_quantize]; -"down_path.4.block.3.weight" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.4.block.3.bias" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.block/3/conv2d/4__1.0._scale_param_storage" [id=126, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" [id=127, metatype=UnknownMetatype, type=symmetric_quantize]; -"block/3/conv2d/4" [id=128, metatype=PTConv2dMetatype, type=conv2d]; -"down_path.4.block.4.weight" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.4.block.4.bias" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.4.block.4.running_mean" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"down_path.4.block.4.running_var" [id=132, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"block/4/batch_norm/4" [id=133, metatype=PT2BatchNormMetatype, type=batch_norm]; -"block/5/relu/4" [id=134, metatype=PTRELUMetatype, type=relu]; -"up_path.0.up.weight" [id=135, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.0.up.bias" [id=136, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up/conv_transpose2d/0" [id=137, metatype=UnknownMetatype, type=conv_transpose2d]; -"up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [id=138, metatype=UnknownMetatype, type=symmetric_quantize]; -"/__getitem__/0" [id=139, metatype=PTGatherMetatype, type=__getitem__]; -"/cat/0" [id=140, metatype=PTCatMetatype, type=cat]; -"up_path.0.conv_block.block.0.weight" [id=141, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.0.conv_block.block.0.bias" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/0__1.0._scale_param_storage" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [id=144, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv_block/block/0/conv2d/0" [id=145, metatype=PTConv2dMetatype, type=conv2d]; -"up_path.0.conv_block.block.1.weight" [id=146, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.0.conv_block.block.1.bias" [id=147, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.0.conv_block.block.1.running_mean" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.0.conv_block.block.1.running_var" [id=149, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/1/batch_norm/0" [id=150, metatype=PT2BatchNormMetatype, type=batch_norm]; -"conv_block/block/2/relu/0" [id=151, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/0__0.0._scale_param_storage" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" [id=153, metatype=UnknownMetatype, type=symmetric_quantize]; -"up_path.0.conv_block.block.3.weight" [id=154, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.0.conv_block.block.3.bias" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/0__1.0._scale_param_storage" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" [id=157, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv_block/block/3/conv2d/0" [id=158, metatype=PTConv2dMetatype, type=conv2d]; -"up_path.0.conv_block.block.4.weight" [id=159, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.0.conv_block.block.4.bias" [id=160, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.0.conv_block.block.4.running_mean" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.0.conv_block.block.4.running_var" [id=162, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/4/batch_norm/0" [id=163, metatype=PT2BatchNormMetatype, type=batch_norm]; -"conv_block/block/5/relu/0" [id=164, metatype=PTRELUMetatype, type=relu]; -"up_path.1.up.weight" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.1.up.bias" [id=166, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up/conv_transpose2d/1" [id=167, metatype=UnknownMetatype, type=conv_transpose2d]; -"up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [id=168, metatype=UnknownMetatype, type=symmetric_quantize]; -"/__getitem__/1" [id=169, metatype=PTGatherMetatype, type=__getitem__]; -"/cat/1" [id=170, metatype=PTCatMetatype, type=cat]; -"up_path.1.conv_block.block.0.weight" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.1.conv_block.block.0.bias" [id=172, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/1__1.0._scale_param_storage" [id=173, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" [id=174, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv_block/block/0/conv2d/1" [id=175, metatype=PTConv2dMetatype, type=conv2d]; -"up_path.1.conv_block.block.1.weight" [id=176, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.1.conv_block.block.1.bias" [id=177, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.1.conv_block.block.1.running_mean" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.1.conv_block.block.1.running_var" [id=179, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/1/batch_norm/1" [id=180, metatype=PT2BatchNormMetatype, type=batch_norm]; -"conv_block/block/2/relu/1" [id=181, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/1__0.0._scale_param_storage" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" [id=183, metatype=UnknownMetatype, type=symmetric_quantize]; -"up_path.1.conv_block.block.3.weight" [id=184, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.1.conv_block.block.3.bias" [id=185, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/1__1.0._scale_param_storage" [id=186, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" [id=187, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv_block/block/3/conv2d/1" [id=188, metatype=PTConv2dMetatype, type=conv2d]; -"up_path.1.conv_block.block.4.weight" [id=189, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.1.conv_block.block.4.bias" [id=190, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.1.conv_block.block.4.running_mean" [id=191, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.1.conv_block.block.4.running_var" [id=192, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/4/batch_norm/1" [id=193, metatype=PT2BatchNormMetatype, type=batch_norm]; -"conv_block/block/5/relu/1" [id=194, metatype=PTRELUMetatype, type=relu]; -"up_path.2.up.weight" [id=195, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.2.up.bias" [id=196, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up/conv_transpose2d/2" [id=197, metatype=UnknownMetatype, type=conv_transpose2d]; -"up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [id=198, metatype=UnknownMetatype, type=symmetric_quantize]; -"/__getitem__/2" [id=199, metatype=PTGatherMetatype, type=__getitem__]; -"/cat/2" [id=200, metatype=PTCatMetatype, type=cat]; -"up_path.2.conv_block.block.0.weight" [id=201, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.2.conv_block.block.0.bias" [id=202, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/2__1.0._scale_param_storage" [id=203, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [id=204, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv_block/block/0/conv2d/2" [id=205, metatype=PTConv2dMetatype, type=conv2d]; -"up_path.2.conv_block.block.1.weight" [id=206, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.2.conv_block.block.1.bias" [id=207, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.2.conv_block.block.1.running_mean" [id=208, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.2.conv_block.block.1.running_var" [id=209, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/1/batch_norm/2" [id=210, metatype=PT2BatchNormMetatype, type=batch_norm]; -"conv_block/block/2/relu/2" [id=211, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/2__0.0._scale_param_storage" [id=212, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" [id=213, metatype=UnknownMetatype, type=symmetric_quantize]; -"up_path.2.conv_block.block.3.weight" [id=214, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.2.conv_block.block.3.bias" [id=215, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/2__1.0._scale_param_storage" [id=216, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" [id=217, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv_block/block/3/conv2d/2" [id=218, metatype=PTConv2dMetatype, type=conv2d]; -"up_path.2.conv_block.block.4.weight" [id=219, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.2.conv_block.block.4.bias" [id=220, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.2.conv_block.block.4.running_mean" [id=221, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.2.conv_block.block.4.running_var" [id=222, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/4/batch_norm/2" [id=223, metatype=PT2BatchNormMetatype, type=batch_norm]; -"conv_block/block/5/relu/2" [id=224, metatype=PTRELUMetatype, type=relu]; -"up_path.3.up.weight" [id=225, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.3.up.bias" [id=226, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up/conv_transpose2d/3" [id=227, metatype=UnknownMetatype, type=conv_transpose2d]; -"up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [id=228, metatype=UnknownMetatype, type=symmetric_quantize]; -"/__getitem__/3" [id=229, metatype=PTGatherMetatype, type=__getitem__]; -"/cat/3" [id=230, metatype=PTCatMetatype, type=cat]; -"up_path.3.conv_block.block.0.weight" [id=231, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.3.conv_block.block.0.bias" [id=232, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/3__1.0._scale_param_storage" [id=233, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" [id=234, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv_block/block/0/conv2d/3" [id=235, metatype=PTConv2dMetatype, type=conv2d]; -"up_path.3.conv_block.block.1.weight" [id=236, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.3.conv_block.block.1.bias" [id=237, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.3.conv_block.block.1.running_mean" [id=238, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.3.conv_block.block.1.running_var" [id=239, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/1/batch_norm/3" [id=240, metatype=PT2BatchNormMetatype, type=batch_norm]; -"conv_block/block/2/relu/3" [id=241, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/3__0.0._scale_param_storage" [id=242, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" [id=243, metatype=UnknownMetatype, type=symmetric_quantize]; -"up_path.3.conv_block.block.3.weight" [id=244, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.3.conv_block.block.3.bias" [id=245, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/3__1.0._scale_param_storage" [id=246, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" [id=247, metatype=UnknownMetatype, type=symmetric_quantize]; -"conv_block/block/3/conv2d/3" [id=248, metatype=PTConv2dMetatype, type=conv2d]; -"up_path.3.conv_block.block.4.weight" [id=249, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.3.conv_block.block.4.bias" [id=250, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.3.conv_block.block.4.running_mean" [id=251, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"up_path.3.conv_block.block.4.running_var" [id=252, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/4/batch_norm/3" [id=253, metatype=PT2BatchNormMetatype, type=batch_norm]; -"conv_block/block/5/relu/3" [id=254, metatype=PTRELUMetatype, type=relu]; -"__nncf_hooks.post_hooks.conv_block/block/5/relu/3__0.0._scale_param_storage" [id=255, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" [id=256, metatype=UnknownMetatype, type=symmetric_quantize]; -"last.weight" [id=257, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"last.bias" [id=258, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.last/conv2d/0__1.0._scale_param_storage" [id=259, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" [id=260, metatype=UnknownMetatype, type=symmetric_quantize]; -"last/conv2d/0" [id=261, metatype=PTConv2dMetatype, type=conv2d]; -output [id=262, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 360, 480)"]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 360, 480)"]; -"down_path.0.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 3, 3, 3)"]; -"down_path.0.block.0.bias" -> "block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.block/0/conv2d/0__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" -> "block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 3, 3)"]; -"block/0/conv2d/0" -> "block/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 358, 478)"]; -"down_path.0.block.1.weight" -> "block/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"down_path.0.block.1.bias" -> "block/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"down_path.0.block.1.running_mean" -> "block/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"down_path.0.block.1.running_var" -> "block/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"block/1/batch_norm/0" -> "block/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 358, 478)"]; -"block/2/relu/0" -> "block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 358, 478)"]; -"__nncf_hooks.post_hooks.block/2/relu/0__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" -> "block/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 358, 478)"]; -"down_path.0.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; -"down_path.0.block.3.bias" -> "block/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.block/3/conv2d/0__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" -> "block/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"block/3/conv2d/0" -> "block/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 356, 476)"]; -"down_path.0.block.4.weight" -> "block/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"down_path.0.block.4.bias" -> "block/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"down_path.0.block.4.running_mean" -> "block/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"down_path.0.block.4.running_var" -> "block/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"block/4/batch_norm/0" -> "block/5/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 356, 476)"]; -"block/5/relu/0" -> "block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 356, 476)"]; -"__nncf_hooks.post_hooks.block/5/relu/0__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.block/5/relu/0__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" -> "/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 356, 476)"]; -"block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" -> "/__getitem__/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 356, 476)"]; -"/max_pool2d/0" -> "block/0/conv2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 178, 238)"]; -"down_path.1.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 64, 3, 3)"]; -"down_path.1.block.0.bias" -> "block/0/conv2d/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.block/0/conv2d/1__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" -> "block/0/conv2d/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 3, 3)"]; -"block/0/conv2d/1" -> "block/1/batch_norm/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 176, 236)"]; -"down_path.1.block.1.weight" -> "block/1/batch_norm/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"down_path.1.block.1.bias" -> "block/1/batch_norm/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"down_path.1.block.1.running_mean" -> "block/1/batch_norm/1" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"down_path.1.block.1.running_var" -> "block/1/batch_norm/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"block/1/batch_norm/1" -> "block/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 176, 236)"]; -"block/2/relu/1" -> "block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 176, 236)"]; -"__nncf_hooks.post_hooks.block/2/relu/1__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" -> "block/3/conv2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 176, 236)"]; -"down_path.1.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; -"down_path.1.block.3.bias" -> "block/3/conv2d/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.block/3/conv2d/1__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" -> "block/3/conv2d/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; -"block/3/conv2d/1" -> "block/4/batch_norm/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 174, 234)"]; -"down_path.1.block.4.weight" -> "block/4/batch_norm/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"down_path.1.block.4.bias" -> "block/4/batch_norm/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"down_path.1.block.4.running_mean" -> "block/4/batch_norm/1" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"down_path.1.block.4.running_var" -> "block/4/batch_norm/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"block/4/batch_norm/1" -> "block/5/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 174, 234)"]; -"block/5/relu/1" -> "block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 174, 234)"]; -"__nncf_hooks.post_hooks.block/5/relu/1__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.block/5/relu/1__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" -> "/max_pool2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 174, 234)"]; -"block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" -> "/__getitem__/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 174, 234)"]; -"/max_pool2d/1" -> "block/0/conv2d/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 87, 117)"]; -"down_path.2.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 128, 3, 3)"]; -"down_path.2.block.0.bias" -> "block/0/conv2d/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.block/0/conv2d/2__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" -> "block/0/conv2d/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 3, 3)"]; -"block/0/conv2d/2" -> "block/1/batch_norm/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 85, 115)"]; -"down_path.2.block.1.weight" -> "block/1/batch_norm/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"down_path.2.block.1.bias" -> "block/1/batch_norm/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"down_path.2.block.1.running_mean" -> "block/1/batch_norm/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"down_path.2.block.1.running_var" -> "block/1/batch_norm/2" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"block/1/batch_norm/2" -> "block/2/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 85, 115)"]; -"block/2/relu/2" -> "block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 85, 115)"]; -"__nncf_hooks.post_hooks.block/2/relu/2__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" -> "block/3/conv2d/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 85, 115)"]; -"down_path.2.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; -"down_path.2.block.3.bias" -> "block/3/conv2d/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.block/3/conv2d/2__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" -> "block/3/conv2d/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; -"block/3/conv2d/2" -> "block/4/batch_norm/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 83, 113)"]; -"down_path.2.block.4.weight" -> "block/4/batch_norm/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"down_path.2.block.4.bias" -> "block/4/batch_norm/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"down_path.2.block.4.running_mean" -> "block/4/batch_norm/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"down_path.2.block.4.running_var" -> "block/4/batch_norm/2" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"block/4/batch_norm/2" -> "block/5/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 83, 113)"]; -"block/5/relu/2" -> "block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 83, 113)"]; -"__nncf_hooks.post_hooks.block/5/relu/2__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.block/5/relu/2__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" -> "/max_pool2d/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 83, 113)"]; -"block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" -> "/__getitem__/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 83, 113)"]; -"/max_pool2d/2" -> "block/0/conv2d/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 41, 56)"]; -"down_path.3.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 256, 3, 3)"]; -"down_path.3.block.0.bias" -> "block/0/conv2d/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"__nncf_hooks.pre_hooks.block/0/conv2d/3__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" -> "block/0/conv2d/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 3, 3)"]; -"block/0/conv2d/3" -> "block/1/batch_norm/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 39, 54)"]; -"down_path.3.block.1.weight" -> "block/1/batch_norm/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"down_path.3.block.1.bias" -> "block/1/batch_norm/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"down_path.3.block.1.running_mean" -> "block/1/batch_norm/3" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"down_path.3.block.1.running_var" -> "block/1/batch_norm/3" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"block/1/batch_norm/3" -> "block/2/relu/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 39, 54)"]; -"block/2/relu/3" -> "block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 39, 54)"]; -"__nncf_hooks.post_hooks.block/2/relu/3__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" -> "block/3/conv2d/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 39, 54)"]; -"down_path.3.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; -"down_path.3.block.3.bias" -> "block/3/conv2d/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"__nncf_hooks.pre_hooks.block/3/conv2d/3__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" -> "block/3/conv2d/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"block/3/conv2d/3" -> "block/4/batch_norm/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 37, 52)"]; -"down_path.3.block.4.weight" -> "block/4/batch_norm/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"down_path.3.block.4.bias" -> "block/4/batch_norm/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"down_path.3.block.4.running_mean" -> "block/4/batch_norm/3" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"down_path.3.block.4.running_var" -> "block/4/batch_norm/3" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"block/4/batch_norm/3" -> "block/5/relu/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 37, 52)"]; -"block/5/relu/3" -> "block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 37, 52)"]; -"__nncf_hooks.post_hooks.block/5/relu/3__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"__nncf_hooks.post_hooks.block/5/relu/3__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 37, 52)"]; -"block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" -> "/__getitem__/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 37, 52)"]; -"/max_pool2d/3" -> "block/0/conv2d/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 18, 26)"]; -"down_path.4.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1024, 512, 3, 3)"]; -"down_path.4.block.0.bias" -> "block/0/conv2d/4" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"__nncf_hooks.pre_hooks.block/0/conv2d/4__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024, 1, 1, 1)"]; -"block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" -> "block/0/conv2d/4" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 3, 3)"]; -"block/0/conv2d/4" -> "block/1/batch_norm/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 16, 24)"]; -"down_path.4.block.1.weight" -> "block/1/batch_norm/4" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"down_path.4.block.1.bias" -> "block/1/batch_norm/4" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"down_path.4.block.1.running_mean" -> "block/1/batch_norm/4" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"down_path.4.block.1.running_var" -> "block/1/batch_norm/4" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"block/1/batch_norm/4" -> "block/2/relu/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 16, 24)"]; -"block/2/relu/4" -> "block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 16, 24)"]; -"__nncf_hooks.post_hooks.block/2/relu/4__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" -> "block/3/conv2d/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 16, 24)"]; -"down_path.4.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1024, 1024, 3, 3)"]; -"down_path.4.block.3.bias" -> "block/3/conv2d/4" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"__nncf_hooks.pre_hooks.block/3/conv2d/4__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024, 1, 1, 1)"]; -"block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" -> "block/3/conv2d/4" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 1024, 3, 3)"]; -"block/3/conv2d/4" -> "block/4/batch_norm/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 14, 22)"]; -"down_path.4.block.4.weight" -> "block/4/batch_norm/4" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024,)"]; -"down_path.4.block.4.bias" -> "block/4/batch_norm/4" [dtype=float, in_port_id=2, out_port_id=0, shape="(1024,)"]; -"down_path.4.block.4.running_mean" -> "block/4/batch_norm/4" [dtype=float, in_port_id=3, out_port_id=0, shape="(1024,)"]; -"down_path.4.block.4.running_var" -> "block/4/batch_norm/4" [dtype=float, in_port_id=4, out_port_id=0, shape="(1024,)"]; -"block/4/batch_norm/4" -> "block/5/relu/4" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 14, 22)"]; -"block/5/relu/4" -> "up/conv_transpose2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 14, 22)"]; -"up_path.0.up.weight" -> "up/conv_transpose2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1024, 512, 2, 2)"]; -"up_path.0.up.bias" -> "up/conv_transpose2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"up/conv_transpose2d/0" -> "up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 28, 44)"]; -"up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" -> "/cat/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 28, 44)"]; -"/__getitem__/0" -> "/cat/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 512, 28, 44)"]; -"/cat/0" -> "conv_block/block/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 1024, 28, 44)"]; -"up_path.0.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 1024, 3, 3)"]; -"up_path.0.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/0__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 1024, 3, 3)"]; -"conv_block/block/0/conv2d/0" -> "conv_block/block/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 26, 42)"]; -"up_path.0.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"up_path.0.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"up_path.0.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"up_path.0.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"conv_block/block/1/batch_norm/0" -> "conv_block/block/2/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 26, 42)"]; -"conv_block/block/2/relu/0" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 26, 42)"]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/0__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 26, 42)"]; -"up_path.0.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; -"up_path.0.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/0__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"conv_block/block/3/conv2d/0" -> "conv_block/block/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 24, 40)"]; -"up_path.0.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"up_path.0.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"up_path.0.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"up_path.0.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"conv_block/block/4/batch_norm/0" -> "conv_block/block/5/relu/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 24, 40)"]; -"conv_block/block/5/relu/0" -> "up/conv_transpose2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 24, 40)"]; -"up_path.1.up.weight" -> "up/conv_transpose2d/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 2, 2)"]; -"up_path.1.up.bias" -> "up/conv_transpose2d/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"up/conv_transpose2d/1" -> "up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 48, 80)"]; -"up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" -> "/cat/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 48, 80)"]; -"/__getitem__/1" -> "/cat/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 256, 48, 80)"]; -"/cat/1" -> "conv_block/block/0/conv2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 48, 80)"]; -"up_path.1.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 512, 3, 3)"]; -"up_path.1.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/1__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 512, 3, 3)"]; -"conv_block/block/0/conv2d/1" -> "conv_block/block/1/batch_norm/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 46, 78)"]; -"up_path.1.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"up_path.1.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"up_path.1.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/1" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"up_path.1.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"conv_block/block/1/batch_norm/1" -> "conv_block/block/2/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 46, 78)"]; -"conv_block/block/2/relu/1" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 46, 78)"]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/1__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 46, 78)"]; -"up_path.1.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; -"up_path.1.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/1__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; -"conv_block/block/3/conv2d/1" -> "conv_block/block/4/batch_norm/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 44, 76)"]; -"up_path.1.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/1" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"up_path.1.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/1" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"up_path.1.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/1" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"up_path.1.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/1" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"conv_block/block/4/batch_norm/1" -> "conv_block/block/5/relu/1" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 44, 76)"]; -"conv_block/block/5/relu/1" -> "up/conv_transpose2d/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 44, 76)"]; -"up_path.2.up.weight" -> "up/conv_transpose2d/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 2, 2)"]; -"up_path.2.up.bias" -> "up/conv_transpose2d/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"up/conv_transpose2d/2" -> "up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 88, 152)"]; -"up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" -> "/cat/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 88, 152)"]; -"/__getitem__/2" -> "/cat/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 128, 88, 152)"]; -"/cat/2" -> "conv_block/block/0/conv2d/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 88, 152)"]; -"up_path.2.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 256, 3, 3)"]; -"up_path.2.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/2__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 256, 3, 3)"]; -"conv_block/block/0/conv2d/2" -> "conv_block/block/1/batch_norm/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 86, 150)"]; -"up_path.2.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"up_path.2.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"up_path.2.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"up_path.2.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/2" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"conv_block/block/1/batch_norm/2" -> "conv_block/block/2/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 86, 150)"]; -"conv_block/block/2/relu/2" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 86, 150)"]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/2__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 86, 150)"]; -"up_path.2.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; -"up_path.2.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/2__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; -"conv_block/block/3/conv2d/2" -> "conv_block/block/4/batch_norm/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 84, 148)"]; -"up_path.2.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/2" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"up_path.2.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/2" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"up_path.2.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/2" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"up_path.2.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/2" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"conv_block/block/4/batch_norm/2" -> "conv_block/block/5/relu/2" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 84, 148)"]; -"conv_block/block/5/relu/2" -> "up/conv_transpose2d/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 84, 148)"]; -"up_path.3.up.weight" -> "up/conv_transpose2d/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 2, 2)"]; -"up_path.3.up.bias" -> "up/conv_transpose2d/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"up/conv_transpose2d/3" -> "up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 168, 296)"]; -"up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" -> "/cat/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 168, 296)"]; -"/__getitem__/3" -> "/cat/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(1, 64, 168, 296)"]; -"/cat/3" -> "conv_block/block/0/conv2d/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 168, 296)"]; -"up_path.3.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 128, 3, 3)"]; -"up_path.3.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/3__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 128, 3, 3)"]; -"conv_block/block/0/conv2d/3" -> "conv_block/block/1/batch_norm/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 166, 294)"]; -"up_path.3.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"up_path.3.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"up_path.3.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/3" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"up_path.3.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/3" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"conv_block/block/1/batch_norm/3" -> "conv_block/block/2/relu/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 166, 294)"]; -"conv_block/block/2/relu/3" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 166, 294)"]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/3__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 166, 294)"]; -"up_path.3.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; -"up_path.3.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/3__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"conv_block/block/3/conv2d/3" -> "conv_block/block/4/batch_norm/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 164, 292)"]; -"up_path.3.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/3" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"up_path.3.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/3" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"up_path.3.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/3" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"up_path.3.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/3" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"conv_block/block/4/batch_norm/3" -> "conv_block/block/5/relu/3" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 164, 292)"]; -"conv_block/block/5/relu/3" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 164, 292)"]; -"__nncf_hooks.post_hooks.conv_block/block/5/relu/3__0.0._scale_param_storage" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" -> "last/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 164, 292)"]; -"last.weight" -> "last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(12, 64, 1, 1)"]; -"last.bias" -> "last/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(12,)"]; -"__nncf_hooks.pre_hooks.last/conv2d/0__1.0._scale_param_storage" -> "last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(12, 1, 1, 1)"]; -"last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" -> "last/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(12, 64, 1, 1)"]; -"last/conv2d/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 12, 164, 292)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +"down_path.0.block.0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.0.block.0.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.block/0/conv2d/0__1.0._scale_param_storage" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, type="symmetric_quantize", metatype=UnknownMetatype]; +"block/0/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; +"down_path.0.block.1.weight" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.0.block.1.bias" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.0.block.1.running_mean" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.0.block.1.running_var" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/1/batch_norm/0" [id=12, type="batch_norm", metatype=PT2BatchNormMetatype]; +"block/2/relu/0" [id=13, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.block/2/relu/0__0.0._scale_param_storage" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" [id=15, type="symmetric_quantize", metatype=UnknownMetatype]; +"down_path.0.block.3.weight" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.0.block.3.bias" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.block/3/conv2d/0__1.0._scale_param_storage" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" [id=19, type="symmetric_quantize", metatype=UnknownMetatype]; +"block/3/conv2d/0" [id=20, type=conv2d, metatype=PTConv2dMetatype]; +"down_path.0.block.4.weight" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.0.block.4.bias" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.0.block.4.running_mean" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.0.block.4.running_var" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/4/batch_norm/0" [id=25, type="batch_norm", metatype=PT2BatchNormMetatype]; +"block/5/relu/0" [id=26, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.block/5/relu/0__0.0._scale_param_storage" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [id=28, type="symmetric_quantize", metatype=UnknownMetatype]; +"/max_pool2d/0" [id=29, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"down_path.1.block.0.weight" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.1.block.0.bias" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.block/0/conv2d/1__1.0._scale_param_storage" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" [id=33, type="symmetric_quantize", metatype=UnknownMetatype]; +"block/0/conv2d/1" [id=34, type=conv2d, metatype=PTConv2dMetatype]; +"down_path.1.block.1.weight" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.1.block.1.bias" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.1.block.1.running_mean" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.1.block.1.running_var" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/1/batch_norm/1" [id=39, type="batch_norm", metatype=PT2BatchNormMetatype]; +"block/2/relu/1" [id=40, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.block/2/relu/1__0.0._scale_param_storage" [id=41, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" [id=42, type="symmetric_quantize", metatype=UnknownMetatype]; +"down_path.1.block.3.weight" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.1.block.3.bias" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.block/3/conv2d/1__1.0._scale_param_storage" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" [id=46, type="symmetric_quantize", metatype=UnknownMetatype]; +"block/3/conv2d/1" [id=47, type=conv2d, metatype=PTConv2dMetatype]; +"down_path.1.block.4.weight" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.1.block.4.bias" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.1.block.4.running_mean" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.1.block.4.running_var" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/4/batch_norm/1" [id=52, type="batch_norm", metatype=PT2BatchNormMetatype]; +"block/5/relu/1" [id=53, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.block/5/relu/1__0.0._scale_param_storage" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [id=55, type="symmetric_quantize", metatype=UnknownMetatype]; +"/max_pool2d/1" [id=56, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"down_path.2.block.0.weight" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.2.block.0.bias" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.block/0/conv2d/2__1.0._scale_param_storage" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" [id=60, type="symmetric_quantize", metatype=UnknownMetatype]; +"block/0/conv2d/2" [id=61, type=conv2d, metatype=PTConv2dMetatype]; +"down_path.2.block.1.weight" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.2.block.1.bias" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.2.block.1.running_mean" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.2.block.1.running_var" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/1/batch_norm/2" [id=66, type="batch_norm", metatype=PT2BatchNormMetatype]; +"block/2/relu/2" [id=67, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.block/2/relu/2__0.0._scale_param_storage" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" [id=69, type="symmetric_quantize", metatype=UnknownMetatype]; +"down_path.2.block.3.weight" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.2.block.3.bias" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.block/3/conv2d/2__1.0._scale_param_storage" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" [id=73, type="symmetric_quantize", metatype=UnknownMetatype]; +"block/3/conv2d/2" [id=74, type=conv2d, metatype=PTConv2dMetatype]; +"down_path.2.block.4.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.2.block.4.bias" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.2.block.4.running_mean" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.2.block.4.running_var" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/4/batch_norm/2" [id=79, type="batch_norm", metatype=PT2BatchNormMetatype]; +"block/5/relu/2" [id=80, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.block/5/relu/2__0.0._scale_param_storage" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [id=82, type="symmetric_quantize", metatype=UnknownMetatype]; +"/max_pool2d/2" [id=83, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"down_path.3.block.0.weight" [id=84, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.3.block.0.bias" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.block/0/conv2d/3__1.0._scale_param_storage" [id=86, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" [id=87, type="symmetric_quantize", metatype=UnknownMetatype]; +"block/0/conv2d/3" [id=88, type=conv2d, metatype=PTConv2dMetatype]; +"down_path.3.block.1.weight" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.3.block.1.bias" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.3.block.1.running_mean" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.3.block.1.running_var" [id=92, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/1/batch_norm/3" [id=93, type="batch_norm", metatype=PT2BatchNormMetatype]; +"block/2/relu/3" [id=94, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.block/2/relu/3__0.0._scale_param_storage" [id=95, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" [id=96, type="symmetric_quantize", metatype=UnknownMetatype]; +"down_path.3.block.3.weight" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.3.block.3.bias" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.block/3/conv2d/3__1.0._scale_param_storage" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" [id=100, type="symmetric_quantize", metatype=UnknownMetatype]; +"block/3/conv2d/3" [id=101, type=conv2d, metatype=PTConv2dMetatype]; +"down_path.3.block.4.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.3.block.4.bias" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.3.block.4.running_mean" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.3.block.4.running_var" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/4/batch_norm/3" [id=106, type="batch_norm", metatype=PT2BatchNormMetatype]; +"block/5/relu/3" [id=107, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.block/5/relu/3__0.0._scale_param_storage" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [id=109, type="symmetric_quantize", metatype=UnknownMetatype]; +"/max_pool2d/3" [id=110, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"down_path.4.block.0.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.4.block.0.bias" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.block/0/conv2d/4__1.0._scale_param_storage" [id=113, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" [id=114, type="symmetric_quantize", metatype=UnknownMetatype]; +"block/0/conv2d/4" [id=115, type=conv2d, metatype=PTConv2dMetatype]; +"down_path.4.block.1.weight" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.4.block.1.bias" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.4.block.1.running_mean" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.4.block.1.running_var" [id=119, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/1/batch_norm/4" [id=120, type="batch_norm", metatype=PT2BatchNormMetatype]; +"block/2/relu/4" [id=121, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.block/2/relu/4__0.0._scale_param_storage" [id=122, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" [id=123, type="symmetric_quantize", metatype=UnknownMetatype]; +"down_path.4.block.3.weight" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.4.block.3.bias" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.block/3/conv2d/4__1.0._scale_param_storage" [id=126, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" [id=127, type="symmetric_quantize", metatype=UnknownMetatype]; +"block/3/conv2d/4" [id=128, type=conv2d, metatype=PTConv2dMetatype]; +"down_path.4.block.4.weight" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.4.block.4.bias" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.4.block.4.running_mean" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"down_path.4.block.4.running_var" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/4/batch_norm/4" [id=133, type="batch_norm", metatype=PT2BatchNormMetatype]; +"block/5/relu/4" [id=134, type=relu, metatype=PTRELUMetatype]; +"up_path.0.up.weight" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.up.bias" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up/conv_transpose2d/0" [id=137, type="conv_transpose2d", metatype=UnknownMetatype]; +"up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [id=138, type="symmetric_quantize", metatype=UnknownMetatype]; +"/__getitem__/0" [id=139, type="__getitem__", metatype=PTGatherMetatype]; +"/cat/0" [id=140, type=cat, metatype=PTCatMetatype]; +"up_path.0.conv_block.block.0.weight" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.0.bias" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/0__1.0._scale_param_storage" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [id=144, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/0/conv2d/0" [id=145, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.0.conv_block.block.1.weight" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.1.bias" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.1.running_mean" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.1.running_var" [id=149, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/1/batch_norm/0" [id=150, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/2/relu/0" [id=151, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/0__0.0._scale_param_storage" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" [id=153, type="symmetric_quantize", metatype=UnknownMetatype]; +"up_path.0.conv_block.block.3.weight" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.3.bias" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/0__1.0._scale_param_storage" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" [id=157, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/3/conv2d/0" [id=158, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.0.conv_block.block.4.weight" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.4.bias" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.4.running_mean" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.4.running_var" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/4/batch_norm/0" [id=163, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/5/relu/0" [id=164, type=relu, metatype=PTRELUMetatype]; +"up_path.1.up.weight" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.up.bias" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up/conv_transpose2d/1" [id=167, type="conv_transpose2d", metatype=UnknownMetatype]; +"up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [id=168, type="symmetric_quantize", metatype=UnknownMetatype]; +"/__getitem__/1" [id=169, type="__getitem__", metatype=PTGatherMetatype]; +"/cat/1" [id=170, type=cat, metatype=PTCatMetatype]; +"up_path.1.conv_block.block.0.weight" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.0.bias" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/1__1.0._scale_param_storage" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" [id=174, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/0/conv2d/1" [id=175, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.1.conv_block.block.1.weight" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.1.bias" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.1.running_mean" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.1.running_var" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/1/batch_norm/1" [id=180, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/2/relu/1" [id=181, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/1__0.0._scale_param_storage" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" [id=183, type="symmetric_quantize", metatype=UnknownMetatype]; +"up_path.1.conv_block.block.3.weight" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.3.bias" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/1__1.0._scale_param_storage" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" [id=187, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/3/conv2d/1" [id=188, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.1.conv_block.block.4.weight" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.4.bias" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.4.running_mean" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.4.running_var" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/4/batch_norm/1" [id=193, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/5/relu/1" [id=194, type=relu, metatype=PTRELUMetatype]; +"up_path.2.up.weight" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.up.bias" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up/conv_transpose2d/2" [id=197, type="conv_transpose2d", metatype=UnknownMetatype]; +"up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [id=198, type="symmetric_quantize", metatype=UnknownMetatype]; +"/__getitem__/2" [id=199, type="__getitem__", metatype=PTGatherMetatype]; +"/cat/2" [id=200, type=cat, metatype=PTCatMetatype]; +"up_path.2.conv_block.block.0.weight" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.0.bias" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/2__1.0._scale_param_storage" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [id=204, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/0/conv2d/2" [id=205, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.2.conv_block.block.1.weight" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.1.bias" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.1.running_mean" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.1.running_var" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/1/batch_norm/2" [id=210, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/2/relu/2" [id=211, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/2__0.0._scale_param_storage" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" [id=213, type="symmetric_quantize", metatype=UnknownMetatype]; +"up_path.2.conv_block.block.3.weight" [id=214, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.3.bias" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/2__1.0._scale_param_storage" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" [id=217, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/3/conv2d/2" [id=218, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.2.conv_block.block.4.weight" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.4.bias" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.4.running_mean" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.4.running_var" [id=222, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/4/batch_norm/2" [id=223, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/5/relu/2" [id=224, type=relu, metatype=PTRELUMetatype]; +"up_path.3.up.weight" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.up.bias" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up/conv_transpose2d/3" [id=227, type="conv_transpose2d", metatype=UnknownMetatype]; +"up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [id=228, type="symmetric_quantize", metatype=UnknownMetatype]; +"/__getitem__/3" [id=229, type="__getitem__", metatype=PTGatherMetatype]; +"/cat/3" [id=230, type=cat, metatype=PTCatMetatype]; +"up_path.3.conv_block.block.0.weight" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.0.bias" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/3__1.0._scale_param_storage" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" [id=234, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/0/conv2d/3" [id=235, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.3.conv_block.block.1.weight" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.1.bias" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.1.running_mean" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.1.running_var" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/1/batch_norm/3" [id=240, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/2/relu/3" [id=241, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/3__0.0._scale_param_storage" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" [id=243, type="symmetric_quantize", metatype=UnknownMetatype]; +"up_path.3.conv_block.block.3.weight" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.3.bias" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/3__1.0._scale_param_storage" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" [id=247, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/3/conv2d/3" [id=248, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.3.conv_block.block.4.weight" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.4.bias" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.4.running_mean" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.4.running_var" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/4/batch_norm/3" [id=253, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/5/relu/3" [id=254, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.conv_block/block/5/relu/3__0.0._scale_param_storage" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" [id=256, type="symmetric_quantize", metatype=UnknownMetatype]; +"last.weight" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"last.bias" [id=258, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.last/conv2d/0__1.0._scale_param_storage" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" [id=260, type="symmetric_quantize", metatype=UnknownMetatype]; +"last/conv2d/0" [id=261, type=conv2d, metatype=PTConv2dMetatype]; +output [id=262, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 360, 480)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "block/0/conv2d/0" [dtype=float, shape="(1, 3, 360, 480)", out_port_id=0, in_port_id=0]; +"down_path.0.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=0]; +"down_path.0.block.0.bias" -> "block/0/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.block/0/conv2d/0__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"block/0/pre_hook__block-0-conv2d-0__1[0]/symmetric_quantize/0" -> "block/0/conv2d/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"block/0/conv2d/0" -> "block/1/batch_norm/0" [dtype=float, shape="(1, 64, 358, 478)", out_port_id=0, in_port_id=0]; +"down_path.0.block.1.weight" -> "block/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"down_path.0.block.1.bias" -> "block/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"down_path.0.block.1.running_mean" -> "block/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"down_path.0.block.1.running_var" -> "block/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"block/1/batch_norm/0" -> "block/2/relu/0" [dtype=float, shape="(1, 64, 358, 478)", out_port_id=0, in_port_id=0]; +"block/2/relu/0" -> "block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 358, 478)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.block/2/relu/0__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"block/2/post_hook__block-2-relu-0__0[0]/symmetric_quantize/0" -> "block/3/conv2d/0" [dtype=float, shape="(1, 64, 358, 478)", out_port_id=0, in_port_id=0]; +"down_path.0.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"down_path.0.block.3.bias" -> "block/3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.block/3/conv2d/0__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"block/3/pre_hook__block-3-conv2d-0__1[0]/symmetric_quantize/0" -> "block/3/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"block/3/conv2d/0" -> "block/4/batch_norm/0" [dtype=float, shape="(1, 64, 356, 476)", out_port_id=0, in_port_id=0]; +"down_path.0.block.4.weight" -> "block/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"down_path.0.block.4.bias" -> "block/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"down_path.0.block.4.running_mean" -> "block/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"down_path.0.block.4.running_var" -> "block/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"block/4/batch_norm/0" -> "block/5/relu/0" [dtype=float, shape="(1, 64, 356, 476)", out_port_id=0, in_port_id=0]; +"block/5/relu/0" -> "block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 356, 476)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.block/5/relu/0__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.block/5/relu/0__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" -> "/max_pool2d/0" [dtype=float, shape="(1, 64, 356, 476)", out_port_id=0, in_port_id=0]; +"block/5/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" -> "/__getitem__/3" [dtype=float, shape="(1, 64, 356, 476)", out_port_id=0, in_port_id=0]; +"/max_pool2d/0" -> "block/0/conv2d/1" [dtype=float, shape="(1, 64, 178, 238)", out_port_id=0, in_port_id=0]; +"down_path.1.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"down_path.1.block.0.bias" -> "block/0/conv2d/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.block/0/conv2d/1__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"block/0/pre_hook__block-0-conv2d-1__1[0]/symmetric_quantize/0" -> "block/0/conv2d/1" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"block/0/conv2d/1" -> "block/1/batch_norm/1" [dtype=float, shape="(1, 128, 176, 236)", out_port_id=0, in_port_id=0]; +"down_path.1.block.1.weight" -> "block/1/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"down_path.1.block.1.bias" -> "block/1/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"down_path.1.block.1.running_mean" -> "block/1/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"down_path.1.block.1.running_var" -> "block/1/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"block/1/batch_norm/1" -> "block/2/relu/1" [dtype=float, shape="(1, 128, 176, 236)", out_port_id=0, in_port_id=0]; +"block/2/relu/1" -> "block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 176, 236)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.block/2/relu/1__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"block/2/post_hook__block-2-relu-1__0[0]/symmetric_quantize/0" -> "block/3/conv2d/1" [dtype=float, shape="(1, 128, 176, 236)", out_port_id=0, in_port_id=0]; +"down_path.1.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"down_path.1.block.3.bias" -> "block/3/conv2d/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.block/3/conv2d/1__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"block/3/pre_hook__block-3-conv2d-1__1[0]/symmetric_quantize/0" -> "block/3/conv2d/1" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"block/3/conv2d/1" -> "block/4/batch_norm/1" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; +"down_path.1.block.4.weight" -> "block/4/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"down_path.1.block.4.bias" -> "block/4/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"down_path.1.block.4.running_mean" -> "block/4/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"down_path.1.block.4.running_var" -> "block/4/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"block/4/batch_norm/1" -> "block/5/relu/1" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; +"block/5/relu/1" -> "block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.block/5/relu/1__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.block/5/relu/1__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" -> "/max_pool2d/1" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; +"block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" -> "/__getitem__/2" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; +"/max_pool2d/1" -> "block/0/conv2d/2" [dtype=float, shape="(1, 128, 87, 117)", out_port_id=0, in_port_id=0]; +"down_path.2.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"down_path.2.block.0.bias" -> "block/0/conv2d/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.block/0/conv2d/2__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" -> "block/0/conv2d/2" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"block/0/conv2d/2" -> "block/1/batch_norm/2" [dtype=float, shape="(1, 256, 85, 115)", out_port_id=0, in_port_id=0]; +"down_path.2.block.1.weight" -> "block/1/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"down_path.2.block.1.bias" -> "block/1/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"down_path.2.block.1.running_mean" -> "block/1/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"down_path.2.block.1.running_var" -> "block/1/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"block/1/batch_norm/2" -> "block/2/relu/2" [dtype=float, shape="(1, 256, 85, 115)", out_port_id=0, in_port_id=0]; +"block/2/relu/2" -> "block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 85, 115)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.block/2/relu/2__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"block/2/post_hook__block-2-relu-2__0[0]/symmetric_quantize/0" -> "block/3/conv2d/2" [dtype=float, shape="(1, 256, 85, 115)", out_port_id=0, in_port_id=0]; +"down_path.2.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"down_path.2.block.3.bias" -> "block/3/conv2d/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.block/3/conv2d/2__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"block/3/pre_hook__block-3-conv2d-2__1[0]/symmetric_quantize/0" -> "block/3/conv2d/2" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"block/3/conv2d/2" -> "block/4/batch_norm/2" [dtype=float, shape="(1, 256, 83, 113)", out_port_id=0, in_port_id=0]; +"down_path.2.block.4.weight" -> "block/4/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"down_path.2.block.4.bias" -> "block/4/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"down_path.2.block.4.running_mean" -> "block/4/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"down_path.2.block.4.running_var" -> "block/4/batch_norm/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"block/4/batch_norm/2" -> "block/5/relu/2" [dtype=float, shape="(1, 256, 83, 113)", out_port_id=0, in_port_id=0]; +"block/5/relu/2" -> "block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 83, 113)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.block/5/relu/2__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.block/5/relu/2__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" -> "/max_pool2d/2" [dtype=float, shape="(1, 256, 83, 113)", out_port_id=0, in_port_id=0]; +"block/5/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" -> "/__getitem__/1" [dtype=float, shape="(1, 256, 83, 113)", out_port_id=0, in_port_id=0]; +"/max_pool2d/2" -> "block/0/conv2d/3" [dtype=float, shape="(1, 256, 41, 56)", out_port_id=0, in_port_id=0]; +"down_path.3.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"down_path.3.block.0.bias" -> "block/0/conv2d/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.block/0/conv2d/3__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"block/0/pre_hook__block-0-conv2d-3__1[0]/symmetric_quantize/0" -> "block/0/conv2d/3" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"block/0/conv2d/3" -> "block/1/batch_norm/3" [dtype=float, shape="(1, 512, 39, 54)", out_port_id=0, in_port_id=0]; +"down_path.3.block.1.weight" -> "block/1/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"down_path.3.block.1.bias" -> "block/1/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"down_path.3.block.1.running_mean" -> "block/1/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"down_path.3.block.1.running_var" -> "block/1/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"block/1/batch_norm/3" -> "block/2/relu/3" [dtype=float, shape="(1, 512, 39, 54)", out_port_id=0, in_port_id=0]; +"block/2/relu/3" -> "block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 39, 54)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.block/2/relu/3__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"block/2/post_hook__block-2-relu-3__0[0]/symmetric_quantize/0" -> "block/3/conv2d/3" [dtype=float, shape="(1, 512, 39, 54)", out_port_id=0, in_port_id=0]; +"down_path.3.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"down_path.3.block.3.bias" -> "block/3/conv2d/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.block/3/conv2d/3__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"block/3/pre_hook__block-3-conv2d-3__1[0]/symmetric_quantize/0" -> "block/3/conv2d/3" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"block/3/conv2d/3" -> "block/4/batch_norm/3" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; +"down_path.3.block.4.weight" -> "block/4/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"down_path.3.block.4.bias" -> "block/4/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"down_path.3.block.4.running_mean" -> "block/4/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"down_path.3.block.4.running_var" -> "block/4/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"block/4/batch_norm/3" -> "block/5/relu/3" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; +"block/5/relu/3" -> "block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.block/5/relu/3__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.block/5/relu/3__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/3" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; +"block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" -> "/__getitem__/0" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; +"/max_pool2d/3" -> "block/0/conv2d/4" [dtype=float, shape="(1, 512, 18, 26)", out_port_id=0, in_port_id=0]; +"down_path.4.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"down_path.4.block.0.bias" -> "block/0/conv2d/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.block/0/conv2d/4__1.0._scale_param_storage" -> "block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" -> "block/0/conv2d/4" [dtype=float, shape="(1024, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"block/0/conv2d/4" -> "block/1/batch_norm/4" [dtype=float, shape="(1, 1024, 16, 24)", out_port_id=0, in_port_id=0]; +"down_path.4.block.1.weight" -> "block/1/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"down_path.4.block.1.bias" -> "block/1/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"down_path.4.block.1.running_mean" -> "block/1/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"down_path.4.block.1.running_var" -> "block/1/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"block/1/batch_norm/4" -> "block/2/relu/4" [dtype=float, shape="(1, 1024, 16, 24)", out_port_id=0, in_port_id=0]; +"block/2/relu/4" -> "block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 16, 24)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.block/2/relu/4__0.0._scale_param_storage" -> "block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"block/2/post_hook__block-2-relu-4__0[0]/symmetric_quantize/0" -> "block/3/conv2d/4" [dtype=float, shape="(1, 1024, 16, 24)", out_port_id=0, in_port_id=0]; +"down_path.4.block.3.weight" -> "block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 1024, 3, 3)", out_port_id=0, in_port_id=0]; +"down_path.4.block.3.bias" -> "block/3/conv2d/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.block/3/conv2d/4__1.0._scale_param_storage" -> "block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"block/3/pre_hook__block-3-conv2d-4__1[0]/symmetric_quantize/0" -> "block/3/conv2d/4" [dtype=float, shape="(1024, 1024, 3, 3)", out_port_id=0, in_port_id=1]; +"block/3/conv2d/4" -> "block/4/batch_norm/4" [dtype=float, shape="(1, 1024, 14, 22)", out_port_id=0, in_port_id=0]; +"down_path.4.block.4.weight" -> "block/4/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=1]; +"down_path.4.block.4.bias" -> "block/4/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; +"down_path.4.block.4.running_mean" -> "block/4/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; +"down_path.4.block.4.running_var" -> "block/4/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; +"block/4/batch_norm/4" -> "block/5/relu/4" [dtype=float, shape="(1, 1024, 14, 22)", out_port_id=0, in_port_id=0]; +"block/5/relu/4" -> "up/conv_transpose2d/0" [dtype=float, shape="(1, 1024, 14, 22)", out_port_id=0, in_port_id=0]; +"up_path.0.up.weight" -> "up/conv_transpose2d/0" [dtype=float, shape="(1024, 512, 2, 2)", out_port_id=0, in_port_id=1]; +"up_path.0.up.bias" -> "up/conv_transpose2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"up/conv_transpose2d/0" -> "up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 28, 44)", out_port_id=0, in_port_id=0]; +"up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" -> "/cat/0" [dtype=float, shape="(1, 512, 28, 44)", out_port_id=0, in_port_id=0]; +"/__getitem__/0" -> "/cat/0" [dtype=float, shape="(1, 512, 28, 44)", out_port_id=0, in_port_id=1]; +"/cat/0" -> "conv_block/block/0/conv2d/0" [dtype=float, shape="(1, 1024, 28, 44)", out_port_id=0, in_port_id=0]; +"up_path.0.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1024, 3, 3)", out_port_id=0, in_port_id=0]; +"up_path.0.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/0__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/0" [dtype=float, shape="(512, 1024, 3, 3)", out_port_id=0, in_port_id=1]; +"conv_block/block/0/conv2d/0" -> "conv_block/block/1/batch_norm/0" [dtype=float, shape="(1, 512, 26, 42)", out_port_id=0, in_port_id=0]; +"up_path.0.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"up_path.0.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"up_path.0.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"up_path.0.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"conv_block/block/1/batch_norm/0" -> "conv_block/block/2/relu/0" [dtype=float, shape="(1, 512, 26, 42)", out_port_id=0, in_port_id=0]; +"conv_block/block/2/relu/0" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 26, 42)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/0__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/0" [dtype=float, shape="(1, 512, 26, 42)", out_port_id=0, in_port_id=0]; +"up_path.0.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"up_path.0.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/0__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"conv_block/block/3/conv2d/0" -> "conv_block/block/4/batch_norm/0" [dtype=float, shape="(1, 512, 24, 40)", out_port_id=0, in_port_id=0]; +"up_path.0.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"up_path.0.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"up_path.0.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"up_path.0.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"conv_block/block/4/batch_norm/0" -> "conv_block/block/5/relu/0" [dtype=float, shape="(1, 512, 24, 40)", out_port_id=0, in_port_id=0]; +"conv_block/block/5/relu/0" -> "up/conv_transpose2d/1" [dtype=float, shape="(1, 512, 24, 40)", out_port_id=0, in_port_id=0]; +"up_path.1.up.weight" -> "up/conv_transpose2d/1" [dtype=float, shape="(512, 256, 2, 2)", out_port_id=0, in_port_id=1]; +"up_path.1.up.bias" -> "up/conv_transpose2d/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"up/conv_transpose2d/1" -> "up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 48, 80)", out_port_id=0, in_port_id=0]; +"up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" -> "/cat/1" [dtype=float, shape="(1, 256, 48, 80)", out_port_id=0, in_port_id=0]; +"/__getitem__/1" -> "/cat/1" [dtype=float, shape="(1, 256, 48, 80)", out_port_id=0, in_port_id=1]; +"/cat/1" -> "conv_block/block/0/conv2d/1" [dtype=float, shape="(1, 512, 48, 80)", out_port_id=0, in_port_id=0]; +"up_path.1.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"up_path.1.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/1__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/1" [dtype=float, shape="(256, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"conv_block/block/0/conv2d/1" -> "conv_block/block/1/batch_norm/1" [dtype=float, shape="(1, 256, 46, 78)", out_port_id=0, in_port_id=0]; +"up_path.1.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"up_path.1.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"up_path.1.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"up_path.1.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"conv_block/block/1/batch_norm/1" -> "conv_block/block/2/relu/1" [dtype=float, shape="(1, 256, 46, 78)", out_port_id=0, in_port_id=0]; +"conv_block/block/2/relu/1" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 46, 78)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/1__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/1" [dtype=float, shape="(1, 256, 46, 78)", out_port_id=0, in_port_id=0]; +"up_path.1.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"up_path.1.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/1__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/1" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"conv_block/block/3/conv2d/1" -> "conv_block/block/4/batch_norm/1" [dtype=float, shape="(1, 256, 44, 76)", out_port_id=0, in_port_id=0]; +"up_path.1.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"up_path.1.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"up_path.1.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"up_path.1.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"conv_block/block/4/batch_norm/1" -> "conv_block/block/5/relu/1" [dtype=float, shape="(1, 256, 44, 76)", out_port_id=0, in_port_id=0]; +"conv_block/block/5/relu/1" -> "up/conv_transpose2d/2" [dtype=float, shape="(1, 256, 44, 76)", out_port_id=0, in_port_id=0]; +"up_path.2.up.weight" -> "up/conv_transpose2d/2" [dtype=float, shape="(256, 128, 2, 2)", out_port_id=0, in_port_id=1]; +"up_path.2.up.bias" -> "up/conv_transpose2d/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"up/conv_transpose2d/2" -> "up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 88, 152)", out_port_id=0, in_port_id=0]; +"up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" -> "/cat/2" [dtype=float, shape="(1, 128, 88, 152)", out_port_id=0, in_port_id=0]; +"/__getitem__/2" -> "/cat/2" [dtype=float, shape="(1, 128, 88, 152)", out_port_id=0, in_port_id=1]; +"/cat/2" -> "conv_block/block/0/conv2d/2" [dtype=float, shape="(1, 256, 88, 152)", out_port_id=0, in_port_id=0]; +"up_path.2.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"up_path.2.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/2__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/2" [dtype=float, shape="(128, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"conv_block/block/0/conv2d/2" -> "conv_block/block/1/batch_norm/2" [dtype=float, shape="(1, 128, 86, 150)", out_port_id=0, in_port_id=0]; +"up_path.2.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"up_path.2.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"up_path.2.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"up_path.2.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"conv_block/block/1/batch_norm/2" -> "conv_block/block/2/relu/2" [dtype=float, shape="(1, 128, 86, 150)", out_port_id=0, in_port_id=0]; +"conv_block/block/2/relu/2" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 86, 150)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/2__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/2" [dtype=float, shape="(1, 128, 86, 150)", out_port_id=0, in_port_id=0]; +"up_path.2.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"up_path.2.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/2__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/2" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"conv_block/block/3/conv2d/2" -> "conv_block/block/4/batch_norm/2" [dtype=float, shape="(1, 128, 84, 148)", out_port_id=0, in_port_id=0]; +"up_path.2.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"up_path.2.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"up_path.2.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"up_path.2.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"conv_block/block/4/batch_norm/2" -> "conv_block/block/5/relu/2" [dtype=float, shape="(1, 128, 84, 148)", out_port_id=0, in_port_id=0]; +"conv_block/block/5/relu/2" -> "up/conv_transpose2d/3" [dtype=float, shape="(1, 128, 84, 148)", out_port_id=0, in_port_id=0]; +"up_path.3.up.weight" -> "up/conv_transpose2d/3" [dtype=float, shape="(128, 64, 2, 2)", out_port_id=0, in_port_id=1]; +"up_path.3.up.bias" -> "up/conv_transpose2d/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"up/conv_transpose2d/3" -> "up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 168, 296)", out_port_id=0, in_port_id=0]; +"up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" -> "/cat/3" [dtype=float, shape="(1, 64, 168, 296)", out_port_id=0, in_port_id=0]; +"/__getitem__/3" -> "/cat/3" [dtype=float, shape="(1, 64, 168, 296)", out_port_id=0, in_port_id=1]; +"/cat/3" -> "conv_block/block/0/conv2d/3" [dtype=float, shape="(1, 128, 168, 296)", out_port_id=0, in_port_id=0]; +"up_path.3.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"up_path.3.conv_block.block.0.bias" -> "conv_block/block/0/conv2d/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/3__1.0._scale_param_storage" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" -> "conv_block/block/0/conv2d/3" [dtype=float, shape="(64, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"conv_block/block/0/conv2d/3" -> "conv_block/block/1/batch_norm/3" [dtype=float, shape="(1, 64, 166, 294)", out_port_id=0, in_port_id=0]; +"up_path.3.conv_block.block.1.weight" -> "conv_block/block/1/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"up_path.3.conv_block.block.1.bias" -> "conv_block/block/1/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"up_path.3.conv_block.block.1.running_mean" -> "conv_block/block/1/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"up_path.3.conv_block.block.1.running_var" -> "conv_block/block/1/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"conv_block/block/1/batch_norm/3" -> "conv_block/block/2/relu/3" [dtype=float, shape="(1, 64, 166, 294)", out_port_id=0, in_port_id=0]; +"conv_block/block/2/relu/3" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 166, 294)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/3__0.0._scale_param_storage" -> "conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/3" [dtype=float, shape="(1, 64, 166, 294)", out_port_id=0, in_port_id=0]; +"up_path.3.conv_block.block.3.weight" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"up_path.3.conv_block.block.3.bias" -> "conv_block/block/3/conv2d/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/3__1.0._scale_param_storage" -> "conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" -> "conv_block/block/3/conv2d/3" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"conv_block/block/3/conv2d/3" -> "conv_block/block/4/batch_norm/3" [dtype=float, shape="(1, 64, 164, 292)", out_port_id=0, in_port_id=0]; +"up_path.3.conv_block.block.4.weight" -> "conv_block/block/4/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"up_path.3.conv_block.block.4.bias" -> "conv_block/block/4/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"up_path.3.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"up_path.3.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"conv_block/block/4/batch_norm/3" -> "conv_block/block/5/relu/3" [dtype=float, shape="(1, 64, 164, 292)", out_port_id=0, in_port_id=0]; +"conv_block/block/5/relu/3" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 164, 292)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.conv_block/block/5/relu/3__0.0._scale_param_storage" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" -> "last/conv2d/0" [dtype=float, shape="(1, 64, 164, 292)", out_port_id=0, in_port_id=0]; +"last.weight" -> "last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(12, 64, 1, 1)", out_port_id=0, in_port_id=0]; +"last.bias" -> "last/conv2d/0" [dtype=float, shape="(12,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.last/conv2d/0__1.0._scale_param_storage" -> "last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(12, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" -> "last/conv2d/0" [dtype=float, shape="(12, 64, 1, 1)", out_port_id=0, in_port_id=1]; +"last/conv2d/0" -> output [dtype=float, shape="(1, 12, 164, 292)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/data/quantization/test_quantized_graphs/vgg16.dot b/tests/torch2/data/quantization/test_quantized_graphs/vgg16.dot index b2edd2abe4e..9fbd43a127e 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/vgg16.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/vgg16.dot @@ -1,375 +1,375 @@ -strict digraph { -x [id=0, metatype=PTInputNoopMetatype, type=nncf_model_input]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.0.weight" [id=3, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.0.bias" [id=4, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" [id=5, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/0/conv2d/0" [id=7, metatype=PTConv2dMetatype, type=conv2d]; -"features.1.weight" [id=8, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.bias" [id=9, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.running_mean" [id=10, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.1.running_var" [id=11, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/1/batch_norm/0" [id=12, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/2/relu_/0" [id=13, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/2/relu_/0__0.0._scale_param_storage" [id=14, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" [id=15, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.3.weight" [id=16, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.3.bias" [id=17, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" [id=18, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [id=19, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/3/conv2d/0" [id=20, metatype=PTConv2dMetatype, type=conv2d]; -"features.4.weight" [id=21, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.bias" [id=22, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.running_mean" [id=23, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.4.running_var" [id=24, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/4/batch_norm/0" [id=25, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/5/relu_/0" [id=26, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/5/relu_/0__0.0._scale_param_storage" [id=27, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" [id=28, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/6/max_pool2d/0" [id=29, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.7.weight" [id=30, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.7.bias" [id=31, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/7/conv2d/0__1.0._scale_param_storage" [id=32, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" [id=33, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/7/conv2d/0" [id=34, metatype=PTConv2dMetatype, type=conv2d]; -"features.8.weight" [id=35, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.bias" [id=36, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.running_mean" [id=37, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.8.running_var" [id=38, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/8/batch_norm/0" [id=39, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/9/relu_/0" [id=40, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" [id=41, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [id=42, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.10.weight" [id=43, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.10.bias" [id=44, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" [id=45, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [id=46, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/10/conv2d/0" [id=47, metatype=PTConv2dMetatype, type=conv2d]; -"features.11.weight" [id=48, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.bias" [id=49, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.running_mean" [id=50, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.11.running_var" [id=51, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/11/batch_norm/0" [id=52, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/12/relu_/0" [id=53, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/12/relu_/0__0.0._scale_param_storage" [id=54, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" [id=55, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/13/max_pool2d/0" [id=56, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.14.weight" [id=57, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.14.bias" [id=58, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/14/conv2d/0__1.0._scale_param_storage" [id=59, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" [id=60, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/14/conv2d/0" [id=61, metatype=PTConv2dMetatype, type=conv2d]; -"features.15.weight" [id=62, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.bias" [id=63, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.running_mean" [id=64, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.15.running_var" [id=65, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/15/batch_norm/0" [id=66, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/16/relu_/0" [id=67, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/16/relu_/0__0.0._scale_param_storage" [id=68, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" [id=69, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.17.weight" [id=70, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.17.bias" [id=71, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/17/conv2d/0__1.0._scale_param_storage" [id=72, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" [id=73, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/17/conv2d/0" [id=74, metatype=PTConv2dMetatype, type=conv2d]; -"features.18.weight" [id=75, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.18.bias" [id=76, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.18.running_mean" [id=77, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.18.running_var" [id=78, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/18/batch_norm/0" [id=79, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/19/relu_/0" [id=80, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/19/relu_/0__0.0._scale_param_storage" [id=81, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" [id=82, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.20.weight" [id=83, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.20.bias" [id=84, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/20/conv2d/0__1.0._scale_param_storage" [id=85, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" [id=86, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/20/conv2d/0" [id=87, metatype=PTConv2dMetatype, type=conv2d]; -"features.21.weight" [id=88, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.21.bias" [id=89, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.21.running_mean" [id=90, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.21.running_var" [id=91, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/21/batch_norm/0" [id=92, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/22/relu_/0" [id=93, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/22/relu_/0__0.0._scale_param_storage" [id=94, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" [id=95, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/23/max_pool2d/0" [id=96, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.24.weight" [id=97, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.24.bias" [id=98, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/24/conv2d/0__1.0._scale_param_storage" [id=99, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" [id=100, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/24/conv2d/0" [id=101, metatype=PTConv2dMetatype, type=conv2d]; -"features.25.weight" [id=102, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.25.bias" [id=103, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.25.running_mean" [id=104, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.25.running_var" [id=105, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/25/batch_norm/0" [id=106, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/26/relu_/0" [id=107, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/26/relu_/0__0.0._scale_param_storage" [id=108, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" [id=109, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.27.weight" [id=110, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.27.bias" [id=111, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/27/conv2d/0__1.0._scale_param_storage" [id=112, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" [id=113, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/27/conv2d/0" [id=114, metatype=PTConv2dMetatype, type=conv2d]; -"features.28.weight" [id=115, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.28.bias" [id=116, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.28.running_mean" [id=117, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.28.running_var" [id=118, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/28/batch_norm/0" [id=119, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/29/relu_/0" [id=120, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/29/relu_/0__0.0._scale_param_storage" [id=121, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" [id=122, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.30.weight" [id=123, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.30.bias" [id=124, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/30/conv2d/0__1.0._scale_param_storage" [id=125, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" [id=126, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/30/conv2d/0" [id=127, metatype=PTConv2dMetatype, type=conv2d]; -"features.31.weight" [id=128, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.31.bias" [id=129, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.31.running_mean" [id=130, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.31.running_var" [id=131, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/31/batch_norm/0" [id=132, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/32/relu_/0" [id=133, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/32/relu_/0__0.0._scale_param_storage" [id=134, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" [id=135, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/33/max_pool2d/0" [id=136, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features.34.weight" [id=137, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.34.bias" [id=138, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/34/conv2d/0__1.0._scale_param_storage" [id=139, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" [id=140, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/34/conv2d/0" [id=141, metatype=PTConv2dMetatype, type=conv2d]; -"features.35.weight" [id=142, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.35.bias" [id=143, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.35.running_mean" [id=144, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.35.running_var" [id=145, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/35/batch_norm/0" [id=146, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/36/relu_/0" [id=147, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/36/relu_/0__0.0._scale_param_storage" [id=148, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" [id=149, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.37.weight" [id=150, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.37.bias" [id=151, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/37/conv2d/0__1.0._scale_param_storage" [id=152, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" [id=153, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/37/conv2d/0" [id=154, metatype=PTConv2dMetatype, type=conv2d]; -"features.38.weight" [id=155, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.38.bias" [id=156, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.38.running_mean" [id=157, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.38.running_var" [id=158, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/38/batch_norm/0" [id=159, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/39/relu_/0" [id=160, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/39/relu_/0__0.0._scale_param_storage" [id=161, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" [id=162, metatype=UnknownMetatype, type=symmetric_quantize]; -"features.40.weight" [id=163, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.40.bias" [id=164, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.features/40/conv2d/0__1.0._scale_param_storage" [id=165, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" [id=166, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/40/conv2d/0" [id=167, metatype=PTConv2dMetatype, type=conv2d]; -"features.41.weight" [id=168, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.41.bias" [id=169, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.41.running_mean" [id=170, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features.41.running_var" [id=171, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/41/batch_norm/0" [id=172, metatype=PT2BatchNormMetatype, type=batch_norm]; -"features/42/relu_/0" [id=173, metatype=PTRELUMetatype, type=relu_]; -"__nncf_hooks.post_hooks.features/42/relu_/0__0.0._scale_param_storage" [id=174, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" [id=175, metatype=UnknownMetatype, type=symmetric_quantize]; -"features/43/max_pool2d/0" [id=176, metatype=PTMaxPool2dMetatype, type=max_pool2d]; -"features/44/avg_pool2d/0" [id=177, metatype=PTAvgPool2dMetatype, type=avg_pool2d]; -"__nncf_hooks.post_hooks.features/44/avg_pool2d/0__0.0._scale_param_storage" [id=178, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=179, metatype=UnknownMetatype, type=symmetric_quantize]; -"/view/0" [id=180, metatype=PTReshapeMetatype, type=view]; -"classifier.weight" [id=181, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier.bias" [id=182, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"__nncf_hooks.pre_hooks.classifier/linear/0__1.0._scale_param_storage" [id=183, metatype=PTConstNoopMetatype, type=nncf_model_const]; -"classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" [id=184, metatype=UnknownMetatype, type=symmetric_quantize]; -"classifier/linear/0" [id=185, metatype=PTLinearMetatype, type=linear]; -output [id=186, metatype=PTOutputNoopMetatype, type=nncf_model_output]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 3, 32, 32)"]; -"features.0.weight" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 3, 3, 3)"]; -"features.0.bias" -> "features/0/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 3, 3, 3)"]; -"features/0/conv2d/0" -> "features/1/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features.1.weight" -> "features/1/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"features.1.bias" -> "features/1/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features.1.running_mean" -> "features/1/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"features.1.running_var" -> "features/1/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"features/1/batch_norm/0" -> "features/2/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features/2/relu_/0" -> "features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"__nncf_hooks.post_hooks.features/2/relu_/0__0.0._scale_param_storage" -> "features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features.3.weight" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(64, 64, 3, 3)"]; -"features.3.bias" -> "features/3/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64, 1, 1, 1)"]; -"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64, 64, 3, 3)"]; -"features/3/conv2d/0" -> "features/4/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features.4.weight" -> "features/4/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(64,)"]; -"features.4.bias" -> "features/4/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(64,)"]; -"features.4.running_mean" -> "features/4/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(64,)"]; -"features.4.running_var" -> "features/4/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(64,)"]; -"features/4/batch_norm/0" -> "features/5/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features/5/relu_/0" -> "features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"__nncf_hooks.post_hooks.features/5/relu_/0__0.0._scale_param_storage" -> "features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 32, 32)"]; -"features/6/max_pool2d/0" -> "features/7/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 64, 16, 16)"]; -"features.7.weight" -> "features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 64, 3, 3)"]; -"features.7.bias" -> "features/7/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.features/7/conv2d/0__1.0._scale_param_storage" -> "features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 64, 3, 3)"]; -"features/7/conv2d/0" -> "features/8/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.8.weight" -> "features/8/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.8.bias" -> "features/8/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.8.running_mean" -> "features/8/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.8.running_var" -> "features/8/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/8/batch_norm/0" -> "features/9/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/9/relu_/0" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.10.weight" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(128, 128, 3, 3)"]; -"features.10.bias" -> "features/10/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128, 1, 1, 1)"]; -"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128, 128, 3, 3)"]; -"features/10/conv2d/0" -> "features/11/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features.11.weight" -> "features/11/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(128,)"]; -"features.11.bias" -> "features/11/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(128,)"]; -"features.11.running_mean" -> "features/11/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(128,)"]; -"features.11.running_var" -> "features/11/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(128,)"]; -"features/11/batch_norm/0" -> "features/12/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/12/relu_/0" -> "features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"__nncf_hooks.post_hooks.features/12/relu_/0__0.0._scale_param_storage" -> "features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" -> "features/13/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 16, 16)"]; -"features/13/max_pool2d/0" -> "features/14/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 128, 8, 8)"]; -"features.14.weight" -> "features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 128, 3, 3)"]; -"features.14.bias" -> "features/14/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.features/14/conv2d/0__1.0._scale_param_storage" -> "features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 128, 3, 3)"]; -"features/14/conv2d/0" -> "features/15/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features.15.weight" -> "features/15/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"features.15.bias" -> "features/15/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features.15.running_mean" -> "features/15/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"features.15.running_var" -> "features/15/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"features/15/batch_norm/0" -> "features/16/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features/16/relu_/0" -> "features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"__nncf_hooks.post_hooks.features/16/relu_/0__0.0._scale_param_storage" -> "features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" -> "features/17/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features.17.weight" -> "features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; -"features.17.bias" -> "features/17/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.features/17/conv2d/0__1.0._scale_param_storage" -> "features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; -"features/17/conv2d/0" -> "features/18/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features.18.weight" -> "features/18/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"features.18.bias" -> "features/18/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features.18.running_mean" -> "features/18/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"features.18.running_var" -> "features/18/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"features/18/batch_norm/0" -> "features/19/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features/19/relu_/0" -> "features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"__nncf_hooks.post_hooks.features/19/relu_/0__0.0._scale_param_storage" -> "features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" -> "features/20/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features.20.weight" -> "features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(256, 256, 3, 3)"]; -"features.20.bias" -> "features/20/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"__nncf_hooks.pre_hooks.features/20/conv2d/0__1.0._scale_param_storage" -> "features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256, 1, 1, 1)"]; -"features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" -> "features/20/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256, 256, 3, 3)"]; -"features/20/conv2d/0" -> "features/21/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features.21.weight" -> "features/21/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(256,)"]; -"features.21.bias" -> "features/21/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(256,)"]; -"features.21.running_mean" -> "features/21/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(256,)"]; -"features.21.running_var" -> "features/21/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(256,)"]; -"features/21/batch_norm/0" -> "features/22/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features/22/relu_/0" -> "features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"__nncf_hooks.post_hooks.features/22/relu_/0__0.0._scale_param_storage" -> "features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" -> "features/23/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 8, 8)"]; -"features/23/max_pool2d/0" -> "features/24/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 256, 4, 4)"]; -"features.24.weight" -> "features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 256, 3, 3)"]; -"features.24.bias" -> "features/24/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"__nncf_hooks.pre_hooks.features/24/conv2d/0__1.0._scale_param_storage" -> "features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" -> "features/24/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 256, 3, 3)"]; -"features/24/conv2d/0" -> "features/25/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features.25.weight" -> "features/25/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"features.25.bias" -> "features/25/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.25.running_mean" -> "features/25/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features.25.running_var" -> "features/25/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"features/25/batch_norm/0" -> "features/26/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features/26/relu_/0" -> "features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"__nncf_hooks.post_hooks.features/26/relu_/0__0.0._scale_param_storage" -> "features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" -> "features/27/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features.27.weight" -> "features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features.27.bias" -> "features/27/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"__nncf_hooks.pre_hooks.features/27/conv2d/0__1.0._scale_param_storage" -> "features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" -> "features/27/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features/27/conv2d/0" -> "features/28/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features.28.weight" -> "features/28/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"features.28.bias" -> "features/28/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.28.running_mean" -> "features/28/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features.28.running_var" -> "features/28/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"features/28/batch_norm/0" -> "features/29/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features/29/relu_/0" -> "features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"__nncf_hooks.post_hooks.features/29/relu_/0__0.0._scale_param_storage" -> "features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" -> "features/30/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features.30.weight" -> "features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features.30.bias" -> "features/30/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"__nncf_hooks.pre_hooks.features/30/conv2d/0__1.0._scale_param_storage" -> "features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" -> "features/30/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features/30/conv2d/0" -> "features/31/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features.31.weight" -> "features/31/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"features.31.bias" -> "features/31/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.31.running_mean" -> "features/31/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features.31.running_var" -> "features/31/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"features/31/batch_norm/0" -> "features/32/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features/32/relu_/0" -> "features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"__nncf_hooks.post_hooks.features/32/relu_/0__0.0._scale_param_storage" -> "features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" -> "features/33/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 4, 4)"]; -"features/33/max_pool2d/0" -> "features/34/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features.34.weight" -> "features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features.34.bias" -> "features/34/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"__nncf_hooks.pre_hooks.features/34/conv2d/0__1.0._scale_param_storage" -> "features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" -> "features/34/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features/34/conv2d/0" -> "features/35/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features.35.weight" -> "features/35/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"features.35.bias" -> "features/35/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.35.running_mean" -> "features/35/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features.35.running_var" -> "features/35/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"features/35/batch_norm/0" -> "features/36/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/36/relu_/0" -> "features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"__nncf_hooks.post_hooks.features/36/relu_/0__0.0._scale_param_storage" -> "features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" -> "features/37/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features.37.weight" -> "features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features.37.bias" -> "features/37/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"__nncf_hooks.pre_hooks.features/37/conv2d/0__1.0._scale_param_storage" -> "features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" -> "features/37/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features/37/conv2d/0" -> "features/38/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features.38.weight" -> "features/38/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"features.38.bias" -> "features/38/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.38.running_mean" -> "features/38/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features.38.running_var" -> "features/38/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"features/38/batch_norm/0" -> "features/39/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/39/relu_/0" -> "features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"__nncf_hooks.post_hooks.features/39/relu_/0__0.0._scale_param_storage" -> "features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" -> "features/40/conv2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features.40.weight" -> "features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features.40.bias" -> "features/40/conv2d/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"__nncf_hooks.pre_hooks.features/40/conv2d/0__1.0._scale_param_storage" -> "features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512, 1, 1, 1)"]; -"features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" -> "features/40/conv2d/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512, 512, 3, 3)"]; -"features/40/conv2d/0" -> "features/41/batch_norm/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features.41.weight" -> "features/41/batch_norm/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(512,)"]; -"features.41.bias" -> "features/41/batch_norm/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(512,)"]; -"features.41.running_mean" -> "features/41/batch_norm/0" [dtype=float, in_port_id=3, out_port_id=0, shape="(512,)"]; -"features.41.running_var" -> "features/41/batch_norm/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(512,)"]; -"features/41/batch_norm/0" -> "features/42/relu_/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/42/relu_/0" -> "features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"__nncf_hooks.post_hooks.features/42/relu_/0__0.0._scale_param_storage" -> "features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" -> "features/43/max_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 2, 2)"]; -"features/43/max_pool2d/0" -> "features/44/avg_pool2d/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; -"features/44/avg_pool2d/0" -> "features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; -"__nncf_hooks.post_hooks.features/44/avg_pool2d/0__0.0._scale_param_storage" -> "features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(1,)"]; -"features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512, 1, 1)"]; -"/view/0" -> "classifier/linear/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 512)"]; -"classifier.weight" -> "classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=0, out_port_id=0, shape="(10, 512)"]; -"classifier.bias" -> "classifier/linear/0" [dtype=float, in_port_id=2, out_port_id=0, shape="(10,)"]; -"__nncf_hooks.pre_hooks.classifier/linear/0__1.0._scale_param_storage" -> "classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" [dtype=float, in_port_id=4, out_port_id=0, shape="(10, 1)"]; -"classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" -> "classifier/linear/0" [dtype=float, in_port_id=1, out_port_id=0, shape="(10, 512)"]; -"classifier/linear/0" -> output [dtype=float, in_port_id=0, out_port_id=0, shape="(1, 10)"]; +strict digraph { +x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.0.weight" [id=3, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.0.bias" [id=4, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" [id=5, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [id=6, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/0/conv2d/0" [id=7, type=conv2d, metatype=PTConv2dMetatype]; +"features.1.weight" [id=8, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.bias" [id=9, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.running_mean" [id=10, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.1.running_var" [id=11, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/1/batch_norm/0" [id=12, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/2/relu_/0" [id=13, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/2/relu_/0__0.0._scale_param_storage" [id=14, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" [id=15, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.3.weight" [id=16, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.3.bias" [id=17, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" [id=18, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [id=19, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/3/conv2d/0" [id=20, type=conv2d, metatype=PTConv2dMetatype]; +"features.4.weight" [id=21, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.bias" [id=22, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.running_mean" [id=23, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.4.running_var" [id=24, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/4/batch_norm/0" [id=25, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/5/relu_/0" [id=26, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/5/relu_/0__0.0._scale_param_storage" [id=27, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" [id=28, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/6/max_pool2d/0" [id=29, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.7.weight" [id=30, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.7.bias" [id=31, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/7/conv2d/0__1.0._scale_param_storage" [id=32, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" [id=33, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/7/conv2d/0" [id=34, type=conv2d, metatype=PTConv2dMetatype]; +"features.8.weight" [id=35, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.bias" [id=36, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.running_mean" [id=37, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.8.running_var" [id=38, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/8/batch_norm/0" [id=39, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/9/relu_/0" [id=40, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" [id=41, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [id=42, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.10.weight" [id=43, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.10.bias" [id=44, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" [id=45, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [id=46, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/10/conv2d/0" [id=47, type=conv2d, metatype=PTConv2dMetatype]; +"features.11.weight" [id=48, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.bias" [id=49, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.running_mean" [id=50, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.11.running_var" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/11/batch_norm/0" [id=52, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/12/relu_/0" [id=53, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/12/relu_/0__0.0._scale_param_storage" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" [id=55, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/13/max_pool2d/0" [id=56, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.14.weight" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.14.bias" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/14/conv2d/0__1.0._scale_param_storage" [id=59, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" [id=60, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/14/conv2d/0" [id=61, type=conv2d, metatype=PTConv2dMetatype]; +"features.15.weight" [id=62, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.bias" [id=63, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.running_mean" [id=64, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.15.running_var" [id=65, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/15/batch_norm/0" [id=66, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/16/relu_/0" [id=67, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/16/relu_/0__0.0._scale_param_storage" [id=68, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" [id=69, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.17.weight" [id=70, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.17.bias" [id=71, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/17/conv2d/0__1.0._scale_param_storage" [id=72, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" [id=73, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/17/conv2d/0" [id=74, type=conv2d, metatype=PTConv2dMetatype]; +"features.18.weight" [id=75, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.18.bias" [id=76, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.18.running_mean" [id=77, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.18.running_var" [id=78, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/18/batch_norm/0" [id=79, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/19/relu_/0" [id=80, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/19/relu_/0__0.0._scale_param_storage" [id=81, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" [id=82, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.20.weight" [id=83, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.20.bias" [id=84, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/20/conv2d/0__1.0._scale_param_storage" [id=85, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" [id=86, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/20/conv2d/0" [id=87, type=conv2d, metatype=PTConv2dMetatype]; +"features.21.weight" [id=88, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.21.bias" [id=89, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.21.running_mean" [id=90, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.21.running_var" [id=91, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/21/batch_norm/0" [id=92, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/22/relu_/0" [id=93, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/22/relu_/0__0.0._scale_param_storage" [id=94, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" [id=95, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/23/max_pool2d/0" [id=96, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.24.weight" [id=97, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.24.bias" [id=98, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/24/conv2d/0__1.0._scale_param_storage" [id=99, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" [id=100, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/24/conv2d/0" [id=101, type=conv2d, metatype=PTConv2dMetatype]; +"features.25.weight" [id=102, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.25.bias" [id=103, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.25.running_mean" [id=104, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.25.running_var" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/25/batch_norm/0" [id=106, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/26/relu_/0" [id=107, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/26/relu_/0__0.0._scale_param_storage" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" [id=109, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.27.weight" [id=110, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.27.bias" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/27/conv2d/0__1.0._scale_param_storage" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" [id=113, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/27/conv2d/0" [id=114, type=conv2d, metatype=PTConv2dMetatype]; +"features.28.weight" [id=115, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.28.bias" [id=116, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.28.running_mean" [id=117, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.28.running_var" [id=118, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/28/batch_norm/0" [id=119, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/29/relu_/0" [id=120, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/29/relu_/0__0.0._scale_param_storage" [id=121, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" [id=122, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.30.weight" [id=123, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.30.bias" [id=124, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/30/conv2d/0__1.0._scale_param_storage" [id=125, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" [id=126, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/30/conv2d/0" [id=127, type=conv2d, metatype=PTConv2dMetatype]; +"features.31.weight" [id=128, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.31.bias" [id=129, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.31.running_mean" [id=130, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.31.running_var" [id=131, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/31/batch_norm/0" [id=132, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/32/relu_/0" [id=133, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/32/relu_/0__0.0._scale_param_storage" [id=134, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" [id=135, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/33/max_pool2d/0" [id=136, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features.34.weight" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.34.bias" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/34/conv2d/0__1.0._scale_param_storage" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" [id=140, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/34/conv2d/0" [id=141, type=conv2d, metatype=PTConv2dMetatype]; +"features.35.weight" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.35.bias" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.35.running_mean" [id=144, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.35.running_var" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/35/batch_norm/0" [id=146, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/36/relu_/0" [id=147, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/36/relu_/0__0.0._scale_param_storage" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" [id=149, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.37.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.37.bias" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/37/conv2d/0__1.0._scale_param_storage" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" [id=153, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/37/conv2d/0" [id=154, type=conv2d, metatype=PTConv2dMetatype]; +"features.38.weight" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.38.bias" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.38.running_mean" [id=157, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.38.running_var" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/38/batch_norm/0" [id=159, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/39/relu_/0" [id=160, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/39/relu_/0__0.0._scale_param_storage" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" [id=162, type="symmetric_quantize", metatype=UnknownMetatype]; +"features.40.weight" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.40.bias" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.features/40/conv2d/0__1.0._scale_param_storage" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" [id=166, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/40/conv2d/0" [id=167, type=conv2d, metatype=PTConv2dMetatype]; +"features.41.weight" [id=168, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.41.bias" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.41.running_mean" [id=170, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features.41.running_var" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/41/batch_norm/0" [id=172, type="batch_norm", metatype=PT2BatchNormMetatype]; +"features/42/relu_/0" [id=173, type="relu_", metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.features/42/relu_/0__0.0._scale_param_storage" [id=174, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" [id=175, type="symmetric_quantize", metatype=UnknownMetatype]; +"features/43/max_pool2d/0" [id=176, type="max_pool2d", metatype=PTMaxPool2dMetatype]; +"features/44/avg_pool2d/0" [id=177, type="avg_pool2d", metatype=PTAvgPool2dMetatype]; +"__nncf_hooks.post_hooks.features/44/avg_pool2d/0__0.0._scale_param_storage" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" [id=179, type="symmetric_quantize", metatype=UnknownMetatype]; +"/view/0" [id=180, type=view, metatype=PTReshapeMetatype]; +"classifier.weight" [id=181, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier.bias" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.classifier/linear/0__1.0._scale_param_storage" [id=183, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" [id=184, type="symmetric_quantize", metatype=UnknownMetatype]; +"classifier/linear/0" [id=185, type=linear, metatype=PTLinearMetatype]; +output [id=186, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"post_hook__x__0[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, shape="(1, 3, 32, 32)", out_port_id=0, in_port_id=0]; +"features.0.weight" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=0]; +"features.0.bias" -> "features/0/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/0/conv2d/0__1.0._scale_param_storage" -> "features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/0/pre_hook__features-0-conv2d-0__1[0]/symmetric_quantize/0" -> "features/0/conv2d/0" [dtype=float, shape="(64, 3, 3, 3)", out_port_id=0, in_port_id=1]; +"features/0/conv2d/0" -> "features/1/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features.1.weight" -> "features/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"features.1.bias" -> "features/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features.1.running_mean" -> "features/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"features.1.running_var" -> "features/1/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"features/1/batch_norm/0" -> "features/2/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features/2/relu_/0" -> "features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/2/relu_/0__0.0._scale_param_storage" -> "features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/2/post_hook__features-2-relu_-0__0[0]/symmetric_quantize/0" -> "features/3/conv2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features.3.weight" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"features.3.bias" -> "features/3/conv2d/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/3/conv2d/0__1.0._scale_param_storage" -> "features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(64, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/3/pre_hook__features-3-conv2d-0__1[0]/symmetric_quantize/0" -> "features/3/conv2d/0" [dtype=float, shape="(64, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"features/3/conv2d/0" -> "features/4/batch_norm/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features.4.weight" -> "features/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=1]; +"features.4.bias" -> "features/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"features.4.running_mean" -> "features/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=3]; +"features.4.running_var" -> "features/4/batch_norm/0" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=4]; +"features/4/batch_norm/0" -> "features/5/relu_/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features/5/relu_/0" -> "features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/5/relu_/0__0.0._scale_param_storage" -> "features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/5/post_hook__features-5-relu_-0__0[0]/symmetric_quantize/0" -> "features/6/max_pool2d/0" [dtype=float, shape="(1, 64, 32, 32)", out_port_id=0, in_port_id=0]; +"features/6/max_pool2d/0" -> "features/7/conv2d/0" [dtype=float, shape="(1, 64, 16, 16)", out_port_id=0, in_port_id=0]; +"features.7.weight" -> "features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=0]; +"features.7.bias" -> "features/7/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/7/conv2d/0__1.0._scale_param_storage" -> "features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/7/pre_hook__features-7-conv2d-0__1[0]/symmetric_quantize/0" -> "features/7/conv2d/0" [dtype=float, shape="(128, 64, 3, 3)", out_port_id=0, in_port_id=1]; +"features/7/conv2d/0" -> "features/8/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.8.weight" -> "features/8/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.8.bias" -> "features/8/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.8.running_mean" -> "features/8/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.8.running_var" -> "features/8/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/8/batch_norm/0" -> "features/9/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/9/relu_/0" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/9/relu_/0__0.0._scale_param_storage" -> "features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/9/post_hook__features-9-relu_-0__0[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.10.weight" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"features.10.bias" -> "features/10/conv2d/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/10/conv2d/0__1.0._scale_param_storage" -> "features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/10/pre_hook__features-10-conv2d-0__1[0]/symmetric_quantize/0" -> "features/10/conv2d/0" [dtype=float, shape="(128, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/10/conv2d/0" -> "features/11/batch_norm/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features.11.weight" -> "features/11/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=1]; +"features.11.bias" -> "features/11/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; +"features.11.running_mean" -> "features/11/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; +"features.11.running_var" -> "features/11/batch_norm/0" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; +"features/11/batch_norm/0" -> "features/12/relu_/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/12/relu_/0" -> "features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/12/relu_/0__0.0._scale_param_storage" -> "features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/12/post_hook__features-12-relu_-0__0[0]/symmetric_quantize/0" -> "features/13/max_pool2d/0" [dtype=float, shape="(1, 128, 16, 16)", out_port_id=0, in_port_id=0]; +"features/13/max_pool2d/0" -> "features/14/conv2d/0" [dtype=float, shape="(1, 128, 8, 8)", out_port_id=0, in_port_id=0]; +"features.14.weight" -> "features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=0]; +"features.14.bias" -> "features/14/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/14/conv2d/0__1.0._scale_param_storage" -> "features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/14/pre_hook__features-14-conv2d-0__1[0]/symmetric_quantize/0" -> "features/14/conv2d/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=1]; +"features/14/conv2d/0" -> "features/15/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features.15.weight" -> "features/15/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"features.15.bias" -> "features/15/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features.15.running_mean" -> "features/15/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"features.15.running_var" -> "features/15/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"features/15/batch_norm/0" -> "features/16/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features/16/relu_/0" -> "features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/16/relu_/0__0.0._scale_param_storage" -> "features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/16/post_hook__features-16-relu_-0__0[0]/symmetric_quantize/0" -> "features/17/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features.17.weight" -> "features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"features.17.bias" -> "features/17/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/17/conv2d/0__1.0._scale_param_storage" -> "features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/17/pre_hook__features-17-conv2d-0__1[0]/symmetric_quantize/0" -> "features/17/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"features/17/conv2d/0" -> "features/18/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features.18.weight" -> "features/18/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"features.18.bias" -> "features/18/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features.18.running_mean" -> "features/18/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"features.18.running_var" -> "features/18/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"features/18/batch_norm/0" -> "features/19/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features/19/relu_/0" -> "features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/19/relu_/0__0.0._scale_param_storage" -> "features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/19/post_hook__features-19-relu_-0__0[0]/symmetric_quantize/0" -> "features/20/conv2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features.20.weight" -> "features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"features.20.bias" -> "features/20/conv2d/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/20/conv2d/0__1.0._scale_param_storage" -> "features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/20/pre_hook__features-20-conv2d-0__1[0]/symmetric_quantize/0" -> "features/20/conv2d/0" [dtype=float, shape="(256, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"features/20/conv2d/0" -> "features/21/batch_norm/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features.21.weight" -> "features/21/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=1]; +"features.21.bias" -> "features/21/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"features.21.running_mean" -> "features/21/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; +"features.21.running_var" -> "features/21/batch_norm/0" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; +"features/21/batch_norm/0" -> "features/22/relu_/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features/22/relu_/0" -> "features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/22/relu_/0__0.0._scale_param_storage" -> "features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/22/post_hook__features-22-relu_-0__0[0]/symmetric_quantize/0" -> "features/23/max_pool2d/0" [dtype=float, shape="(1, 256, 8, 8)", out_port_id=0, in_port_id=0]; +"features/23/max_pool2d/0" -> "features/24/conv2d/0" [dtype=float, shape="(1, 256, 4, 4)", out_port_id=0, in_port_id=0]; +"features.24.weight" -> "features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=0]; +"features.24.bias" -> "features/24/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/24/conv2d/0__1.0._scale_param_storage" -> "features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/24/pre_hook__features-24-conv2d-0__1[0]/symmetric_quantize/0" -> "features/24/conv2d/0" [dtype=float, shape="(512, 256, 3, 3)", out_port_id=0, in_port_id=1]; +"features/24/conv2d/0" -> "features/25/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features.25.weight" -> "features/25/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"features.25.bias" -> "features/25/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.25.running_mean" -> "features/25/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features.25.running_var" -> "features/25/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"features/25/batch_norm/0" -> "features/26/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features/26/relu_/0" -> "features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/26/relu_/0__0.0._scale_param_storage" -> "features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/26/post_hook__features-26-relu_-0__0[0]/symmetric_quantize/0" -> "features/27/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features.27.weight" -> "features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"features.27.bias" -> "features/27/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/27/conv2d/0__1.0._scale_param_storage" -> "features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/27/pre_hook__features-27-conv2d-0__1[0]/symmetric_quantize/0" -> "features/27/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"features/27/conv2d/0" -> "features/28/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features.28.weight" -> "features/28/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"features.28.bias" -> "features/28/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.28.running_mean" -> "features/28/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features.28.running_var" -> "features/28/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"features/28/batch_norm/0" -> "features/29/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features/29/relu_/0" -> "features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/29/relu_/0__0.0._scale_param_storage" -> "features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/29/post_hook__features-29-relu_-0__0[0]/symmetric_quantize/0" -> "features/30/conv2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features.30.weight" -> "features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"features.30.bias" -> "features/30/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/30/conv2d/0__1.0._scale_param_storage" -> "features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/30/pre_hook__features-30-conv2d-0__1[0]/symmetric_quantize/0" -> "features/30/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"features/30/conv2d/0" -> "features/31/batch_norm/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features.31.weight" -> "features/31/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"features.31.bias" -> "features/31/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.31.running_mean" -> "features/31/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features.31.running_var" -> "features/31/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"features/31/batch_norm/0" -> "features/32/relu_/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features/32/relu_/0" -> "features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/32/relu_/0__0.0._scale_param_storage" -> "features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/32/post_hook__features-32-relu_-0__0[0]/symmetric_quantize/0" -> "features/33/max_pool2d/0" [dtype=float, shape="(1, 512, 4, 4)", out_port_id=0, in_port_id=0]; +"features/33/max_pool2d/0" -> "features/34/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features.34.weight" -> "features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"features.34.bias" -> "features/34/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/34/conv2d/0__1.0._scale_param_storage" -> "features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/34/pre_hook__features-34-conv2d-0__1[0]/symmetric_quantize/0" -> "features/34/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"features/34/conv2d/0" -> "features/35/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features.35.weight" -> "features/35/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"features.35.bias" -> "features/35/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.35.running_mean" -> "features/35/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features.35.running_var" -> "features/35/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"features/35/batch_norm/0" -> "features/36/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/36/relu_/0" -> "features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/36/relu_/0__0.0._scale_param_storage" -> "features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/36/post_hook__features-36-relu_-0__0[0]/symmetric_quantize/0" -> "features/37/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features.37.weight" -> "features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"features.37.bias" -> "features/37/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/37/conv2d/0__1.0._scale_param_storage" -> "features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/37/pre_hook__features-37-conv2d-0__1[0]/symmetric_quantize/0" -> "features/37/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"features/37/conv2d/0" -> "features/38/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features.38.weight" -> "features/38/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"features.38.bias" -> "features/38/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.38.running_mean" -> "features/38/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features.38.running_var" -> "features/38/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"features/38/batch_norm/0" -> "features/39/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/39/relu_/0" -> "features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/39/relu_/0__0.0._scale_param_storage" -> "features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/39/post_hook__features-39-relu_-0__0[0]/symmetric_quantize/0" -> "features/40/conv2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features.40.weight" -> "features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=0]; +"features.40.bias" -> "features/40/conv2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.features/40/conv2d/0__1.0._scale_param_storage" -> "features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1, 1, 1)", out_port_id=0, in_port_id=4]; +"features/40/pre_hook__features-40-conv2d-0__1[0]/symmetric_quantize/0" -> "features/40/conv2d/0" [dtype=float, shape="(512, 512, 3, 3)", out_port_id=0, in_port_id=1]; +"features/40/conv2d/0" -> "features/41/batch_norm/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features.41.weight" -> "features/41/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=1]; +"features.41.bias" -> "features/41/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; +"features.41.running_mean" -> "features/41/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; +"features.41.running_var" -> "features/41/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; +"features/41/batch_norm/0" -> "features/42/relu_/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/42/relu_/0" -> "features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/42/relu_/0__0.0._scale_param_storage" -> "features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/42/post_hook__features-42-relu_-0__0[0]/symmetric_quantize/0" -> "features/43/max_pool2d/0" [dtype=float, shape="(1, 512, 2, 2)", out_port_id=0, in_port_id=0]; +"features/43/max_pool2d/0" -> "features/44/avg_pool2d/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"features/44/avg_pool2d/0" -> "features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.features/44/avg_pool2d/0__0.0._scale_param_storage" -> "features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"features/44/post_hook__features-44-avg_pool2d-0__0[0]/symmetric_quantize/0" -> "/view/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=0]; +"/view/0" -> "classifier/linear/0" [dtype=float, shape="(1, 512)", out_port_id=0, in_port_id=0]; +"classifier.weight" -> "classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 512)", out_port_id=0, in_port_id=0]; +"classifier.bias" -> "classifier/linear/0" [dtype=float, shape="(10,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.classifier/linear/0__1.0._scale_param_storage" -> "classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(10, 1)", out_port_id=0, in_port_id=4]; +"classifier/pre_hook__classifier-linear-0__1[0]/symmetric_quantize/0" -> "classifier/linear/0" [dtype=float, shape="(10, 512)", out_port_id=0, in_port_id=1]; +"classifier/linear/0" -> output [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; } diff --git a/tests/torch2/function_hook/nncf_graph/test_nncf_graph.py b/tests/torch2/function_hook/nncf_graph/test_nncf_graph.py index c5a5032ca14..a8b7cbf5917 100644 --- a/tests/torch2/function_hook/nncf_graph/test_nncf_graph.py +++ b/tests/torch2/function_hook/nncf_graph/test_nncf_graph.py @@ -144,7 +144,7 @@ def test_model_graph(desc: ModelDesc, regen_ref_data: bool): graph = to_comparable_nx_graph(nncf_graph) nx_nncf_graph = nx.nx_pydot.to_pydot(graph) ref_file = REF_DIR / f"model_graph_{desc}.dot" - compare_with_reference_file(str(nx_nncf_graph), ref_file, False) + compare_with_reference_file(str(nx_nncf_graph), ref_file, regen_ref_data) def test_model_graph_with_shared_parameters(regen_ref_data): From ab71b812b13678af3c1743b39727c3f945f27310 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 7 Mar 2025 14:20:49 +0400 Subject: [PATCH 22/29] update graph builder for dynamic shapes --- nncf/experimental/torch/fx/nncf_graph_builder.py | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index c16af4806e8..a7ec10969ee 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -194,11 +194,10 @@ def get_edge_params( tensor = source_node.meta["val"] if isinstance(tensor, torch.Tensor): tensor_shape = tuple(-1 if isinstance(i, torch.SymInt) else i for i in tensor.shape) + tensor_dtype = Dtype.INTEGER if tensor.dtype == torch.int else tensor_dtype elif isinstance(tensor, torch.SymInt): tensor_shape = (-1,) - tensor_dtype = Dtype.INTEGER if tensor.dtype == torch.int else tensor_dtype - if tensor_shape is None: # TODO(dlyakhov): Refactor algorithms to always have knowns edges shapes. nncf_logger.debug(f"Edge shape between {source_node.name} and {dist_node.name} is unknown.") From 97dc74a9ee0d0282cc6e856977e558284ba095b1 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 7 Mar 2025 14:27:27 +0400 Subject: [PATCH 23/29] update reference graphs --- .../synthetic_transformer.dot | 102 ++++++++-------- .../quantized/synthetic_transformer.dot | 112 ++++++++++-------- 2 files changed, 116 insertions(+), 98 deletions(-) diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/synthetic_transformer.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/synthetic_transformer.dot index 203957cc259..503a86a4f5e 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/synthetic_transformer.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/synthetic_transformer.dot @@ -1,49 +1,57 @@ strict digraph { -"0 wte_weight" [id=0, type=get_attr]; -"1 linear_bias" [id=1, type=get_attr]; -"2 lm_head_bias" [id=2, type=get_attr]; -"3 input_ids" [id=3, type=input]; -"4 embedding" [id=4, type=embedding]; -"5 embedding_0_0_nncf_smooth_quant_0" [id=5, type=call_module]; -"6 quantize_per_tensor_default" [id=6, type=quantize_per_tensor]; -"7 dequantize_per_tensor_default" [id=7, type=dequantize_per_tensor]; -"8 scale_updated_constant0" [id=8, type=get_attr]; -"9 compressed_weight_updated_constant0" [id=9, type=get_attr]; -"10 mul_tensor" [id=10, type=mul]; -"11 zero_point_updated_constant0" [id=11, type=get_attr]; -"12 sub_tensor" [id=12, type=sub]; -"13 linear" [id=13, type=linear]; -"14 linear_0_0_nncf_smooth_quant_0" [id=14, type=call_module]; -"15 quantize_per_tensor_default_1" [id=15, type=quantize_per_tensor]; -"16 dequantize_per_tensor_default_1" [id=16, type=dequantize_per_tensor]; -"17 scale_updated_constant1" [id=17, type=get_attr]; -"18 compressed_weight_updated_constant1" [id=18, type=get_attr]; -"19 mul_tensor_1" [id=19, type=mul]; -"20 zero_point_updated_constant1" [id=20, type=get_attr]; -"21 sub_tensor_1" [id=21, type=sub]; -"22 linear_1" [id=22, type=linear]; -"23 output" [id=23, type=output]; -"0 wte_weight" -> "4 embedding" [label="(10, 5)", style=solid]; -"1 linear_bias" -> "13 linear" [label="(5,)", style=solid]; -"2 lm_head_bias" -> "22 linear_1" [label="(10,)", style=solid]; -"3 input_ids" -> "4 embedding" [label="(-1,)", style=solid]; -"4 embedding" -> "5 embedding_0_0_nncf_smooth_quant_0" [label="(-1, 5)", style=solid]; -"5 embedding_0_0_nncf_smooth_quant_0" -> "6 quantize_per_tensor_default" [label="(-1, 5)", style=solid]; -"6 quantize_per_tensor_default" -> "7 dequantize_per_tensor_default" [label="(-1, 5)", style=solid]; -"7 dequantize_per_tensor_default" -> "13 linear" [label="(-1, 5)", style=solid]; -"8 scale_updated_constant0" -> "10 mul_tensor" [label="(5, 1)", style=solid]; -"9 compressed_weight_updated_constant0" -> "10 mul_tensor" [label="(5, 5)", style=solid]; -"10 mul_tensor" -> "12 sub_tensor" [label="(5, 5)", style=solid]; -"11 zero_point_updated_constant0" -> "12 sub_tensor" [label="(5, 1)", style=solid]; -"12 sub_tensor" -> "13 linear" [label="(5, 5)", style=solid]; -"13 linear" -> "14 linear_0_0_nncf_smooth_quant_0" [label="(-1, 5)", style=solid]; -"14 linear_0_0_nncf_smooth_quant_0" -> "15 quantize_per_tensor_default_1" [label="(-1, 5)", style=solid]; -"15 quantize_per_tensor_default_1" -> "16 dequantize_per_tensor_default_1" [label="(-1, 5)", style=solid]; -"16 dequantize_per_tensor_default_1" -> "22 linear_1" [label="(-1, 5)", style=solid]; -"17 scale_updated_constant1" -> "19 mul_tensor_1" [label="(10, 1)", style=solid]; -"18 compressed_weight_updated_constant1" -> "19 mul_tensor_1" [label="(10, 5)", style=solid]; -"19 mul_tensor_1" -> "21 sub_tensor_1" [label="(10, 5)", style=solid]; -"20 zero_point_updated_constant1" -> "21 sub_tensor_1" [label="(10, 1)", style=solid]; -"21 sub_tensor_1" -> "22 linear_1" [label="(10, 5)", style=solid]; -"22 linear_1" -> "23 output" [label="(-1, 10)", style=solid]; +"0 linear_bias" [id=0, type=get_attr]; +"1 lm_head_bias" [id=1, type=get_attr]; +"2 input_ids" [id=2, type=input]; +"3 scale_updated_constant0" [id=3, type=get_attr]; +"4 compressed_weight_updated_constant0" [id=4, type=get_attr]; +"5 mul_tensor" [id=5, type=mul]; +"6 zero_point_updated_constant0" [id=6, type=get_attr]; +"7 sub_tensor" [id=7, type=sub]; +"8 embedding" [id=8, type=embedding]; +"9 embedding_0_0_nncf_smooth_quant_0" [id=9, type=call_module]; +"10 quantize_per_tensor_default" [id=10, type=quantize_per_tensor]; +"11 dequantize_per_tensor_default" [id=11, type=dequantize_per_tensor]; +"12 scale_updated_constant1" [id=12, type=get_attr]; +"13 compressed_weight_updated_constant1" [id=13, type=get_attr]; +"14 mul_tensor_1" [id=14, type=mul]; +"15 zero_point_updated_constant1" [id=15, type=get_attr]; +"16 sub_tensor_1" [id=16, type=sub]; +"17 linear" [id=17, type=linear]; +"18 linear_0_0_nncf_smooth_quant_0" [id=18, type=call_module]; +"19 quantize_per_tensor_default_1" [id=19, type=quantize_per_tensor]; +"20 dequantize_per_tensor_default_1" [id=20, type=dequantize_per_tensor]; +"21 scale_updated_constant2" [id=21, type=get_attr]; +"22 compressed_weight_updated_constant2" [id=22, type=get_attr]; +"23 mul_tensor_2" [id=23, type=mul]; +"24 zero_point_updated_constant2" [id=24, type=get_attr]; +"25 sub_tensor_2" [id=25, type=sub]; +"26 linear_1" [id=26, type=linear]; +"27 output" [id=27, type=output]; +"0 linear_bias" -> "17 linear" [label="(5,)", style=solid]; +"1 lm_head_bias" -> "26 linear_1" [label="(10,)", style=solid]; +"2 input_ids" -> "8 embedding" [label="(-1,)", style=solid]; +"3 scale_updated_constant0" -> "5 mul_tensor" [label="(10, 1)", style=solid]; +"4 compressed_weight_updated_constant0" -> "5 mul_tensor" [label="(10, 5)", style=solid]; +"5 mul_tensor" -> "7 sub_tensor" [label="(10, 5)", style=solid]; +"6 zero_point_updated_constant0" -> "7 sub_tensor" [label="(10, 1)", style=solid]; +"7 sub_tensor" -> "8 embedding" [label="(10, 5)", style=solid]; +"8 embedding" -> "9 embedding_0_0_nncf_smooth_quant_0" [label="(-1, 5)", style=solid]; +"9 embedding_0_0_nncf_smooth_quant_0" -> "10 quantize_per_tensor_default" [label="(-1, 5)", style=solid]; +"10 quantize_per_tensor_default" -> "11 dequantize_per_tensor_default" [label="(-1, 5)", style=solid]; +"11 dequantize_per_tensor_default" -> "17 linear" [label="(-1, 5)", style=solid]; +"12 scale_updated_constant1" -> "14 mul_tensor_1" [label="(5, 1)", style=solid]; +"13 compressed_weight_updated_constant1" -> "14 mul_tensor_1" [label="(5, 5)", style=solid]; +"14 mul_tensor_1" -> "16 sub_tensor_1" [label="(5, 5)", style=solid]; +"15 zero_point_updated_constant1" -> "16 sub_tensor_1" [label="(5, 1)", style=solid]; +"16 sub_tensor_1" -> "17 linear" [label="(5, 5)", style=solid]; +"17 linear" -> "18 linear_0_0_nncf_smooth_quant_0" [label="(-1, 5)", style=solid]; +"18 linear_0_0_nncf_smooth_quant_0" -> "19 quantize_per_tensor_default_1" [label="(-1, 5)", style=solid]; +"19 quantize_per_tensor_default_1" -> "20 dequantize_per_tensor_default_1" [label="(-1, 5)", style=solid]; +"20 dequantize_per_tensor_default_1" -> "26 linear_1" [label="(-1, 5)", style=solid]; +"21 scale_updated_constant2" -> "23 mul_tensor_2" [label="(10, 1)", style=solid]; +"22 compressed_weight_updated_constant2" -> "23 mul_tensor_2" [label="(10, 5)", style=solid]; +"23 mul_tensor_2" -> "25 sub_tensor_2" [label="(10, 5)", style=solid]; +"24 zero_point_updated_constant2" -> "25 sub_tensor_2" [label="(10, 1)", style=solid]; +"25 sub_tensor_2" -> "26 linear_1" [label="(10, 5)", style=solid]; +"26 linear_1" -> "27 output" [label="(-1, 10)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/synthetic_transformer.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/synthetic_transformer.dot index 75f7f5b7a08..3eb47535540 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/synthetic_transformer.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/synthetic_transformer.dot @@ -1,53 +1,63 @@ strict digraph { -"0 wte_weight" [id=0, type=get_attr]; -"1 linear_bias" [id=1, type=get_attr]; -"2 lm_head_bias" [id=2, type=get_attr]; -"3 input_ids" [id=3, type=input]; -"4 embedding" [id=4, type=embedding]; -"5 embedding_0_0_nncf_smooth_quant_0" [id=5, type=call_module]; -"6 quantize_per_tensor_default" [id=6, type=quantize_per_tensor]; -"7 dequantize_per_tensor_default" [id=7, type=dequantize_per_tensor]; -"8 linear_scale_0" [id=8, type=get_attr]; -"9 linear_zero_point_0" [id=9, type=get_attr]; -"10 compressed_weight_updated_constant0" [id=10, type=get_attr]; -"11 quantize_per_channel_default" [id=11, type=quantize_per_channel]; -"12 dequantize_per_channel_default" [id=12, type=dequantize_per_channel]; -"13 linear" [id=13, type=linear]; -"14 linear_0_0_nncf_smooth_quant_0" [id=14, type=call_module]; -"15 quantize_per_tensor_default_1" [id=15, type=quantize_per_tensor]; -"16 dequantize_per_tensor_default_1" [id=16, type=dequantize_per_tensor]; -"17 linear_1_scale_0" [id=17, type=get_attr]; -"18 linear_1_zero_point_0" [id=18, type=get_attr]; -"19 compressed_weight_updated_constant1" [id=19, type=get_attr]; -"20 quantize_per_channel_default_1" [id=20, type=quantize_per_channel]; -"21 dequantize_per_channel_default_1" [id=21, type=dequantize_per_channel]; -"22 linear_1" [id=22, type=linear]; -"23 output" [id=23, type=output]; -"0 wte_weight" -> "4 embedding" [label="(10, 5)", style=solid]; -"1 linear_bias" -> "13 linear" [label="(5,)", style=solid]; -"2 lm_head_bias" -> "22 linear_1" [label="(10,)", style=solid]; -"3 input_ids" -> "4 embedding" [label="(-1,)", style=solid]; -"4 embedding" -> "5 embedding_0_0_nncf_smooth_quant_0" [label="(-1, 5)", style=solid]; -"5 embedding_0_0_nncf_smooth_quant_0" -> "6 quantize_per_tensor_default" [label="(-1, 5)", style=solid]; -"6 quantize_per_tensor_default" -> "7 dequantize_per_tensor_default" [label="(-1, 5)", style=solid]; -"7 dequantize_per_tensor_default" -> "13 linear" [label="(-1, 5)", style=solid]; -"8 linear_scale_0" -> "11 quantize_per_channel_default" [label="(5,)", style=solid]; -"8 linear_scale_0" -> "12 dequantize_per_channel_default" [label="(5,)", style=solid]; -"9 linear_zero_point_0" -> "11 quantize_per_channel_default" [label="(5,)", style=solid]; -"9 linear_zero_point_0" -> "12 dequantize_per_channel_default" [label="(5,)", style=solid]; -"10 compressed_weight_updated_constant0" -> "11 quantize_per_channel_default" [label="(5, 5)", style=solid]; -"11 quantize_per_channel_default" -> "12 dequantize_per_channel_default" [label="(5, 5)", style=solid]; -"12 dequantize_per_channel_default" -> "13 linear" [label="(5, 5)", style=solid]; -"13 linear" -> "14 linear_0_0_nncf_smooth_quant_0" [label="(-1, 5)", style=solid]; -"14 linear_0_0_nncf_smooth_quant_0" -> "15 quantize_per_tensor_default_1" [label="(-1, 5)", style=solid]; -"15 quantize_per_tensor_default_1" -> "16 dequantize_per_tensor_default_1" [label="(-1, 5)", style=solid]; -"16 dequantize_per_tensor_default_1" -> "22 linear_1" [label="(-1, 5)", style=solid]; -"17 linear_1_scale_0" -> "20 quantize_per_channel_default_1" [label="(10,)", style=solid]; -"17 linear_1_scale_0" -> "21 dequantize_per_channel_default_1" [label="(10,)", style=solid]; -"18 linear_1_zero_point_0" -> "20 quantize_per_channel_default_1" [label="(10,)", style=solid]; -"18 linear_1_zero_point_0" -> "21 dequantize_per_channel_default_1" [label="(10,)", style=solid]; -"19 compressed_weight_updated_constant1" -> "20 quantize_per_channel_default_1" [label="(10, 5)", style=solid]; -"20 quantize_per_channel_default_1" -> "21 dequantize_per_channel_default_1" [label="(10, 5)", style=solid]; -"21 dequantize_per_channel_default_1" -> "22 linear_1" [label="(10, 5)", style=solid]; -"22 linear_1" -> "23 output" [label="(-1, 10)", style=solid]; +"0 linear_bias" [id=0, type=get_attr]; +"1 lm_head_bias" [id=1, type=get_attr]; +"2 input_ids" [id=2, type=input]; +"3 embedding_scale_0" [id=3, type=get_attr]; +"4 embedding_zero_point_0" [id=4, type=get_attr]; +"5 compressed_weight_updated_constant0" [id=5, type=get_attr]; +"6 quantize_per_channel_default" [id=6, type=quantize_per_channel]; +"7 dequantize_per_channel_default" [id=7, type=dequantize_per_channel]; +"8 embedding" [id=8, type=embedding]; +"9 embedding_0_0_nncf_smooth_quant_0" [id=9, type=call_module]; +"10 quantize_per_tensor_default" [id=10, type=quantize_per_tensor]; +"11 dequantize_per_tensor_default" [id=11, type=dequantize_per_tensor]; +"12 linear_scale_0" [id=12, type=get_attr]; +"13 linear_zero_point_0" [id=13, type=get_attr]; +"14 compressed_weight_updated_constant1" [id=14, type=get_attr]; +"15 quantize_per_channel_default_1" [id=15, type=quantize_per_channel]; +"16 dequantize_per_channel_default_1" [id=16, type=dequantize_per_channel]; +"17 linear" [id=17, type=linear]; +"18 linear_0_0_nncf_smooth_quant_0" [id=18, type=call_module]; +"19 quantize_per_tensor_default_1" [id=19, type=quantize_per_tensor]; +"20 dequantize_per_tensor_default_1" [id=20, type=dequantize_per_tensor]; +"21 linear_1_scale_0" [id=21, type=get_attr]; +"22 linear_1_zero_point_0" [id=22, type=get_attr]; +"23 compressed_weight_updated_constant2" [id=23, type=get_attr]; +"24 quantize_per_channel_default_2" [id=24, type=quantize_per_channel]; +"25 dequantize_per_channel_default_2" [id=25, type=dequantize_per_channel]; +"26 linear_1" [id=26, type=linear]; +"27 output" [id=27, type=output]; +"0 linear_bias" -> "17 linear"; +"1 lm_head_bias" -> "26 linear_1"; +"2 input_ids" -> "8 embedding"; +"3 embedding_scale_0" -> "6 quantize_per_channel_default"; +"3 embedding_scale_0" -> "7 dequantize_per_channel_default"; +"4 embedding_zero_point_0" -> "6 quantize_per_channel_default"; +"4 embedding_zero_point_0" -> "7 dequantize_per_channel_default"; +"5 compressed_weight_updated_constant0" -> "6 quantize_per_channel_default"; +"6 quantize_per_channel_default" -> "7 dequantize_per_channel_default"; +"7 dequantize_per_channel_default" -> "8 embedding"; +"8 embedding" -> "9 embedding_0_0_nncf_smooth_quant_0"; +"9 embedding_0_0_nncf_smooth_quant_0" -> "10 quantize_per_tensor_default"; +"10 quantize_per_tensor_default" -> "11 dequantize_per_tensor_default"; +"11 dequantize_per_tensor_default" -> "17 linear"; +"12 linear_scale_0" -> "15 quantize_per_channel_default_1"; +"12 linear_scale_0" -> "16 dequantize_per_channel_default_1"; +"13 linear_zero_point_0" -> "15 quantize_per_channel_default_1"; +"13 linear_zero_point_0" -> "16 dequantize_per_channel_default_1"; +"14 compressed_weight_updated_constant1" -> "15 quantize_per_channel_default_1"; +"15 quantize_per_channel_default_1" -> "16 dequantize_per_channel_default_1"; +"16 dequantize_per_channel_default_1" -> "17 linear"; +"17 linear" -> "18 linear_0_0_nncf_smooth_quant_0"; +"18 linear_0_0_nncf_smooth_quant_0" -> "19 quantize_per_tensor_default_1"; +"19 quantize_per_tensor_default_1" -> "20 dequantize_per_tensor_default_1"; +"20 dequantize_per_tensor_default_1" -> "26 linear_1"; +"21 linear_1_scale_0" -> "24 quantize_per_channel_default_2"; +"21 linear_1_scale_0" -> "25 dequantize_per_channel_default_2"; +"22 linear_1_zero_point_0" -> "24 quantize_per_channel_default_2"; +"22 linear_1_zero_point_0" -> "25 dequantize_per_channel_default_2"; +"23 compressed_weight_updated_constant2" -> "24 quantize_per_channel_default_2"; +"24 quantize_per_channel_default_2" -> "25 dequantize_per_channel_default_2"; +"25 dequantize_per_channel_default_2" -> "26 linear_1"; +"26 linear_1" -> "27 output"; } From 8fb74e8c28f2f37e5f529d19558df900c9da3391 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 10 Mar 2025 23:45:20 +0400 Subject: [PATCH 24/29] Remove Extra Registry; review fixes --- nncf/common/graph/operator_metatypes.py | 1 - .../torch/fx/nncf_graph_builder.py | 9 +------ .../torch2/function_hook/graph/graph_utils.py | 10 +++----- .../nncf_graph/nncf_graph_builder.py | 8 +------ nncf/torch/graph/operator_metatypes.py | 24 ++++++------------- 5 files changed, 12 insertions(+), 40 deletions(-) diff --git a/nncf/common/graph/operator_metatypes.py b/nncf/common/graph/operator_metatypes.py index 468d4bb8052..bedbb9cadc2 100644 --- a/nncf/common/graph/operator_metatypes.py +++ b/nncf/common/graph/operator_metatypes.py @@ -78,7 +78,6 @@ def __init__(self, name: str): """ super().__init__(name) self._op_name_to_op_meta_dict: Dict[str, Type[OperatorMetatype]] = {} - self._func_name_to_op_meta_dict: Dict[str, Type[OperatorMetatype]] = {} def register(self, name: Optional[str] = None, is_subtype: bool = False) -> Callable[..., Type[OperatorMetatype]]: """ diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index a7ec10969ee..910947c5059 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -24,7 +24,6 @@ from nncf.experimental.torch.fx.node_utils import get_tensor_constant_from_node from nncf.torch.dynamic_graph.layer_attributes_handlers import apply_args_defaults from nncf.torch.graph.graph import PTNNCFGraph -from nncf.torch.graph.operator_metatypes import FX_OPERATOR_METATYPES from nncf.torch.graph.operator_metatypes import PT_OPERATOR_METATYPES @@ -96,12 +95,6 @@ def get_node_type_and_metatype(node: torch.fx.Node, model: torch.fx.GraphModule) # TODO(dlyakhov): get correct nodes types from this nodes as well node_type = str(node.target) node_metatype = PT_OPERATOR_METATYPES.get_operator_metatype_by_op_name(node_type) - # For FX specific metatypes not registered in PT operator metatype - node_metatype = ( - FX_OPERATOR_METATYPES.get_operator_metatype_by_op_name(node_type) - if node_metatype == UnknownMetatype - else node_metatype - ) else: node_type = node.op node_metatype = UnknownMetatype @@ -162,7 +155,7 @@ def get_edge_params( source_nncf_node: NNCFNode, dist_node: torch.fx.Node, output_idx: int, - ) -> Tuple[int, int, Tuple[int, ...]]: + ) -> Tuple[int, int, Tuple[int, ...], Dtype]: """ Retrieves edge params from the given source_node and dist_node pair. diff --git a/nncf/experimental/torch2/function_hook/graph/graph_utils.py b/nncf/experimental/torch2/function_hook/graph/graph_utils.py index 9396b7f69fe..0c43df2f945 100644 --- a/nncf/experimental/torch2/function_hook/graph/graph_utils.py +++ b/nncf/experimental/torch2/function_hook/graph/graph_utils.py @@ -80,15 +80,11 @@ class FunctionMeta: @property def func_name(self) -> str: - return self.func.__name__ - - @property - def func_namespace(self) -> str: if self.func.__qualname__.split(".")[0] == "TensorBase": - return f"torch.tensor.{str(self.func.__name__)}" + return f"torch.tensor.{self.func.__name__}" elif self.func.__qualname__ == self.func.__name__: - return f"torch.nn.functional.{str(self.func.__name__)}" - return f"{str(self.func.__module__)}.{str(self.func.__name__)}" + return f"torch.nn.functional.{self.func.__name__}" + return f"{self.func.__module__}.{self.func.__name__}" @dataclass diff --git a/nncf/experimental/torch2/function_hook/nncf_graph/nncf_graph_builder.py b/nncf/experimental/torch2/function_hook/nncf_graph/nncf_graph_builder.py index 32b2c1d1a71..1a8ae2ef6fe 100644 --- a/nncf/experimental/torch2/function_hook/nncf_graph/nncf_graph_builder.py +++ b/nncf/experimental/torch2/function_hook/nncf_graph/nncf_graph_builder.py @@ -23,7 +23,6 @@ from nncf.common.graph.layer_attributes import BaseLayerAttributes from nncf.common.graph.layer_attributes import ConstantLayerAttributes from nncf.common.graph.layer_attributes import Dtype -from nncf.common.graph.operator_metatypes import UnknownMetatype from nncf.experimental.torch2.function_hook.graph.build_graph_mode import build_graph from nncf.experimental.torch2.function_hook.graph.graph_utils import ConstMeta from nncf.experimental.torch2.function_hook.graph.graph_utils import EdgeMeta @@ -49,7 +48,7 @@ def get_node_type(type: NodeType, meta: Union[ConstMeta, FunctionMeta, InOutMeta if isinstance(meta, ConstMeta): return "nncf_model_const" if isinstance(meta, FunctionMeta): - return meta.func_namespace + return meta.func_name msg = "Unexpected metadata type" raise nncf.InternalError(msg) @@ -91,11 +90,6 @@ def get_meta_type(node_type: str, meta: Union[ConstMeta, FunctionMeta, InOutMeta :return: The PTOperatorMetatype object. """ metatype = om.PT_OPERATOR_METATYPES.get_operator_metatype_by_op_name(node_type) - metatype = ( - om.PT2_OPERATOR_METATYPES.get_operator_metatype_by_op_name(node_type) - if metatype == UnknownMetatype - else metatype - ) node_metatype = cast(type[om.PTOperatorMetatype], metatype) node_sub_meta_type: Optional[type[om.PTOperatorMetatype]] = None diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 1c9266041b9..bf0371fb7a6 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -28,8 +28,6 @@ ModuleAttributes = TypeVar("ModuleAttributes", bound=BaseLayerAttributes) PT_OPERATOR_METATYPES = OperatorMetatypeRegistry("operator_metatypes") -FX_OPERATOR_METATYPES = OperatorMetatypeRegistry("operator_metatypes") -PT2_OPERATOR_METATYPES = OperatorMetatypeRegistry("operator_metatypes") class PTOperatorMetatype(OperatorMetatype): @@ -528,9 +526,9 @@ class PTLayerNormMetatype(PTOperatorMetatype): weight_port_ids = [2] -@FX_OPERATOR_METATYPES.register() +@PT_OPERATOR_METATYPES.register() class PTAtenLayerNormMetatype(PTOperatorMetatype): - name = "LayerNormOp" + name = "aten.layer_norm" module_to_function_names = { NamespaceTarget.ATEN: ["layer_norm"], } @@ -772,12 +770,9 @@ class PTBatchNormMetatype(PTOperatorMetatype): bias_port_id = 4 -@PT2_OPERATOR_METATYPES.register() +@PT_OPERATOR_METATYPES.register() class PT2BatchNormMetatype(PTOperatorMetatype): - name = "BatchNormOp" - module_to_function_names = { - NamespaceTarget.TORCH: ["batch_norm"], - } + name = "torch.batch_norm" subtypes = [PTModuleBatchNormMetatype] weight_port_ids = [1] bias_port_id = 2 @@ -996,10 +991,9 @@ class PTEmbeddingMetatype(PTOperatorMetatype): weight_port_ids = [1] -@FX_OPERATOR_METATYPES.register() +@PT_OPERATOR_METATYPES.register() class PTAtenEmbeddingMetatype(PTOperatorMetatype): - name = "EmbeddingOp" - module_to_function_names = {NamespaceTarget.ATEN: ["embedding"]} + name = "aten.embedding" hw_config_names = [HWConfigOpName.EMBEDDING] weight_port_ids = [0] @@ -1206,11 +1200,7 @@ def get_operator_metatypes() -> List[Type[OperatorMetatype]]: :return: List of operator metatypes . """ - return ( - list(PT_OPERATOR_METATYPES.registry_dict.values()) - + list(FX_OPERATOR_METATYPES.registry_dict.values()) - + list(PT2_OPERATOR_METATYPES.registry_dict.values()) - ) + return list(PT_OPERATOR_METATYPES.registry_dict.values()) OPERATORS_WITH_WEIGHTS_METATYPES = [ From a90375c27cdd864e67bf0bbcdf0bc3e45acfa6ff Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 11 Mar 2025 10:30:41 +0400 Subject: [PATCH 25/29] update metatypes --- nncf/torch/graph/operator_metatypes.py | 14 +- .../mobilenet_v3_small.dot | 116 ++--- .../post_quantization_compressed/resnet18.dot | 42 +- .../swin_v2_s.dot | 202 ++++----- .../synthetic_transformer.dot | 8 +- .../post_quantization_compressed/unet.dot | 46 +- .../post_quantization_compressed/vit_b_16.dot | 100 ++--- .../yolo11n_sdpa_block.dot | 2 +- .../quantized/mobilenet_v3_small.dot | 188 ++++---- .../fx/dynamic_shapes/quantized/resnet18.dot | 84 ++-- .../fx/dynamic_shapes/quantized/swin_v2_s.dot | 404 +++++++++--------- .../quantized/synthetic_transformer.dot | 66 +-- .../fx/dynamic_shapes/quantized/unet.dot | 92 ++-- .../fx/dynamic_shapes/quantized/vit_b_16.dot | 200 ++++----- .../quantized/yolo11n_sdpa_block.dot | 4 +- .../mobilenet_v3_small.dot | 116 ++--- .../post_quantization_compressed/resnet18.dot | 42 +- .../swin_v2_s.dot | 202 ++++----- .../synthetic_transformer.dot | 8 +- .../fx/post_quantization_compressed/unet.dot | 46 +- .../post_quantization_compressed/vit_b_16.dot | 100 ++--- .../yolo11n_sdpa_block.dot | 2 +- .../fx/quantized/mobilenet_v3_small.dot | 188 ++++---- .../fx/quantized/resnet18.dot | 84 ++-- .../fx/quantized/swin_v2_s.dot | 404 +++++++++--------- .../fx/quantized/synthetic_transformer.dot | 14 +- .../reference_graphs/fx/quantized/unet.dot | 92 ++-- .../fx/quantized/vit_b_16.dot | 200 ++++----- .../fx/quantized/yolo11n_sdpa_block.dot | 4 +- .../fx/synthetic_transformer.dot | 2 +- 30 files changed, 1535 insertions(+), 1537 deletions(-) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index bf0371fb7a6..c6d821ed91a 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -74,11 +74,12 @@ def get_all_namespace_to_function_names(cls) -> Dict[NamespaceTarget, List[str]] @classmethod def get_all_aliases(cls) -> List[str]: output = set() - for namespace, function_names in cls.module_to_function_names.items(): + for namespace, function_names in cls.get_all_namespace_to_function_names().items(): output = output.union(function_names) output = output.union(f"{namespace.value}.{i}" for i in function_names) if cls.external_op_names is not None: output = output.union(cls.external_op_names) + output = output.union([cls.name]) return list(output) @classmethod @@ -528,10 +529,7 @@ class PTLayerNormMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTAtenLayerNormMetatype(PTOperatorMetatype): - name = "aten.layer_norm" - module_to_function_names = { - NamespaceTarget.ATEN: ["layer_norm"], - } + name = f"{NamespaceTarget.ATEN.value}.layer_norm" hw_config_names = [HWConfigOpName.MVN] subtypes = [PTModuleLayerNormMetatype] num_expected_input_edges = 1 @@ -709,7 +707,7 @@ class PTMatMulMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTAddmmMetatype(PTOperatorMetatype): - name = "MatMulOp" + name = "AddmmOp" module_to_function_names = {NamespaceTarget.TORCH: ["addmm", "baddbmm"]} hw_config_names = [HWConfigOpName.MATMUL] # 0-th arg to the baddbmm is basically a (b)ias to be (add)ed to the (bmm) operation, @@ -772,7 +770,7 @@ class PTBatchNormMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PT2BatchNormMetatype(PTOperatorMetatype): - name = "torch.batch_norm" + name = f"{NamespaceTarget.TORCH.value}.batch_norm" subtypes = [PTModuleBatchNormMetatype] weight_port_ids = [1] bias_port_id = 2 @@ -993,7 +991,7 @@ class PTEmbeddingMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTAtenEmbeddingMetatype(PTOperatorMetatype): - name = "aten.embedding" + name = f"{NamespaceTarget.ATEN.value}.embedding" hw_config_names = [HWConfigOpName.EMBEDDING] weight_port_ids = [0] diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/mobilenet_v3_small.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/mobilenet_v3_small.dot index d19e73e70d0..4585e74aefd 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/mobilenet_v3_small.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/mobilenet_v3_small.dot @@ -580,13 +580,13 @@ strict digraph { "42 scale_updated_constant0" -> "44 mul_tensor" [label="(16, 1, 1, 1)", style=solid]; "43 compressed_weight_updated_constant0" -> "44 mul_tensor" [label="(16, 3, 3, 3)", style=solid]; "44 mul_tensor" -> "46 sub_tensor" [label="(16, 3, 3, 3)", style=solid]; -"45 zero_point_updated_constant0" -> "46 sub_tensor" [label="(16, 1, 1, 1)", style=solid]; +"45 zero_point_updated_constant0" -> "46 sub_tensor" [label="(16, 1, 1, 1)", style=dashed]; "46 sub_tensor" -> "47 conv2d" [label="(16, 3, 3, 3)", style=solid]; "47 conv2d" -> "50 hardswish_" [label="(1, 16, -1, -1)", style=solid]; "48 hardswish__scale_0" -> "51 quantize_per_channel_default_1" [label="(16,)", style=solid]; "48 hardswish__scale_0" -> "52 dequantize_per_channel_default_1" [label="(16,)", style=solid]; -"49 hardswish__zero_point_0" -> "51 quantize_per_channel_default_1" [label="(16,)", style=solid]; -"49 hardswish__zero_point_0" -> "52 dequantize_per_channel_default_1" [label="(16,)", style=solid]; +"49 hardswish__zero_point_0" -> "51 quantize_per_channel_default_1" [label="(16,)", style=dashed]; +"49 hardswish__zero_point_0" -> "52 dequantize_per_channel_default_1" [label="(16,)", style=dashed]; "50 hardswish_" -> "51 quantize_per_channel_default_1" [label="(1, 16, -1, -1)", style=solid]; "51 quantize_per_channel_default_1" -> "52 dequantize_per_channel_default_1" [label="(1, 16, -1, -1)", style=solid]; "52 dequantize_per_channel_default_1" -> "59 conv2d_1" [label="(1, 16, -1, -1)", style=solid]; @@ -594,7 +594,7 @@ strict digraph { "54 scale_updated_constant1" -> "56 mul_tensor_1" [label="(16, 1, 1, 1)", style=solid]; "55 compressed_weight_updated_constant1" -> "56 mul_tensor_1" [label="(16, 1, 3, 3)", style=solid]; "56 mul_tensor_1" -> "58 sub_tensor_1" [label="(16, 1, 3, 3)", style=solid]; -"57 zero_point_updated_constant1" -> "58 sub_tensor_1" [label="(16, 1, 1, 1)", style=solid]; +"57 zero_point_updated_constant1" -> "58 sub_tensor_1" [label="(16, 1, 1, 1)", style=dashed]; "58 sub_tensor_1" -> "59 conv2d_1" [label="(16, 1, 3, 3)", style=solid]; "59 conv2d_1" -> "60 relu_" [label="(1, 16, -1, -1)", style=solid]; "60 relu_" -> "61 quantize_per_tensor_default_1" [label="(1, 16, -1, -1)", style=solid]; @@ -616,7 +616,7 @@ strict digraph { "75 scale_updated_constant2" -> "77 mul_tensor_2" [label="(16, 1, 1, 1)", style=solid]; "76 compressed_weight_updated_constant2" -> "77 mul_tensor_2" [label="(16, 16, 1, 1)", style=solid]; "77 mul_tensor_2" -> "79 sub_tensor_2" [label="(16, 16, 1, 1)", style=solid]; -"78 zero_point_updated_constant2" -> "79 sub_tensor_2" [label="(16, 1, 1, 1)", style=solid]; +"78 zero_point_updated_constant2" -> "79 sub_tensor_2" [label="(16, 1, 1, 1)", style=dashed]; "79 sub_tensor_2" -> "80 conv2d_4" [label="(16, 16, 1, 1)", style=solid]; "80 conv2d_4" -> "81 quantize_per_tensor_default_4" [label="(1, 16, -1, -1)", style=solid]; "81 quantize_per_tensor_default_4" -> "82 dequantize_per_tensor_default_5" [label="(1, 16, -1, -1)", style=solid]; @@ -625,13 +625,13 @@ strict digraph { "84 scale_updated_constant3" -> "86 mul_tensor_3" [label="(72, 1, 1, 1)", style=solid]; "85 compressed_weight_updated_constant3" -> "86 mul_tensor_3" [label="(72, 16, 1, 1)", style=solid]; "86 mul_tensor_3" -> "88 sub_tensor_3" [label="(72, 16, 1, 1)", style=solid]; -"87 zero_point_updated_constant3" -> "88 sub_tensor_3" [label="(72, 1, 1, 1)", style=solid]; +"87 zero_point_updated_constant3" -> "88 sub_tensor_3" [label="(72, 1, 1, 1)", style=dashed]; "88 sub_tensor_3" -> "89 conv2d_5" [label="(72, 16, 1, 1)", style=solid]; "89 conv2d_5" -> "92 relu__1" [label="(1, 72, -1, -1)", style=solid]; "90 relu__1_scale_0" -> "93 quantize_per_channel_default_5" [label="(72,)", style=solid]; "90 relu__1_scale_0" -> "94 dequantize_per_channel_default_5" [label="(72,)", style=solid]; -"91 relu__1_zero_point_0" -> "93 quantize_per_channel_default_5" [label="(72,)", style=solid]; -"91 relu__1_zero_point_0" -> "94 dequantize_per_channel_default_5" [label="(72,)", style=solid]; +"91 relu__1_zero_point_0" -> "93 quantize_per_channel_default_5" [label="(72,)", style=dashed]; +"91 relu__1_zero_point_0" -> "94 dequantize_per_channel_default_5" [label="(72,)", style=dashed]; "92 relu__1" -> "93 quantize_per_channel_default_5" [label="(1, 72, -1, -1)", style=solid]; "93 quantize_per_channel_default_5" -> "94 dequantize_per_channel_default_5" [label="(1, 72, -1, -1)", style=solid]; "94 dequantize_per_channel_default_5" -> "101 conv2d_6" [label="(1, 72, -1, -1)", style=solid]; @@ -639,7 +639,7 @@ strict digraph { "96 scale_updated_constant4" -> "98 mul_tensor_4" [label="(72, 1, 1, 1)", style=solid]; "97 compressed_weight_updated_constant4" -> "98 mul_tensor_4" [label="(72, 1, 3, 3)", style=solid]; "98 mul_tensor_4" -> "100 sub_tensor_4" [label="(72, 1, 3, 3)", style=solid]; -"99 zero_point_updated_constant4" -> "100 sub_tensor_4" [label="(72, 1, 1, 1)", style=solid]; +"99 zero_point_updated_constant4" -> "100 sub_tensor_4" [label="(72, 1, 1, 1)", style=dashed]; "100 sub_tensor_4" -> "101 conv2d_6" [label="(72, 1, 3, 3)", style=solid]; "101 conv2d_6" -> "102 relu__2" [label="(1, 72, -1, -1)", style=solid]; "102 relu__2" -> "103 quantize_per_tensor_default_5" [label="(1, 72, -1, -1)", style=solid]; @@ -649,7 +649,7 @@ strict digraph { "106 scale_updated_constant5" -> "108 mul_tensor_5" [label="(24, 1, 1, 1)", style=solid]; "107 compressed_weight_updated_constant5" -> "108 mul_tensor_5" [label="(24, 72, 1, 1)", style=solid]; "108 mul_tensor_5" -> "110 sub_tensor_5" [label="(24, 72, 1, 1)", style=solid]; -"109 zero_point_updated_constant5" -> "110 sub_tensor_5" [label="(24, 1, 1, 1)", style=solid]; +"109 zero_point_updated_constant5" -> "110 sub_tensor_5" [label="(24, 1, 1, 1)", style=dashed]; "110 sub_tensor_5" -> "111 conv2d_7" [label="(24, 72, 1, 1)", style=solid]; "111 conv2d_7" -> "112 quantize_per_tensor_default_6" [label="(1, 24, -1, -1)", style=solid]; "112 quantize_per_tensor_default_6" -> "113 dequantize_per_tensor_default_8" [label="(1, 24, -1, -1)", style=solid]; @@ -660,13 +660,13 @@ strict digraph { "116 scale_updated_constant6" -> "118 mul_tensor_6" [label="(88, 1, 1, 1)", style=solid]; "117 compressed_weight_updated_constant6" -> "118 mul_tensor_6" [label="(88, 24, 1, 1)", style=solid]; "118 mul_tensor_6" -> "120 sub_tensor_6" [label="(88, 24, 1, 1)", style=solid]; -"119 zero_point_updated_constant6" -> "120 sub_tensor_6" [label="(88, 1, 1, 1)", style=solid]; +"119 zero_point_updated_constant6" -> "120 sub_tensor_6" [label="(88, 1, 1, 1)", style=dashed]; "120 sub_tensor_6" -> "121 conv2d_8" [label="(88, 24, 1, 1)", style=solid]; "121 conv2d_8" -> "124 relu__3" [label="(1, 88, -1, -1)", style=solid]; "122 relu__3_scale_0" -> "125 quantize_per_channel_default_9" [label="(88,)", style=solid]; "122 relu__3_scale_0" -> "126 dequantize_per_channel_default_9" [label="(88,)", style=solid]; -"123 relu__3_zero_point_0" -> "125 quantize_per_channel_default_9" [label="(88,)", style=solid]; -"123 relu__3_zero_point_0" -> "126 dequantize_per_channel_default_9" [label="(88,)", style=solid]; +"123 relu__3_zero_point_0" -> "125 quantize_per_channel_default_9" [label="(88,)", style=dashed]; +"123 relu__3_zero_point_0" -> "126 dequantize_per_channel_default_9" [label="(88,)", style=dashed]; "124 relu__3" -> "125 quantize_per_channel_default_9" [label="(1, 88, -1, -1)", style=solid]; "125 quantize_per_channel_default_9" -> "126 dequantize_per_channel_default_9" [label="(1, 88, -1, -1)", style=solid]; "126 dequantize_per_channel_default_9" -> "133 conv2d_9" [label="(1, 88, -1, -1)", style=solid]; @@ -674,7 +674,7 @@ strict digraph { "128 scale_updated_constant7" -> "130 mul_tensor_7" [label="(88, 1, 1, 1)", style=solid]; "129 compressed_weight_updated_constant7" -> "130 mul_tensor_7" [label="(88, 1, 3, 3)", style=solid]; "130 mul_tensor_7" -> "132 sub_tensor_7" [label="(88, 1, 3, 3)", style=solid]; -"131 zero_point_updated_constant7" -> "132 sub_tensor_7" [label="(88, 1, 1, 1)", style=solid]; +"131 zero_point_updated_constant7" -> "132 sub_tensor_7" [label="(88, 1, 1, 1)", style=dashed]; "132 sub_tensor_7" -> "133 conv2d_9" [label="(88, 1, 3, 3)", style=solid]; "133 conv2d_9" -> "134 relu__4" [label="(1, 88, -1, -1)", style=solid]; "134 relu__4" -> "135 quantize_per_tensor_default_7" [label="(1, 88, -1, -1)", style=solid]; @@ -684,7 +684,7 @@ strict digraph { "138 scale_updated_constant8" -> "140 mul_tensor_8" [label="(24, 1, 1, 1)", style=solid]; "139 compressed_weight_updated_constant8" -> "140 mul_tensor_8" [label="(24, 88, 1, 1)", style=solid]; "140 mul_tensor_8" -> "142 sub_tensor_8" [label="(24, 88, 1, 1)", style=solid]; -"141 zero_point_updated_constant8" -> "142 sub_tensor_8" [label="(24, 1, 1, 1)", style=solid]; +"141 zero_point_updated_constant8" -> "142 sub_tensor_8" [label="(24, 1, 1, 1)", style=dashed]; "142 sub_tensor_8" -> "143 conv2d_10" [label="(24, 88, 1, 1)", style=solid]; "143 conv2d_10" -> "144 quantize_per_tensor_default_8" [label="(1, 24, -1, -1)", style=solid]; "144 quantize_per_tensor_default_8" -> "145 dequantize_per_tensor_default_10" [label="(1, 24, -1, -1)", style=solid]; @@ -696,13 +696,13 @@ strict digraph { "150 scale_updated_constant9" -> "152 mul_tensor_9" [label="(96, 1, 1, 1)", style=solid]; "151 compressed_weight_updated_constant9" -> "152 mul_tensor_9" [label="(96, 24, 1, 1)", style=solid]; "152 mul_tensor_9" -> "154 sub_tensor_9" [label="(96, 24, 1, 1)", style=solid]; -"153 zero_point_updated_constant9" -> "154 sub_tensor_9" [label="(96, 1, 1, 1)", style=solid]; +"153 zero_point_updated_constant9" -> "154 sub_tensor_9" [label="(96, 1, 1, 1)", style=dashed]; "154 sub_tensor_9" -> "155 conv2d_11" [label="(96, 24, 1, 1)", style=solid]; "155 conv2d_11" -> "158 hardswish__1" [label="(1, 96, -1, -1)", style=solid]; "156 hardswish__1_scale_0" -> "159 quantize_per_channel_default_13" [label="(96,)", style=solid]; "156 hardswish__1_scale_0" -> "160 dequantize_per_channel_default_13" [label="(96,)", style=solid]; -"157 hardswish__1_zero_point_0" -> "159 quantize_per_channel_default_13" [label="(96,)", style=solid]; -"157 hardswish__1_zero_point_0" -> "160 dequantize_per_channel_default_13" [label="(96,)", style=solid]; +"157 hardswish__1_zero_point_0" -> "159 quantize_per_channel_default_13" [label="(96,)", style=dashed]; +"157 hardswish__1_zero_point_0" -> "160 dequantize_per_channel_default_13" [label="(96,)", style=dashed]; "158 hardswish__1" -> "159 quantize_per_channel_default_13" [label="(1, 96, -1, -1)", style=solid]; "159 quantize_per_channel_default_13" -> "160 dequantize_per_channel_default_13" [label="(1, 96, -1, -1)", style=solid]; "160 dequantize_per_channel_default_13" -> "167 conv2d_12" [label="(1, 96, -1, -1)", style=solid]; @@ -710,7 +710,7 @@ strict digraph { "162 scale_updated_constant10" -> "164 mul_tensor_10" [label="(96, 1, 1, 1)", style=solid]; "163 compressed_weight_updated_constant10" -> "164 mul_tensor_10" [label="(96, 1, 5, 5)", style=solid]; "164 mul_tensor_10" -> "166 sub_tensor_10" [label="(96, 1, 5, 5)", style=solid]; -"165 zero_point_updated_constant10" -> "166 sub_tensor_10" [label="(96, 1, 1, 1)", style=solid]; +"165 zero_point_updated_constant10" -> "166 sub_tensor_10" [label="(96, 1, 1, 1)", style=dashed]; "166 sub_tensor_10" -> "167 conv2d_12" [label="(96, 1, 5, 5)", style=solid]; "167 conv2d_12" -> "168 hardswish__2" [label="(1, 96, -1, -1)", style=solid]; "168 hardswish__2" -> "169 quantize_per_tensor_default_10" [label="(1, 96, -1, -1)", style=solid]; @@ -732,7 +732,7 @@ strict digraph { "183 scale_updated_constant11" -> "185 mul_tensor_11" [label="(40, 1, 1, 1)", style=solid]; "184 compressed_weight_updated_constant11" -> "185 mul_tensor_11" [label="(40, 96, 1, 1)", style=solid]; "185 mul_tensor_11" -> "187 sub_tensor_11" [label="(40, 96, 1, 1)", style=solid]; -"186 zero_point_updated_constant11" -> "187 sub_tensor_11" [label="(40, 1, 1, 1)", style=solid]; +"186 zero_point_updated_constant11" -> "187 sub_tensor_11" [label="(40, 1, 1, 1)", style=dashed]; "187 sub_tensor_11" -> "188 conv2d_15" [label="(40, 96, 1, 1)", style=solid]; "188 conv2d_15" -> "189 quantize_per_tensor_default_13" [label="(1, 40, -1, -1)", style=solid]; "189 quantize_per_tensor_default_13" -> "190 dequantize_per_tensor_default_17" [label="(1, 40, -1, -1)", style=solid]; @@ -743,13 +743,13 @@ strict digraph { "193 scale_updated_constant12" -> "195 mul_tensor_12" [label="(240, 1, 1, 1)", style=solid]; "194 compressed_weight_updated_constant12" -> "195 mul_tensor_12" [label="(240, 40, 1, 1)", style=solid]; "195 mul_tensor_12" -> "197 sub_tensor_12" [label="(240, 40, 1, 1)", style=solid]; -"196 zero_point_updated_constant12" -> "197 sub_tensor_12" [label="(240, 1, 1, 1)", style=solid]; +"196 zero_point_updated_constant12" -> "197 sub_tensor_12" [label="(240, 1, 1, 1)", style=dashed]; "197 sub_tensor_12" -> "198 conv2d_16" [label="(240, 40, 1, 1)", style=solid]; "198 conv2d_16" -> "201 hardswish__3" [label="(1, 240, -1, -1)", style=solid]; "199 hardswish__3_scale_0" -> "202 quantize_per_channel_default_17" [label="(240,)", style=solid]; "199 hardswish__3_scale_0" -> "203 dequantize_per_channel_default_17" [label="(240,)", style=solid]; -"200 hardswish__3_zero_point_0" -> "202 quantize_per_channel_default_17" [label="(240,)", style=solid]; -"200 hardswish__3_zero_point_0" -> "203 dequantize_per_channel_default_17" [label="(240,)", style=solid]; +"200 hardswish__3_zero_point_0" -> "202 quantize_per_channel_default_17" [label="(240,)", style=dashed]; +"200 hardswish__3_zero_point_0" -> "203 dequantize_per_channel_default_17" [label="(240,)", style=dashed]; "201 hardswish__3" -> "202 quantize_per_channel_default_17" [label="(1, 240, -1, -1)", style=solid]; "202 quantize_per_channel_default_17" -> "203 dequantize_per_channel_default_17" [label="(1, 240, -1, -1)", style=solid]; "203 dequantize_per_channel_default_17" -> "210 conv2d_17" [label="(1, 240, -1, -1)", style=solid]; @@ -757,7 +757,7 @@ strict digraph { "205 scale_updated_constant13" -> "207 mul_tensor_13" [label="(240, 1, 1, 1)", style=solid]; "206 compressed_weight_updated_constant13" -> "207 mul_tensor_13" [label="(240, 1, 5, 5)", style=solid]; "207 mul_tensor_13" -> "209 sub_tensor_13" [label="(240, 1, 5, 5)", style=solid]; -"208 zero_point_updated_constant13" -> "209 sub_tensor_13" [label="(240, 1, 1, 1)", style=solid]; +"208 zero_point_updated_constant13" -> "209 sub_tensor_13" [label="(240, 1, 1, 1)", style=dashed]; "209 sub_tensor_13" -> "210 conv2d_17" [label="(240, 1, 5, 5)", style=solid]; "210 conv2d_17" -> "211 hardswish__4" [label="(1, 240, -1, -1)", style=solid]; "211 hardswish__4" -> "212 quantize_per_tensor_default_14" [label="(1, 240, -1, -1)", style=solid]; @@ -779,7 +779,7 @@ strict digraph { "226 scale_updated_constant14" -> "228 mul_tensor_14" [label="(40, 1, 1, 1)", style=solid]; "227 compressed_weight_updated_constant14" -> "228 mul_tensor_14" [label="(40, 240, 1, 1)", style=solid]; "228 mul_tensor_14" -> "230 sub_tensor_14" [label="(40, 240, 1, 1)", style=solid]; -"229 zero_point_updated_constant14" -> "230 sub_tensor_14" [label="(40, 1, 1, 1)", style=solid]; +"229 zero_point_updated_constant14" -> "230 sub_tensor_14" [label="(40, 1, 1, 1)", style=dashed]; "230 sub_tensor_14" -> "231 conv2d_20" [label="(40, 240, 1, 1)", style=solid]; "231 conv2d_20" -> "232 quantize_per_tensor_default_17" [label="(1, 40, -1, -1)", style=solid]; "232 quantize_per_tensor_default_17" -> "233 dequantize_per_tensor_default_22" [label="(1, 40, -1, -1)", style=solid]; @@ -793,13 +793,13 @@ strict digraph { "239 scale_updated_constant15" -> "241 mul_tensor_15" [label="(240, 1, 1, 1)", style=solid]; "240 compressed_weight_updated_constant15" -> "241 mul_tensor_15" [label="(240, 40, 1, 1)", style=solid]; "241 mul_tensor_15" -> "243 sub_tensor_15" [label="(240, 40, 1, 1)", style=solid]; -"242 zero_point_updated_constant15" -> "243 sub_tensor_15" [label="(240, 1, 1, 1)", style=solid]; +"242 zero_point_updated_constant15" -> "243 sub_tensor_15" [label="(240, 1, 1, 1)", style=dashed]; "243 sub_tensor_15" -> "244 conv2d_21" [label="(240, 40, 1, 1)", style=solid]; "244 conv2d_21" -> "247 hardswish__5" [label="(1, 240, -1, -1)", style=solid]; "245 hardswish__5_scale_0" -> "248 quantize_per_channel_default_21" [label="(240,)", style=solid]; "245 hardswish__5_scale_0" -> "249 dequantize_per_channel_default_21" [label="(240,)", style=solid]; -"246 hardswish__5_zero_point_0" -> "248 quantize_per_channel_default_21" [label="(240,)", style=solid]; -"246 hardswish__5_zero_point_0" -> "249 dequantize_per_channel_default_21" [label="(240,)", style=solid]; +"246 hardswish__5_zero_point_0" -> "248 quantize_per_channel_default_21" [label="(240,)", style=dashed]; +"246 hardswish__5_zero_point_0" -> "249 dequantize_per_channel_default_21" [label="(240,)", style=dashed]; "247 hardswish__5" -> "248 quantize_per_channel_default_21" [label="(1, 240, -1, -1)", style=solid]; "248 quantize_per_channel_default_21" -> "249 dequantize_per_channel_default_21" [label="(1, 240, -1, -1)", style=solid]; "249 dequantize_per_channel_default_21" -> "256 conv2d_22" [label="(1, 240, -1, -1)", style=solid]; @@ -807,7 +807,7 @@ strict digraph { "251 scale_updated_constant16" -> "253 mul_tensor_16" [label="(240, 1, 1, 1)", style=solid]; "252 compressed_weight_updated_constant16" -> "253 mul_tensor_16" [label="(240, 1, 5, 5)", style=solid]; "253 mul_tensor_16" -> "255 sub_tensor_16" [label="(240, 1, 5, 5)", style=solid]; -"254 zero_point_updated_constant16" -> "255 sub_tensor_16" [label="(240, 1, 1, 1)", style=solid]; +"254 zero_point_updated_constant16" -> "255 sub_tensor_16" [label="(240, 1, 1, 1)", style=dashed]; "255 sub_tensor_16" -> "256 conv2d_22" [label="(240, 1, 5, 5)", style=solid]; "256 conv2d_22" -> "257 hardswish__6" [label="(1, 240, -1, -1)", style=solid]; "257 hardswish__6" -> "258 quantize_per_tensor_default_19" [label="(1, 240, -1, -1)", style=solid]; @@ -829,7 +829,7 @@ strict digraph { "272 scale_updated_constant17" -> "274 mul_tensor_17" [label="(40, 1, 1, 1)", style=solid]; "273 compressed_weight_updated_constant17" -> "274 mul_tensor_17" [label="(40, 240, 1, 1)", style=solid]; "274 mul_tensor_17" -> "276 sub_tensor_17" [label="(40, 240, 1, 1)", style=solid]; -"275 zero_point_updated_constant17" -> "276 sub_tensor_17" [label="(40, 1, 1, 1)", style=solid]; +"275 zero_point_updated_constant17" -> "276 sub_tensor_17" [label="(40, 1, 1, 1)", style=dashed]; "276 sub_tensor_17" -> "277 conv2d_25" [label="(40, 240, 1, 1)", style=solid]; "277 conv2d_25" -> "278 quantize_per_tensor_default_22" [label="(1, 40, -1, -1)", style=solid]; "278 quantize_per_tensor_default_22" -> "279 dequantize_per_tensor_default_29" [label="(1, 40, -1, -1)", style=solid]; @@ -841,13 +841,13 @@ strict digraph { "284 scale_updated_constant18" -> "286 mul_tensor_18" [label="(120, 1, 1, 1)", style=solid]; "285 compressed_weight_updated_constant18" -> "286 mul_tensor_18" [label="(120, 40, 1, 1)", style=solid]; "286 mul_tensor_18" -> "288 sub_tensor_18" [label="(120, 40, 1, 1)", style=solid]; -"287 zero_point_updated_constant18" -> "288 sub_tensor_18" [label="(120, 1, 1, 1)", style=solid]; +"287 zero_point_updated_constant18" -> "288 sub_tensor_18" [label="(120, 1, 1, 1)", style=dashed]; "288 sub_tensor_18" -> "289 conv2d_26" [label="(120, 40, 1, 1)", style=solid]; "289 conv2d_26" -> "292 hardswish__7" [label="(1, 120, -1, -1)", style=solid]; "290 hardswish__7_scale_0" -> "293 quantize_per_channel_default_25" [label="(120,)", style=solid]; "290 hardswish__7_scale_0" -> "294 dequantize_per_channel_default_25" [label="(120,)", style=solid]; -"291 hardswish__7_zero_point_0" -> "293 quantize_per_channel_default_25" [label="(120,)", style=solid]; -"291 hardswish__7_zero_point_0" -> "294 dequantize_per_channel_default_25" [label="(120,)", style=solid]; +"291 hardswish__7_zero_point_0" -> "293 quantize_per_channel_default_25" [label="(120,)", style=dashed]; +"291 hardswish__7_zero_point_0" -> "294 dequantize_per_channel_default_25" [label="(120,)", style=dashed]; "292 hardswish__7" -> "293 quantize_per_channel_default_25" [label="(1, 120, -1, -1)", style=solid]; "293 quantize_per_channel_default_25" -> "294 dequantize_per_channel_default_25" [label="(1, 120, -1, -1)", style=solid]; "294 dequantize_per_channel_default_25" -> "301 conv2d_27" [label="(1, 120, -1, -1)", style=solid]; @@ -855,7 +855,7 @@ strict digraph { "296 scale_updated_constant19" -> "298 mul_tensor_19" [label="(120, 1, 1, 1)", style=solid]; "297 compressed_weight_updated_constant19" -> "298 mul_tensor_19" [label="(120, 1, 5, 5)", style=solid]; "298 mul_tensor_19" -> "300 sub_tensor_19" [label="(120, 1, 5, 5)", style=solid]; -"299 zero_point_updated_constant19" -> "300 sub_tensor_19" [label="(120, 1, 1, 1)", style=solid]; +"299 zero_point_updated_constant19" -> "300 sub_tensor_19" [label="(120, 1, 1, 1)", style=dashed]; "300 sub_tensor_19" -> "301 conv2d_27" [label="(120, 1, 5, 5)", style=solid]; "301 conv2d_27" -> "302 hardswish__8" [label="(1, 120, -1, -1)", style=solid]; "302 hardswish__8" -> "303 quantize_per_tensor_default_24" [label="(1, 120, -1, -1)", style=solid]; @@ -877,7 +877,7 @@ strict digraph { "317 scale_updated_constant20" -> "319 mul_tensor_20" [label="(48, 1, 1, 1)", style=solid]; "318 compressed_weight_updated_constant20" -> "319 mul_tensor_20" [label="(48, 120, 1, 1)", style=solid]; "319 mul_tensor_20" -> "321 sub_tensor_20" [label="(48, 120, 1, 1)", style=solid]; -"320 zero_point_updated_constant20" -> "321 sub_tensor_20" [label="(48, 1, 1, 1)", style=solid]; +"320 zero_point_updated_constant20" -> "321 sub_tensor_20" [label="(48, 1, 1, 1)", style=dashed]; "321 sub_tensor_20" -> "322 conv2d_30" [label="(48, 120, 1, 1)", style=solid]; "322 conv2d_30" -> "323 quantize_per_tensor_default_27" [label="(1, 48, -1, -1)", style=solid]; "323 quantize_per_tensor_default_27" -> "324 dequantize_per_tensor_default_36" [label="(1, 48, -1, -1)", style=solid]; @@ -888,13 +888,13 @@ strict digraph { "327 scale_updated_constant21" -> "329 mul_tensor_21" [label="(144, 1, 1, 1)", style=solid]; "328 compressed_weight_updated_constant21" -> "329 mul_tensor_21" [label="(144, 48, 1, 1)", style=solid]; "329 mul_tensor_21" -> "331 sub_tensor_21" [label="(144, 48, 1, 1)", style=solid]; -"330 zero_point_updated_constant21" -> "331 sub_tensor_21" [label="(144, 1, 1, 1)", style=solid]; +"330 zero_point_updated_constant21" -> "331 sub_tensor_21" [label="(144, 1, 1, 1)", style=dashed]; "331 sub_tensor_21" -> "332 conv2d_31" [label="(144, 48, 1, 1)", style=solid]; "332 conv2d_31" -> "335 hardswish__9" [label="(1, 144, -1, -1)", style=solid]; "333 hardswish__9_scale_0" -> "336 quantize_per_channel_default_29" [label="(144,)", style=solid]; "333 hardswish__9_scale_0" -> "337 dequantize_per_channel_default_29" [label="(144,)", style=solid]; -"334 hardswish__9_zero_point_0" -> "336 quantize_per_channel_default_29" [label="(144,)", style=solid]; -"334 hardswish__9_zero_point_0" -> "337 dequantize_per_channel_default_29" [label="(144,)", style=solid]; +"334 hardswish__9_zero_point_0" -> "336 quantize_per_channel_default_29" [label="(144,)", style=dashed]; +"334 hardswish__9_zero_point_0" -> "337 dequantize_per_channel_default_29" [label="(144,)", style=dashed]; "335 hardswish__9" -> "336 quantize_per_channel_default_29" [label="(1, 144, -1, -1)", style=solid]; "336 quantize_per_channel_default_29" -> "337 dequantize_per_channel_default_29" [label="(1, 144, -1, -1)", style=solid]; "337 dequantize_per_channel_default_29" -> "344 conv2d_32" [label="(1, 144, -1, -1)", style=solid]; @@ -902,7 +902,7 @@ strict digraph { "339 scale_updated_constant22" -> "341 mul_tensor_22" [label="(144, 1, 1, 1)", style=solid]; "340 compressed_weight_updated_constant22" -> "341 mul_tensor_22" [label="(144, 1, 5, 5)", style=solid]; "341 mul_tensor_22" -> "343 sub_tensor_22" [label="(144, 1, 5, 5)", style=solid]; -"342 zero_point_updated_constant22" -> "343 sub_tensor_22" [label="(144, 1, 1, 1)", style=solid]; +"342 zero_point_updated_constant22" -> "343 sub_tensor_22" [label="(144, 1, 1, 1)", style=dashed]; "343 sub_tensor_22" -> "344 conv2d_32" [label="(144, 1, 5, 5)", style=solid]; "344 conv2d_32" -> "345 hardswish__10" [label="(1, 144, -1, -1)", style=solid]; "345 hardswish__10" -> "346 quantize_per_tensor_default_28" [label="(1, 144, -1, -1)", style=solid]; @@ -924,7 +924,7 @@ strict digraph { "360 scale_updated_constant23" -> "362 mul_tensor_23" [label="(48, 1, 1, 1)", style=solid]; "361 compressed_weight_updated_constant23" -> "362 mul_tensor_23" [label="(48, 144, 1, 1)", style=solid]; "362 mul_tensor_23" -> "364 sub_tensor_23" [label="(48, 144, 1, 1)", style=solid]; -"363 zero_point_updated_constant23" -> "364 sub_tensor_23" [label="(48, 1, 1, 1)", style=solid]; +"363 zero_point_updated_constant23" -> "364 sub_tensor_23" [label="(48, 1, 1, 1)", style=dashed]; "364 sub_tensor_23" -> "365 conv2d_35" [label="(48, 144, 1, 1)", style=solid]; "365 conv2d_35" -> "366 quantize_per_tensor_default_31" [label="(1, 48, -1, -1)", style=solid]; "366 quantize_per_tensor_default_31" -> "367 dequantize_per_tensor_default_41" [label="(1, 48, -1, -1)", style=solid]; @@ -936,13 +936,13 @@ strict digraph { "372 scale_updated_constant24" -> "374 mul_tensor_24" [label="(288, 1, 1, 1)", style=solid]; "373 compressed_weight_updated_constant24" -> "374 mul_tensor_24" [label="(288, 48, 1, 1)", style=solid]; "374 mul_tensor_24" -> "376 sub_tensor_24" [label="(288, 48, 1, 1)", style=solid]; -"375 zero_point_updated_constant24" -> "376 sub_tensor_24" [label="(288, 1, 1, 1)", style=solid]; +"375 zero_point_updated_constant24" -> "376 sub_tensor_24" [label="(288, 1, 1, 1)", style=dashed]; "376 sub_tensor_24" -> "377 conv2d_36" [label="(288, 48, 1, 1)", style=solid]; "377 conv2d_36" -> "380 hardswish__11" [label="(1, 288, -1, -1)", style=solid]; "378 hardswish__11_scale_0" -> "381 quantize_per_channel_default_33" [label="(288,)", style=solid]; "378 hardswish__11_scale_0" -> "382 dequantize_per_channel_default_33" [label="(288,)", style=solid]; -"379 hardswish__11_zero_point_0" -> "381 quantize_per_channel_default_33" [label="(288,)", style=solid]; -"379 hardswish__11_zero_point_0" -> "382 dequantize_per_channel_default_33" [label="(288,)", style=solid]; +"379 hardswish__11_zero_point_0" -> "381 quantize_per_channel_default_33" [label="(288,)", style=dashed]; +"379 hardswish__11_zero_point_0" -> "382 dequantize_per_channel_default_33" [label="(288,)", style=dashed]; "380 hardswish__11" -> "381 quantize_per_channel_default_33" [label="(1, 288, -1, -1)", style=solid]; "381 quantize_per_channel_default_33" -> "382 dequantize_per_channel_default_33" [label="(1, 288, -1, -1)", style=solid]; "382 dequantize_per_channel_default_33" -> "389 conv2d_37" [label="(1, 288, -1, -1)", style=solid]; @@ -950,7 +950,7 @@ strict digraph { "384 scale_updated_constant25" -> "386 mul_tensor_25" [label="(288, 1, 1, 1)", style=solid]; "385 compressed_weight_updated_constant25" -> "386 mul_tensor_25" [label="(288, 1, 5, 5)", style=solid]; "386 mul_tensor_25" -> "388 sub_tensor_25" [label="(288, 1, 5, 5)", style=solid]; -"387 zero_point_updated_constant25" -> "388 sub_tensor_25" [label="(288, 1, 1, 1)", style=solid]; +"387 zero_point_updated_constant25" -> "388 sub_tensor_25" [label="(288, 1, 1, 1)", style=dashed]; "388 sub_tensor_25" -> "389 conv2d_37" [label="(288, 1, 5, 5)", style=solid]; "389 conv2d_37" -> "390 hardswish__12" [label="(1, 288, -1, -1)", style=solid]; "390 hardswish__12" -> "391 quantize_per_tensor_default_33" [label="(1, 288, -1, -1)", style=solid]; @@ -972,7 +972,7 @@ strict digraph { "405 scale_updated_constant26" -> "407 mul_tensor_26" [label="(96, 1, 1, 1)", style=solid]; "406 compressed_weight_updated_constant26" -> "407 mul_tensor_26" [label="(96, 288, 1, 1)", style=solid]; "407 mul_tensor_26" -> "409 sub_tensor_26" [label="(96, 288, 1, 1)", style=solid]; -"408 zero_point_updated_constant26" -> "409 sub_tensor_26" [label="(96, 1, 1, 1)", style=solid]; +"408 zero_point_updated_constant26" -> "409 sub_tensor_26" [label="(96, 1, 1, 1)", style=dashed]; "409 sub_tensor_26" -> "410 conv2d_40" [label="(96, 288, 1, 1)", style=solid]; "410 conv2d_40" -> "411 quantize_per_tensor_default_36" [label="(1, 96, -1, -1)", style=solid]; "411 quantize_per_tensor_default_36" -> "412 dequantize_per_tensor_default_48" [label="(1, 96, -1, -1)", style=solid]; @@ -983,13 +983,13 @@ strict digraph { "415 scale_updated_constant27" -> "417 mul_tensor_27" [label="(576, 1, 1, 1)", style=solid]; "416 compressed_weight_updated_constant27" -> "417 mul_tensor_27" [label="(576, 96, 1, 1)", style=solid]; "417 mul_tensor_27" -> "419 sub_tensor_27" [label="(576, 96, 1, 1)", style=solid]; -"418 zero_point_updated_constant27" -> "419 sub_tensor_27" [label="(576, 1, 1, 1)", style=solid]; +"418 zero_point_updated_constant27" -> "419 sub_tensor_27" [label="(576, 1, 1, 1)", style=dashed]; "419 sub_tensor_27" -> "420 conv2d_41" [label="(576, 96, 1, 1)", style=solid]; "420 conv2d_41" -> "423 hardswish__13" [label="(1, 576, -1, -1)", style=solid]; "421 hardswish__13_scale_0" -> "424 quantize_per_channel_default_37" [label="(576,)", style=solid]; "421 hardswish__13_scale_0" -> "425 dequantize_per_channel_default_37" [label="(576,)", style=solid]; -"422 hardswish__13_zero_point_0" -> "424 quantize_per_channel_default_37" [label="(576,)", style=solid]; -"422 hardswish__13_zero_point_0" -> "425 dequantize_per_channel_default_37" [label="(576,)", style=solid]; +"422 hardswish__13_zero_point_0" -> "424 quantize_per_channel_default_37" [label="(576,)", style=dashed]; +"422 hardswish__13_zero_point_0" -> "425 dequantize_per_channel_default_37" [label="(576,)", style=dashed]; "423 hardswish__13" -> "424 quantize_per_channel_default_37" [label="(1, 576, -1, -1)", style=solid]; "424 quantize_per_channel_default_37" -> "425 dequantize_per_channel_default_37" [label="(1, 576, -1, -1)", style=solid]; "425 dequantize_per_channel_default_37" -> "432 conv2d_42" [label="(1, 576, -1, -1)", style=solid]; @@ -997,7 +997,7 @@ strict digraph { "427 scale_updated_constant28" -> "429 mul_tensor_28" [label="(576, 1, 1, 1)", style=solid]; "428 compressed_weight_updated_constant28" -> "429 mul_tensor_28" [label="(576, 1, 5, 5)", style=solid]; "429 mul_tensor_28" -> "431 sub_tensor_28" [label="(576, 1, 5, 5)", style=solid]; -"430 zero_point_updated_constant28" -> "431 sub_tensor_28" [label="(576, 1, 1, 1)", style=solid]; +"430 zero_point_updated_constant28" -> "431 sub_tensor_28" [label="(576, 1, 1, 1)", style=dashed]; "431 sub_tensor_28" -> "432 conv2d_42" [label="(576, 1, 5, 5)", style=solid]; "432 conv2d_42" -> "433 hardswish__14" [label="(1, 576, -1, -1)", style=solid]; "433 hardswish__14" -> "434 quantize_per_tensor_default_37" [label="(1, 576, -1, -1)", style=solid]; @@ -1019,7 +1019,7 @@ strict digraph { "448 scale_updated_constant29" -> "450 mul_tensor_29" [label="(96, 1, 1, 1)", style=solid]; "449 compressed_weight_updated_constant29" -> "450 mul_tensor_29" [label="(96, 576, 1, 1)", style=solid]; "450 mul_tensor_29" -> "452 sub_tensor_29" [label="(96, 576, 1, 1)", style=solid]; -"451 zero_point_updated_constant29" -> "452 sub_tensor_29" [label="(96, 1, 1, 1)", style=solid]; +"451 zero_point_updated_constant29" -> "452 sub_tensor_29" [label="(96, 1, 1, 1)", style=dashed]; "452 sub_tensor_29" -> "453 conv2d_45" [label="(96, 576, 1, 1)", style=solid]; "453 conv2d_45" -> "454 quantize_per_tensor_default_40" [label="(1, 96, -1, -1)", style=solid]; "454 quantize_per_tensor_default_40" -> "455 dequantize_per_tensor_default_53" [label="(1, 96, -1, -1)", style=solid]; @@ -1033,13 +1033,13 @@ strict digraph { "461 scale_updated_constant30" -> "463 mul_tensor_30" [label="(576, 1, 1, 1)", style=solid]; "462 compressed_weight_updated_constant30" -> "463 mul_tensor_30" [label="(576, 96, 1, 1)", style=solid]; "463 mul_tensor_30" -> "465 sub_tensor_30" [label="(576, 96, 1, 1)", style=solid]; -"464 zero_point_updated_constant30" -> "465 sub_tensor_30" [label="(576, 1, 1, 1)", style=solid]; +"464 zero_point_updated_constant30" -> "465 sub_tensor_30" [label="(576, 1, 1, 1)", style=dashed]; "465 sub_tensor_30" -> "466 conv2d_46" [label="(576, 96, 1, 1)", style=solid]; "466 conv2d_46" -> "469 hardswish__15" [label="(1, 576, -1, -1)", style=solid]; "467 hardswish__15_scale_0" -> "470 quantize_per_channel_default_41" [label="(576,)", style=solid]; "467 hardswish__15_scale_0" -> "471 dequantize_per_channel_default_41" [label="(576,)", style=solid]; -"468 hardswish__15_zero_point_0" -> "470 quantize_per_channel_default_41" [label="(576,)", style=solid]; -"468 hardswish__15_zero_point_0" -> "471 dequantize_per_channel_default_41" [label="(576,)", style=solid]; +"468 hardswish__15_zero_point_0" -> "470 quantize_per_channel_default_41" [label="(576,)", style=dashed]; +"468 hardswish__15_zero_point_0" -> "471 dequantize_per_channel_default_41" [label="(576,)", style=dashed]; "469 hardswish__15" -> "470 quantize_per_channel_default_41" [label="(1, 576, -1, -1)", style=solid]; "470 quantize_per_channel_default_41" -> "471 dequantize_per_channel_default_41" [label="(1, 576, -1, -1)", style=solid]; "471 dequantize_per_channel_default_41" -> "478 conv2d_47" [label="(1, 576, -1, -1)", style=solid]; @@ -1047,7 +1047,7 @@ strict digraph { "473 scale_updated_constant31" -> "475 mul_tensor_31" [label="(576, 1, 1, 1)", style=solid]; "474 compressed_weight_updated_constant31" -> "475 mul_tensor_31" [label="(576, 1, 5, 5)", style=solid]; "475 mul_tensor_31" -> "477 sub_tensor_31" [label="(576, 1, 5, 5)", style=solid]; -"476 zero_point_updated_constant31" -> "477 sub_tensor_31" [label="(576, 1, 1, 1)", style=solid]; +"476 zero_point_updated_constant31" -> "477 sub_tensor_31" [label="(576, 1, 1, 1)", style=dashed]; "477 sub_tensor_31" -> "478 conv2d_47" [label="(576, 1, 5, 5)", style=solid]; "478 conv2d_47" -> "479 hardswish__16" [label="(1, 576, -1, -1)", style=solid]; "479 hardswish__16" -> "480 quantize_per_tensor_default_42" [label="(1, 576, -1, -1)", style=solid]; @@ -1069,7 +1069,7 @@ strict digraph { "494 scale_updated_constant32" -> "496 mul_tensor_32" [label="(96, 1, 1, 1)", style=solid]; "495 compressed_weight_updated_constant32" -> "496 mul_tensor_32" [label="(96, 576, 1, 1)", style=solid]; "496 mul_tensor_32" -> "498 sub_tensor_32" [label="(96, 576, 1, 1)", style=solid]; -"497 zero_point_updated_constant32" -> "498 sub_tensor_32" [label="(96, 1, 1, 1)", style=solid]; +"497 zero_point_updated_constant32" -> "498 sub_tensor_32" [label="(96, 1, 1, 1)", style=dashed]; "498 sub_tensor_32" -> "499 conv2d_50" [label="(96, 576, 1, 1)", style=solid]; "499 conv2d_50" -> "500 quantize_per_tensor_default_45" [label="(1, 96, -1, -1)", style=solid]; "500 quantize_per_tensor_default_45" -> "501 dequantize_per_tensor_default_60" [label="(1, 96, -1, -1)", style=solid]; @@ -1081,7 +1081,7 @@ strict digraph { "506 scale_updated_constant33" -> "508 mul_tensor_33" [label="(576, 1, 1, 1)", style=solid]; "507 compressed_weight_updated_constant33" -> "508 mul_tensor_33" [label="(576, 96, 1, 1)", style=solid]; "508 mul_tensor_33" -> "510 sub_tensor_33" [label="(576, 96, 1, 1)", style=solid]; -"509 zero_point_updated_constant33" -> "510 sub_tensor_33" [label="(576, 1, 1, 1)", style=solid]; +"509 zero_point_updated_constant33" -> "510 sub_tensor_33" [label="(576, 1, 1, 1)", style=dashed]; "510 sub_tensor_33" -> "511 conv2d_51" [label="(576, 96, 1, 1)", style=solid]; "511 conv2d_51" -> "512 hardswish__17" [label="(1, 576, -1, -1)", style=solid]; "512 hardswish__17" -> "513 quantize_per_tensor_default_47" [label="(1, 576, -1, -1)", style=solid]; @@ -1094,7 +1094,7 @@ strict digraph { "519 scale_updated_constant34" -> "521 mul_tensor_34" [label="(1024, 1)", style=solid]; "520 compressed_weight_updated_constant34" -> "521 mul_tensor_34" [label="(1024, 576)", style=solid]; "521 mul_tensor_34" -> "523 sub_tensor_34" [label="(1024, 576)", style=solid]; -"522 zero_point_updated_constant34" -> "523 sub_tensor_34" [label="(1024, 1)", style=solid]; +"522 zero_point_updated_constant34" -> "523 sub_tensor_34" [label="(1024, 1)", style=dashed]; "523 sub_tensor_34" -> "524 linear" [label="(1024, 576)", style=solid]; "524 linear" -> "525 hardswish__18" [label="(1, 1024)", style=solid]; "525 hardswish__18" -> "526 quantize_per_tensor_default_49" [label="(1, 1024)", style=solid]; @@ -1104,7 +1104,7 @@ strict digraph { "529 scale_updated_constant35" -> "531 mul_tensor_35" [label="(1000, 1)", style=solid]; "530 compressed_weight_updated_constant35" -> "531 mul_tensor_35" [label="(1000, 1024)", style=solid]; "531 mul_tensor_35" -> "533 sub_tensor_35" [label="(1000, 1024)", style=solid]; -"532 zero_point_updated_constant35" -> "533 sub_tensor_35" [label="(1000, 1)", style=solid]; +"532 zero_point_updated_constant35" -> "533 sub_tensor_35" [label="(1000, 1)", style=dashed]; "533 sub_tensor_35" -> "534 linear_1" [label="(1000, 1024)", style=solid]; "534 linear_1" -> "535 output" [label="(1, 1000)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/resnet18.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/resnet18.dot index 64419870fca..9157176c07a 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/resnet18.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/resnet18.dot @@ -251,7 +251,7 @@ strict digraph { "5 scale_updated_constant0" -> "7 mul_tensor" [label="(64, 1, 1, 1)", style=solid]; "6 compressed_weight_updated_constant0" -> "7 mul_tensor" [label="(64, 3, 7, 7)", style=solid]; "7 mul_tensor" -> "9 sub_tensor" [label="(64, 3, 7, 7)", style=solid]; -"8 zero_point_updated_constant0" -> "9 sub_tensor" [label="(64, 1, 1, 1)", style=solid]; +"8 zero_point_updated_constant0" -> "9 sub_tensor" [label="(64, 1, 1, 1)", style=dashed]; "9 sub_tensor" -> "10 conv2d" [label="(64, 3, 7, 7)", style=solid]; "10 conv2d" -> "11 relu_" [label="(1, 64, -1, -1)", style=solid]; "11 relu_" -> "12 quantize_per_tensor_default_1" [label="(1, 64, -1, -1)", style=solid]; @@ -263,7 +263,7 @@ strict digraph { "16 scale_updated_constant1" -> "18 mul_tensor_1" [label="(64, 1, 1, 1)", style=solid]; "17 compressed_weight_updated_constant1" -> "18 mul_tensor_1" [label="(64, 64, 3, 3)", style=solid]; "18 mul_tensor_1" -> "20 sub_tensor_1" [label="(64, 64, 3, 3)", style=solid]; -"19 zero_point_updated_constant1" -> "20 sub_tensor_1" [label="(64, 1, 1, 1)", style=solid]; +"19 zero_point_updated_constant1" -> "20 sub_tensor_1" [label="(64, 1, 1, 1)", style=dashed]; "20 sub_tensor_1" -> "21 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; "21 conv2d_1" -> "22 relu__1" [label="(1, 64, -1, -1)", style=solid]; "22 relu__1" -> "23 quantize_per_tensor_default_2" [label="(1, 64, -1, -1)", style=solid]; @@ -273,7 +273,7 @@ strict digraph { "26 scale_updated_constant2" -> "28 mul_tensor_2" [label="(64, 1, 1, 1)", style=solid]; "27 compressed_weight_updated_constant2" -> "28 mul_tensor_2" [label="(64, 64, 3, 3)", style=solid]; "28 mul_tensor_2" -> "30 sub_tensor_2" [label="(64, 64, 3, 3)", style=solid]; -"29 zero_point_updated_constant2" -> "30 sub_tensor_2" [label="(64, 1, 1, 1)", style=solid]; +"29 zero_point_updated_constant2" -> "30 sub_tensor_2" [label="(64, 1, 1, 1)", style=dashed]; "30 sub_tensor_2" -> "31 conv2d_2" [label="(64, 64, 3, 3)", style=solid]; "31 conv2d_2" -> "32 quantize_per_tensor_default_3" [label="(1, 64, -1, -1)", style=solid]; "32 quantize_per_tensor_default_3" -> "33 dequantize_per_tensor_default_3" [label="(1, 64, -1, -1)", style=solid]; @@ -288,7 +288,7 @@ strict digraph { "40 scale_updated_constant3" -> "42 mul_tensor_3" [label="(64, 1, 1, 1)", style=solid]; "41 compressed_weight_updated_constant3" -> "42 mul_tensor_3" [label="(64, 64, 3, 3)", style=solid]; "42 mul_tensor_3" -> "44 sub_tensor_3" [label="(64, 64, 3, 3)", style=solid]; -"43 zero_point_updated_constant3" -> "44 sub_tensor_3" [label="(64, 1, 1, 1)", style=solid]; +"43 zero_point_updated_constant3" -> "44 sub_tensor_3" [label="(64, 1, 1, 1)", style=dashed]; "44 sub_tensor_3" -> "45 conv2d_3" [label="(64, 64, 3, 3)", style=solid]; "45 conv2d_3" -> "46 relu__3" [label="(1, 64, -1, -1)", style=solid]; "46 relu__3" -> "47 quantize_per_tensor_default_5" [label="(1, 64, -1, -1)", style=solid]; @@ -298,7 +298,7 @@ strict digraph { "50 scale_updated_constant4" -> "52 mul_tensor_4" [label="(64, 1, 1, 1)", style=solid]; "51 compressed_weight_updated_constant4" -> "52 mul_tensor_4" [label="(64, 64, 3, 3)", style=solid]; "52 mul_tensor_4" -> "54 sub_tensor_4" [label="(64, 64, 3, 3)", style=solid]; -"53 zero_point_updated_constant4" -> "54 sub_tensor_4" [label="(64, 1, 1, 1)", style=solid]; +"53 zero_point_updated_constant4" -> "54 sub_tensor_4" [label="(64, 1, 1, 1)", style=dashed]; "54 sub_tensor_4" -> "55 conv2d_4" [label="(64, 64, 3, 3)", style=solid]; "55 conv2d_4" -> "56 quantize_per_tensor_default_6" [label="(1, 64, -1, -1)", style=solid]; "56 quantize_per_tensor_default_6" -> "57 dequantize_per_tensor_default_7" [label="(1, 64, -1, -1)", style=solid]; @@ -313,7 +313,7 @@ strict digraph { "64 scale_updated_constant5" -> "66 mul_tensor_5" [label="(128, 1, 1, 1)", style=solid]; "65 compressed_weight_updated_constant5" -> "66 mul_tensor_5" [label="(128, 64, 3, 3)", style=solid]; "66 mul_tensor_5" -> "68 sub_tensor_5" [label="(128, 64, 3, 3)", style=solid]; -"67 zero_point_updated_constant5" -> "68 sub_tensor_5" [label="(128, 1, 1, 1)", style=solid]; +"67 zero_point_updated_constant5" -> "68 sub_tensor_5" [label="(128, 1, 1, 1)", style=dashed]; "68 sub_tensor_5" -> "69 conv2d_5" [label="(128, 64, 3, 3)", style=solid]; "69 conv2d_5" -> "70 relu__5" [label="(1, 128, -1, -1)", style=solid]; "70 relu__5" -> "71 quantize_per_tensor_default_8" [label="(1, 128, -1, -1)", style=solid]; @@ -323,7 +323,7 @@ strict digraph { "74 scale_updated_constant6" -> "76 mul_tensor_6" [label="(128, 1, 1, 1)", style=solid]; "75 compressed_weight_updated_constant6" -> "76 mul_tensor_6" [label="(128, 128, 3, 3)", style=solid]; "76 mul_tensor_6" -> "78 sub_tensor_6" [label="(128, 128, 3, 3)", style=solid]; -"77 zero_point_updated_constant6" -> "78 sub_tensor_6" [label="(128, 1, 1, 1)", style=solid]; +"77 zero_point_updated_constant6" -> "78 sub_tensor_6" [label="(128, 1, 1, 1)", style=dashed]; "78 sub_tensor_6" -> "79 conv2d_6" [label="(128, 128, 3, 3)", style=solid]; "79 conv2d_6" -> "80 quantize_per_tensor_default_9" [label="(1, 128, -1, -1)", style=solid]; "80 quantize_per_tensor_default_9" -> "81 dequantize_per_tensor_default_11" [label="(1, 128, -1, -1)", style=solid]; @@ -332,7 +332,7 @@ strict digraph { "83 scale_updated_constant7" -> "85 mul_tensor_7" [label="(128, 1, 1, 1)", style=solid]; "84 compressed_weight_updated_constant7" -> "85 mul_tensor_7" [label="(128, 64, 1, 1)", style=solid]; "85 mul_tensor_7" -> "87 sub_tensor_7" [label="(128, 64, 1, 1)", style=solid]; -"86 zero_point_updated_constant7" -> "87 sub_tensor_7" [label="(128, 1, 1, 1)", style=solid]; +"86 zero_point_updated_constant7" -> "87 sub_tensor_7" [label="(128, 1, 1, 1)", style=dashed]; "87 sub_tensor_7" -> "88 conv2d_7" [label="(128, 64, 1, 1)", style=solid]; "88 conv2d_7" -> "89 quantize_per_tensor_default_10" [label="(1, 128, -1, -1)", style=solid]; "89 quantize_per_tensor_default_10" -> "90 dequantize_per_tensor_default_12" [label="(1, 128, -1, -1)", style=solid]; @@ -347,7 +347,7 @@ strict digraph { "97 scale_updated_constant8" -> "99 mul_tensor_8" [label="(128, 1, 1, 1)", style=solid]; "98 compressed_weight_updated_constant8" -> "99 mul_tensor_8" [label="(128, 128, 3, 3)", style=solid]; "99 mul_tensor_8" -> "101 sub_tensor_8" [label="(128, 128, 3, 3)", style=solid]; -"100 zero_point_updated_constant8" -> "101 sub_tensor_8" [label="(128, 1, 1, 1)", style=solid]; +"100 zero_point_updated_constant8" -> "101 sub_tensor_8" [label="(128, 1, 1, 1)", style=dashed]; "101 sub_tensor_8" -> "102 conv2d_8" [label="(128, 128, 3, 3)", style=solid]; "102 conv2d_8" -> "103 relu__7" [label="(1, 128, -1, -1)", style=solid]; "103 relu__7" -> "104 quantize_per_tensor_default_12" [label="(1, 128, -1, -1)", style=solid]; @@ -357,7 +357,7 @@ strict digraph { "107 scale_updated_constant9" -> "109 mul_tensor_9" [label="(128, 1, 1, 1)", style=solid]; "108 compressed_weight_updated_constant9" -> "109 mul_tensor_9" [label="(128, 128, 3, 3)", style=solid]; "109 mul_tensor_9" -> "111 sub_tensor_9" [label="(128, 128, 3, 3)", style=solid]; -"110 zero_point_updated_constant9" -> "111 sub_tensor_9" [label="(128, 1, 1, 1)", style=solid]; +"110 zero_point_updated_constant9" -> "111 sub_tensor_9" [label="(128, 1, 1, 1)", style=dashed]; "111 sub_tensor_9" -> "112 conv2d_9" [label="(128, 128, 3, 3)", style=solid]; "112 conv2d_9" -> "113 quantize_per_tensor_default_13" [label="(1, 128, -1, -1)", style=solid]; "113 quantize_per_tensor_default_13" -> "114 dequantize_per_tensor_default_16" [label="(1, 128, -1, -1)", style=solid]; @@ -372,7 +372,7 @@ strict digraph { "121 scale_updated_constant10" -> "123 mul_tensor_10" [label="(256, 1, 1, 1)", style=solid]; "122 compressed_weight_updated_constant10" -> "123 mul_tensor_10" [label="(256, 128, 3, 3)", style=solid]; "123 mul_tensor_10" -> "125 sub_tensor_10" [label="(256, 128, 3, 3)", style=solid]; -"124 zero_point_updated_constant10" -> "125 sub_tensor_10" [label="(256, 1, 1, 1)", style=solid]; +"124 zero_point_updated_constant10" -> "125 sub_tensor_10" [label="(256, 1, 1, 1)", style=dashed]; "125 sub_tensor_10" -> "126 conv2d_10" [label="(256, 128, 3, 3)", style=solid]; "126 conv2d_10" -> "127 relu__9" [label="(1, 256, -1, -1)", style=solid]; "127 relu__9" -> "128 quantize_per_tensor_default_15" [label="(1, 256, -1, -1)", style=solid]; @@ -382,7 +382,7 @@ strict digraph { "131 scale_updated_constant11" -> "133 mul_tensor_11" [label="(256, 1, 1, 1)", style=solid]; "132 compressed_weight_updated_constant11" -> "133 mul_tensor_11" [label="(256, 256, 3, 3)", style=solid]; "133 mul_tensor_11" -> "135 sub_tensor_11" [label="(256, 256, 3, 3)", style=solid]; -"134 zero_point_updated_constant11" -> "135 sub_tensor_11" [label="(256, 1, 1, 1)", style=solid]; +"134 zero_point_updated_constant11" -> "135 sub_tensor_11" [label="(256, 1, 1, 1)", style=dashed]; "135 sub_tensor_11" -> "136 conv2d_11" [label="(256, 256, 3, 3)", style=solid]; "136 conv2d_11" -> "137 quantize_per_tensor_default_16" [label="(1, 256, -1, -1)", style=solid]; "137 quantize_per_tensor_default_16" -> "138 dequantize_per_tensor_default_20" [label="(1, 256, -1, -1)", style=solid]; @@ -391,7 +391,7 @@ strict digraph { "140 scale_updated_constant12" -> "142 mul_tensor_12" [label="(256, 1, 1, 1)", style=solid]; "141 compressed_weight_updated_constant12" -> "142 mul_tensor_12" [label="(256, 128, 1, 1)", style=solid]; "142 mul_tensor_12" -> "144 sub_tensor_12" [label="(256, 128, 1, 1)", style=solid]; -"143 zero_point_updated_constant12" -> "144 sub_tensor_12" [label="(256, 1, 1, 1)", style=solid]; +"143 zero_point_updated_constant12" -> "144 sub_tensor_12" [label="(256, 1, 1, 1)", style=dashed]; "144 sub_tensor_12" -> "145 conv2d_12" [label="(256, 128, 1, 1)", style=solid]; "145 conv2d_12" -> "146 quantize_per_tensor_default_17" [label="(1, 256, -1, -1)", style=solid]; "146 quantize_per_tensor_default_17" -> "147 dequantize_per_tensor_default_21" [label="(1, 256, -1, -1)", style=solid]; @@ -406,7 +406,7 @@ strict digraph { "154 scale_updated_constant13" -> "156 mul_tensor_13" [label="(256, 1, 1, 1)", style=solid]; "155 compressed_weight_updated_constant13" -> "156 mul_tensor_13" [label="(256, 256, 3, 3)", style=solid]; "156 mul_tensor_13" -> "158 sub_tensor_13" [label="(256, 256, 3, 3)", style=solid]; -"157 zero_point_updated_constant13" -> "158 sub_tensor_13" [label="(256, 1, 1, 1)", style=solid]; +"157 zero_point_updated_constant13" -> "158 sub_tensor_13" [label="(256, 1, 1, 1)", style=dashed]; "158 sub_tensor_13" -> "159 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; "159 conv2d_13" -> "160 relu__11" [label="(1, 256, -1, -1)", style=solid]; "160 relu__11" -> "161 quantize_per_tensor_default_19" [label="(1, 256, -1, -1)", style=solid]; @@ -416,7 +416,7 @@ strict digraph { "164 scale_updated_constant14" -> "166 mul_tensor_14" [label="(256, 1, 1, 1)", style=solid]; "165 compressed_weight_updated_constant14" -> "166 mul_tensor_14" [label="(256, 256, 3, 3)", style=solid]; "166 mul_tensor_14" -> "168 sub_tensor_14" [label="(256, 256, 3, 3)", style=solid]; -"167 zero_point_updated_constant14" -> "168 sub_tensor_14" [label="(256, 1, 1, 1)", style=solid]; +"167 zero_point_updated_constant14" -> "168 sub_tensor_14" [label="(256, 1, 1, 1)", style=dashed]; "168 sub_tensor_14" -> "169 conv2d_14" [label="(256, 256, 3, 3)", style=solid]; "169 conv2d_14" -> "170 quantize_per_tensor_default_20" [label="(1, 256, -1, -1)", style=solid]; "170 quantize_per_tensor_default_20" -> "171 dequantize_per_tensor_default_25" [label="(1, 256, -1, -1)", style=solid]; @@ -431,7 +431,7 @@ strict digraph { "178 scale_updated_constant15" -> "180 mul_tensor_15" [label="(512, 1, 1, 1)", style=solid]; "179 compressed_weight_updated_constant15" -> "180 mul_tensor_15" [label="(512, 256, 3, 3)", style=solid]; "180 mul_tensor_15" -> "182 sub_tensor_15" [label="(512, 256, 3, 3)", style=solid]; -"181 zero_point_updated_constant15" -> "182 sub_tensor_15" [label="(512, 1, 1, 1)", style=solid]; +"181 zero_point_updated_constant15" -> "182 sub_tensor_15" [label="(512, 1, 1, 1)", style=dashed]; "182 sub_tensor_15" -> "183 conv2d_15" [label="(512, 256, 3, 3)", style=solid]; "183 conv2d_15" -> "184 relu__13" [label="(1, 512, -1, -1)", style=solid]; "184 relu__13" -> "185 quantize_per_tensor_default_22" [label="(1, 512, -1, -1)", style=solid]; @@ -441,7 +441,7 @@ strict digraph { "188 scale_updated_constant16" -> "190 mul_tensor_16" [label="(512, 1, 1, 1)", style=solid]; "189 compressed_weight_updated_constant16" -> "190 mul_tensor_16" [label="(512, 512, 3, 3)", style=solid]; "190 mul_tensor_16" -> "192 sub_tensor_16" [label="(512, 512, 3, 3)", style=solid]; -"191 zero_point_updated_constant16" -> "192 sub_tensor_16" [label="(512, 1, 1, 1)", style=solid]; +"191 zero_point_updated_constant16" -> "192 sub_tensor_16" [label="(512, 1, 1, 1)", style=dashed]; "192 sub_tensor_16" -> "193 conv2d_16" [label="(512, 512, 3, 3)", style=solid]; "193 conv2d_16" -> "194 quantize_per_tensor_default_23" [label="(1, 512, -1, -1)", style=solid]; "194 quantize_per_tensor_default_23" -> "195 dequantize_per_tensor_default_29" [label="(1, 512, -1, -1)", style=solid]; @@ -450,7 +450,7 @@ strict digraph { "197 scale_updated_constant17" -> "199 mul_tensor_17" [label="(512, 1, 1, 1)", style=solid]; "198 compressed_weight_updated_constant17" -> "199 mul_tensor_17" [label="(512, 256, 1, 1)", style=solid]; "199 mul_tensor_17" -> "201 sub_tensor_17" [label="(512, 256, 1, 1)", style=solid]; -"200 zero_point_updated_constant17" -> "201 sub_tensor_17" [label="(512, 1, 1, 1)", style=solid]; +"200 zero_point_updated_constant17" -> "201 sub_tensor_17" [label="(512, 1, 1, 1)", style=dashed]; "201 sub_tensor_17" -> "202 conv2d_17" [label="(512, 256, 1, 1)", style=solid]; "202 conv2d_17" -> "203 quantize_per_tensor_default_24" [label="(1, 512, -1, -1)", style=solid]; "203 quantize_per_tensor_default_24" -> "204 dequantize_per_tensor_default_30" [label="(1, 512, -1, -1)", style=solid]; @@ -465,7 +465,7 @@ strict digraph { "211 scale_updated_constant18" -> "213 mul_tensor_18" [label="(512, 1, 1, 1)", style=solid]; "212 compressed_weight_updated_constant18" -> "213 mul_tensor_18" [label="(512, 512, 3, 3)", style=solid]; "213 mul_tensor_18" -> "215 sub_tensor_18" [label="(512, 512, 3, 3)", style=solid]; -"214 zero_point_updated_constant18" -> "215 sub_tensor_18" [label="(512, 1, 1, 1)", style=solid]; +"214 zero_point_updated_constant18" -> "215 sub_tensor_18" [label="(512, 1, 1, 1)", style=dashed]; "215 sub_tensor_18" -> "216 conv2d_18" [label="(512, 512, 3, 3)", style=solid]; "216 conv2d_18" -> "217 relu__15" [label="(1, 512, -1, -1)", style=solid]; "217 relu__15" -> "218 quantize_per_tensor_default_26" [label="(1, 512, -1, -1)", style=solid]; @@ -475,7 +475,7 @@ strict digraph { "221 scale_updated_constant19" -> "223 mul_tensor_19" [label="(512, 1, 1, 1)", style=solid]; "222 compressed_weight_updated_constant19" -> "223 mul_tensor_19" [label="(512, 512, 3, 3)", style=solid]; "223 mul_tensor_19" -> "225 sub_tensor_19" [label="(512, 512, 3, 3)", style=solid]; -"224 zero_point_updated_constant19" -> "225 sub_tensor_19" [label="(512, 1, 1, 1)", style=solid]; +"224 zero_point_updated_constant19" -> "225 sub_tensor_19" [label="(512, 1, 1, 1)", style=dashed]; "225 sub_tensor_19" -> "226 conv2d_19" [label="(512, 512, 3, 3)", style=solid]; "226 conv2d_19" -> "227 quantize_per_tensor_default_27" [label="(1, 512, -1, -1)", style=solid]; "227 quantize_per_tensor_default_27" -> "228 dequantize_per_tensor_default_34" [label="(1, 512, -1, -1)", style=solid]; @@ -491,7 +491,7 @@ strict digraph { "237 scale_updated_constant20" -> "239 mul_tensor_20" [label="(1000, 1)", style=solid]; "238 compressed_weight_updated_constant20" -> "239 mul_tensor_20" [label="(1000, 512)", style=solid]; "239 mul_tensor_20" -> "241 sub_tensor_20" [label="(1000, 512)", style=solid]; -"240 zero_point_updated_constant20" -> "241 sub_tensor_20" [label="(1000, 1)", style=solid]; +"240 zero_point_updated_constant20" -> "241 sub_tensor_20" [label="(1000, 1)", style=dashed]; "241 sub_tensor_20" -> "242 linear" [label="(1000, 512)", style=solid]; "242 linear" -> "243 output" [label="(1, 1000)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/swin_v2_s.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/swin_v2_s.dot index 8a3149d91f8..9730b57d41b 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/swin_v2_s.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/swin_v2_s.dot @@ -2790,7 +2790,7 @@ strict digraph { "185 scale_updated_constant0" -> "187 mul_tensor" [label="(96, 1, 1, 1)", style=solid]; "186 compressed_weight_updated_constant0" -> "187 mul_tensor" [label="(96, 3, 4, 4)", style=solid]; "187 mul_tensor" -> "189 sub_tensor" [label="(96, 3, 4, 4)", style=solid]; -"188 zero_point_updated_constant0" -> "189 sub_tensor" [label="(96, 1, 1, 1)", style=solid]; +"188 zero_point_updated_constant0" -> "189 sub_tensor" [label="(96, 1, 1, 1)", style=dashed]; "189 sub_tensor" -> "190 conv2d" [label="(96, 3, 4, 4)", style=solid]; "190 conv2d" -> "277 permute" [label="(1, 96, -1, -1)", style=solid]; "191 floordiv_45" -> "192 mod_22" [label="(-1,)", style=solid]; @@ -3290,7 +3290,7 @@ strict digraph { "289 scale_updated_constant1" -> "291 mul_tensor_1" [label="(288, 1)", style=solid]; "290 compressed_weight_updated_constant1" -> "291 mul_tensor_1" [label="(288, 96)", style=solid]; "291 mul_tensor_1" -> "293 sub_tensor_1" [label="(288, 96)", style=solid]; -"292 zero_point_updated_constant1" -> "293 sub_tensor_1" [label="(288, 1)", style=solid]; +"292 zero_point_updated_constant1" -> "293 sub_tensor_1" [label="(288, 1)", style=dashed]; "293 sub_tensor_1" -> "294 linear_2" [label="(288, 96)", style=solid]; "294 linear_2" -> "295 reshape_1" [label="(-1, -1, 288)", style=solid]; "295 reshape_1" -> "296 permute_3" [label="(-1, -1, 3, 3, 32)", style=solid]; @@ -3332,7 +3332,7 @@ strict digraph { "325 scale_updated_constant2" -> "327 mul_tensor_2" [label="(96, 1)", style=solid]; "326 compressed_weight_updated_constant2" -> "327 mul_tensor_2" [label="(96, 96)", style=solid]; "327 mul_tensor_2" -> "329 sub_tensor_2" [label="(96, 96)", style=solid]; -"328 zero_point_updated_constant2" -> "329 sub_tensor_2" [label="(96, 1)", style=solid]; +"328 zero_point_updated_constant2" -> "329 sub_tensor_2" [label="(96, 1)", style=dashed]; "329 sub_tensor_2" -> "330 linear_3" [label="(96, 96)", style=solid]; "330 linear_3" -> "331 dropout_1" [label="(-1, -1, 96)", style=solid]; "331 dropout_1" -> "332 view_3" [label="(-1, -1, 96)", style=solid]; @@ -3350,7 +3350,7 @@ strict digraph { "342 scale_updated_constant3" -> "344 mul_tensor_3" [label="(384, 1)", style=solid]; "343 compressed_weight_updated_constant3" -> "344 mul_tensor_3" [label="(384, 96)", style=solid]; "344 mul_tensor_3" -> "346 sub_tensor_3" [label="(384, 96)", style=solid]; -"345 zero_point_updated_constant3" -> "346 sub_tensor_3" [label="(384, 1)", style=solid]; +"345 zero_point_updated_constant3" -> "346 sub_tensor_3" [label="(384, 1)", style=dashed]; "346 sub_tensor_3" -> "347 linear_4" [label="(384, 96)", style=solid]; "347 linear_4" -> "348 gelu" [label="(1, -1, -1, 384)", style=solid]; "348 gelu" -> "349 dropout_2" [label="(1, -1, -1, 384)", style=solid]; @@ -3361,7 +3361,7 @@ strict digraph { "353 scale_updated_constant4" -> "355 mul_tensor_4" [label="(96, 1)", style=solid]; "354 compressed_weight_updated_constant4" -> "355 mul_tensor_4" [label="(96, 384)", style=solid]; "355 mul_tensor_4" -> "357 sub_tensor_4" [label="(96, 384)", style=solid]; -"356 zero_point_updated_constant4" -> "357 sub_tensor_4" [label="(96, 1)", style=solid]; +"356 zero_point_updated_constant4" -> "357 sub_tensor_4" [label="(96, 1)", style=dashed]; "357 sub_tensor_4" -> "358 linear_5" [label="(96, 384)", style=solid]; "358 linear_5" -> "359 dropout_3" [label="(1, -1, -1, 96)", style=solid]; "359 dropout_3" -> "360 layer_norm_2" [label="(1, -1, -1, 96)", style=solid]; @@ -3382,7 +3382,7 @@ strict digraph { "372 scale_updated_constant5" -> "374 mul_tensor_5" [label="(288, 1)", style=solid]; "373 compressed_weight_updated_constant5" -> "374 mul_tensor_5" [label="(288, 96)", style=solid]; "374 mul_tensor_5" -> "376 sub_tensor_5" [label="(288, 96)", style=solid]; -"375 zero_point_updated_constant5" -> "376 sub_tensor_5" [label="(288, 1)", style=solid]; +"375 zero_point_updated_constant5" -> "376 sub_tensor_5" [label="(288, 1)", style=dashed]; "376 sub_tensor_5" -> "377 linear_8" [label="(288, 96)", style=solid]; "377 linear_8" -> "378 reshape_5" [label="(-1, -1, 288)", style=solid]; "378 reshape_5" -> "379 permute_7" [label="(-1, -1, 3, 3, 32)", style=solid]; @@ -3443,7 +3443,7 @@ strict digraph { "424 scale_updated_constant6" -> "426 mul_tensor_6" [label="(96, 1)", style=solid]; "425 compressed_weight_updated_constant6" -> "426 mul_tensor_6" [label="(96, 96)", style=solid]; "426 mul_tensor_6" -> "428 sub_tensor_6" [label="(96, 96)", style=solid]; -"427 zero_point_updated_constant6" -> "428 sub_tensor_6" [label="(96, 1)", style=solid]; +"427 zero_point_updated_constant6" -> "428 sub_tensor_6" [label="(96, 1)", style=dashed]; "428 sub_tensor_6" -> "429 linear_9" [label="(96, 96)", style=solid]; "429 linear_9" -> "430 dropout_5" [label="(-1, -1, 96)", style=solid]; "430 dropout_5" -> "431 view_10" [label="(-1, -1, 96)", style=solid]; @@ -3462,7 +3462,7 @@ strict digraph { "442 scale_updated_constant7" -> "444 mul_tensor_7" [label="(384, 1)", style=solid]; "443 compressed_weight_updated_constant7" -> "444 mul_tensor_7" [label="(384, 96)", style=solid]; "444 mul_tensor_7" -> "446 sub_tensor_7" [label="(384, 96)", style=solid]; -"445 zero_point_updated_constant7" -> "446 sub_tensor_7" [label="(384, 1)", style=solid]; +"445 zero_point_updated_constant7" -> "446 sub_tensor_7" [label="(384, 1)", style=dashed]; "446 sub_tensor_7" -> "447 linear_10" [label="(384, 96)", style=solid]; "447 linear_10" -> "448 gelu_1" [label="(1, -1, -1, 384)", style=solid]; "448 gelu_1" -> "449 dropout_6" [label="(1, -1, -1, 384)", style=solid]; @@ -3473,7 +3473,7 @@ strict digraph { "453 scale_updated_constant8" -> "455 mul_tensor_8" [label="(96, 1)", style=solid]; "454 compressed_weight_updated_constant8" -> "455 mul_tensor_8" [label="(96, 384)", style=solid]; "455 mul_tensor_8" -> "457 sub_tensor_8" [label="(96, 384)", style=solid]; -"456 zero_point_updated_constant8" -> "457 sub_tensor_8" [label="(96, 1)", style=solid]; +"456 zero_point_updated_constant8" -> "457 sub_tensor_8" [label="(96, 1)", style=dashed]; "457 sub_tensor_8" -> "458 linear_11" [label="(96, 384)", style=solid]; "458 linear_11" -> "459 dropout_7" [label="(1, -1, -1, 96)", style=solid]; "459 dropout_7" -> "460 layer_norm_4" [label="(1, -1, -1, 96)", style=solid]; @@ -3502,7 +3502,7 @@ strict digraph { "479 scale_updated_constant9" -> "481 mul_tensor_9" [label="(192, 1)", style=solid]; "480 compressed_weight_updated_constant9" -> "481 mul_tensor_9" [label="(192, 384)", style=solid]; "481 mul_tensor_9" -> "483 sub_tensor_9" [label="(192, 384)", style=solid]; -"482 zero_point_updated_constant9" -> "483 sub_tensor_9" [label="(192, 1)", style=solid]; +"482 zero_point_updated_constant9" -> "483 sub_tensor_9" [label="(192, 1)", style=dashed]; "483 sub_tensor_9" -> "484 linear_12" [label="(192, 384)", style=solid]; "484 linear_12" -> "485 layer_norm_5" [label="(1, -1, -1, 192)", style=solid]; "485 layer_norm_5" -> "487 pad_3" [label="(1, -1, -1, 192)", style=solid]; @@ -3527,7 +3527,7 @@ strict digraph { "496 scale_updated_constant10" -> "498 mul_tensor_10" [label="(576, 1)", style=solid]; "497 compressed_weight_updated_constant10" -> "498 mul_tensor_10" [label="(576, 192)", style=solid]; "498 mul_tensor_10" -> "500 sub_tensor_10" [label="(576, 192)", style=solid]; -"499 zero_point_updated_constant10" -> "500 sub_tensor_10" [label="(576, 1)", style=solid]; +"499 zero_point_updated_constant10" -> "500 sub_tensor_10" [label="(576, 1)", style=dashed]; "500 sub_tensor_10" -> "501 linear_15" [label="(576, 192)", style=solid]; "501 linear_15" -> "502 reshape_10" [label="(-1, -1, 576)", style=solid]; "502 reshape_10" -> "503 permute_12" [label="(-1, -1, 3, 6, 32)", style=solid]; @@ -3569,7 +3569,7 @@ strict digraph { "532 scale_updated_constant11" -> "534 mul_tensor_11" [label="(192, 1)", style=solid]; "533 compressed_weight_updated_constant11" -> "534 mul_tensor_11" [label="(192, 192)", style=solid]; "534 mul_tensor_11" -> "536 sub_tensor_11" [label="(192, 192)", style=solid]; -"535 zero_point_updated_constant11" -> "536 sub_tensor_11" [label="(192, 1)", style=solid]; +"535 zero_point_updated_constant11" -> "536 sub_tensor_11" [label="(192, 1)", style=dashed]; "536 sub_tensor_11" -> "537 linear_16" [label="(192, 192)", style=solid]; "537 linear_16" -> "538 dropout_9" [label="(-1, -1, 192)", style=solid]; "538 dropout_9" -> "539 view_14" [label="(-1, -1, 192)", style=solid]; @@ -3590,7 +3590,7 @@ strict digraph { "552 scale_updated_constant12" -> "554 mul_tensor_12" [label="(768, 1)", style=solid]; "553 compressed_weight_updated_constant12" -> "554 mul_tensor_12" [label="(768, 192)", style=solid]; "554 mul_tensor_12" -> "556 sub_tensor_12" [label="(768, 192)", style=solid]; -"555 zero_point_updated_constant12" -> "556 sub_tensor_12" [label="(768, 1)", style=solid]; +"555 zero_point_updated_constant12" -> "556 sub_tensor_12" [label="(768, 1)", style=dashed]; "556 sub_tensor_12" -> "557 linear_17" [label="(768, 192)", style=solid]; "557 linear_17" -> "558 gelu_2" [label="(1, -1, -1, 768)", style=solid]; "558 gelu_2" -> "559 dropout_10" [label="(1, -1, -1, 768)", style=solid]; @@ -3601,7 +3601,7 @@ strict digraph { "563 scale_updated_constant13" -> "565 mul_tensor_13" [label="(192, 1)", style=solid]; "564 compressed_weight_updated_constant13" -> "565 mul_tensor_13" [label="(192, 768)", style=solid]; "565 mul_tensor_13" -> "567 sub_tensor_13" [label="(192, 768)", style=solid]; -"566 zero_point_updated_constant13" -> "567 sub_tensor_13" [label="(192, 1)", style=solid]; +"566 zero_point_updated_constant13" -> "567 sub_tensor_13" [label="(192, 1)", style=dashed]; "567 sub_tensor_13" -> "568 linear_18" [label="(192, 768)", style=solid]; "568 linear_18" -> "569 dropout_11" [label="(1, -1, -1, 192)", style=solid]; "569 dropout_11" -> "570 layer_norm_7" [label="(1, -1, -1, 192)", style=solid]; @@ -3622,7 +3622,7 @@ strict digraph { "582 scale_updated_constant14" -> "584 mul_tensor_14" [label="(576, 1)", style=solid]; "583 compressed_weight_updated_constant14" -> "584 mul_tensor_14" [label="(576, 192)", style=solid]; "584 mul_tensor_14" -> "586 sub_tensor_14" [label="(576, 192)", style=solid]; -"585 zero_point_updated_constant14" -> "586 sub_tensor_14" [label="(576, 1)", style=solid]; +"585 zero_point_updated_constant14" -> "586 sub_tensor_14" [label="(576, 1)", style=dashed]; "586 sub_tensor_14" -> "587 linear_21" [label="(576, 192)", style=solid]; "587 linear_21" -> "588 reshape_14" [label="(-1, -1, 576)", style=solid]; "588 reshape_14" -> "589 permute_16" [label="(-1, -1, 3, 6, 32)", style=solid]; @@ -3683,7 +3683,7 @@ strict digraph { "634 scale_updated_constant15" -> "636 mul_tensor_15" [label="(192, 1)", style=solid]; "635 compressed_weight_updated_constant15" -> "636 mul_tensor_15" [label="(192, 192)", style=solid]; "636 mul_tensor_15" -> "638 sub_tensor_15" [label="(192, 192)", style=solid]; -"637 zero_point_updated_constant15" -> "638 sub_tensor_15" [label="(192, 1)", style=solid]; +"637 zero_point_updated_constant15" -> "638 sub_tensor_15" [label="(192, 1)", style=dashed]; "638 sub_tensor_15" -> "639 linear_22" [label="(192, 192)", style=solid]; "639 linear_22" -> "640 dropout_13" [label="(-1, -1, 192)", style=solid]; "640 dropout_13" -> "641 view_21" [label="(-1, -1, 192)", style=solid]; @@ -3705,7 +3705,7 @@ strict digraph { "655 scale_updated_constant16" -> "657 mul_tensor_16" [label="(768, 1)", style=solid]; "656 compressed_weight_updated_constant16" -> "657 mul_tensor_16" [label="(768, 192)", style=solid]; "657 mul_tensor_16" -> "659 sub_tensor_16" [label="(768, 192)", style=solid]; -"658 zero_point_updated_constant16" -> "659 sub_tensor_16" [label="(768, 1)", style=solid]; +"658 zero_point_updated_constant16" -> "659 sub_tensor_16" [label="(768, 1)", style=dashed]; "659 sub_tensor_16" -> "660 linear_23" [label="(768, 192)", style=solid]; "660 linear_23" -> "661 gelu_3" [label="(1, -1, -1, 768)", style=solid]; "661 gelu_3" -> "662 dropout_14" [label="(1, -1, -1, 768)", style=solid]; @@ -3716,7 +3716,7 @@ strict digraph { "666 scale_updated_constant17" -> "668 mul_tensor_17" [label="(192, 1)", style=solid]; "667 compressed_weight_updated_constant17" -> "668 mul_tensor_17" [label="(192, 768)", style=solid]; "668 mul_tensor_17" -> "670 sub_tensor_17" [label="(192, 768)", style=solid]; -"669 zero_point_updated_constant17" -> "670 sub_tensor_17" [label="(192, 1)", style=solid]; +"669 zero_point_updated_constant17" -> "670 sub_tensor_17" [label="(192, 1)", style=dashed]; "670 sub_tensor_17" -> "671 linear_24" [label="(192, 768)", style=solid]; "671 linear_24" -> "672 dropout_15" [label="(1, -1, -1, 192)", style=solid]; "672 dropout_15" -> "673 layer_norm_9" [label="(1, -1, -1, 192)", style=solid]; @@ -3745,7 +3745,7 @@ strict digraph { "692 scale_updated_constant18" -> "694 mul_tensor_18" [label="(384, 1)", style=solid]; "693 compressed_weight_updated_constant18" -> "694 mul_tensor_18" [label="(384, 768)", style=solid]; "694 mul_tensor_18" -> "696 sub_tensor_18" [label="(384, 768)", style=solid]; -"695 zero_point_updated_constant18" -> "696 sub_tensor_18" [label="(384, 1)", style=solid]; +"695 zero_point_updated_constant18" -> "696 sub_tensor_18" [label="(384, 1)", style=dashed]; "696 sub_tensor_18" -> "697 linear_25" [label="(384, 768)", style=solid]; "697 linear_25" -> "698 layer_norm_10" [label="(1, -1, -1, 384)", style=solid]; "698 layer_norm_10" -> "700 pad_6" [label="(1, -1, -1, 384)", style=solid]; @@ -3834,7 +3834,7 @@ strict digraph { "709 scale_updated_constant19" -> "711 mul_tensor_19" [label="(1152, 1)", style=solid]; "710 compressed_weight_updated_constant19" -> "711 mul_tensor_19" [label="(1152, 384)", style=solid]; "711 mul_tensor_19" -> "713 sub_tensor_19" [label="(1152, 384)", style=solid]; -"712 zero_point_updated_constant19" -> "713 sub_tensor_19" [label="(1152, 1)", style=solid]; +"712 zero_point_updated_constant19" -> "713 sub_tensor_19" [label="(1152, 1)", style=dashed]; "713 sub_tensor_19" -> "714 linear_28" [label="(1152, 384)", style=solid]; "714 linear_28" -> "715 reshape_19" [label="(-1, -1, 1152)", style=solid]; "715 reshape_19" -> "716 permute_21" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -3876,7 +3876,7 @@ strict digraph { "745 scale_updated_constant20" -> "747 mul_tensor_20" [label="(384, 1)", style=solid]; "746 compressed_weight_updated_constant20" -> "747 mul_tensor_20" [label="(384, 384)", style=solid]; "747 mul_tensor_20" -> "749 sub_tensor_20" [label="(384, 384)", style=solid]; -"748 zero_point_updated_constant20" -> "749 sub_tensor_20" [label="(384, 1)", style=solid]; +"748 zero_point_updated_constant20" -> "749 sub_tensor_20" [label="(384, 1)", style=dashed]; "749 sub_tensor_20" -> "750 linear_29" [label="(384, 384)", style=solid]; "750 linear_29" -> "751 dropout_17" [label="(-1, -1, 384)", style=solid]; "751 dropout_17" -> "752 view_25" [label="(-1, -1, 384)", style=solid]; @@ -3897,7 +3897,7 @@ strict digraph { "765 scale_updated_constant21" -> "767 mul_tensor_21" [label="(1536, 1)", style=solid]; "766 compressed_weight_updated_constant21" -> "767 mul_tensor_21" [label="(1536, 384)", style=solid]; "767 mul_tensor_21" -> "769 sub_tensor_21" [label="(1536, 384)", style=solid]; -"768 zero_point_updated_constant21" -> "769 sub_tensor_21" [label="(1536, 1)", style=solid]; +"768 zero_point_updated_constant21" -> "769 sub_tensor_21" [label="(1536, 1)", style=dashed]; "769 sub_tensor_21" -> "770 linear_30" [label="(1536, 384)", style=solid]; "770 linear_30" -> "771 gelu_4" [label="(1, -1, -1, 1536)", style=solid]; "771 gelu_4" -> "772 dropout_18" [label="(1, -1, -1, 1536)", style=solid]; @@ -3908,7 +3908,7 @@ strict digraph { "776 scale_updated_constant22" -> "778 mul_tensor_22" [label="(384, 1)", style=solid]; "777 compressed_weight_updated_constant22" -> "778 mul_tensor_22" [label="(384, 1536)", style=solid]; "778 mul_tensor_22" -> "780 sub_tensor_22" [label="(384, 1536)", style=solid]; -"779 zero_point_updated_constant22" -> "780 sub_tensor_22" [label="(384, 1)", style=solid]; +"779 zero_point_updated_constant22" -> "780 sub_tensor_22" [label="(384, 1)", style=dashed]; "780 sub_tensor_22" -> "781 linear_31" [label="(384, 1536)", style=solid]; "781 linear_31" -> "782 dropout_19" [label="(1, -1, -1, 384)", style=solid]; "782 dropout_19" -> "783 layer_norm_12" [label="(1, -1, -1, 384)", style=solid]; @@ -3929,7 +3929,7 @@ strict digraph { "795 scale_updated_constant23" -> "797 mul_tensor_23" [label="(1152, 1)", style=solid]; "796 compressed_weight_updated_constant23" -> "797 mul_tensor_23" [label="(1152, 384)", style=solid]; "797 mul_tensor_23" -> "799 sub_tensor_23" [label="(1152, 384)", style=solid]; -"798 zero_point_updated_constant23" -> "799 sub_tensor_23" [label="(1152, 1)", style=solid]; +"798 zero_point_updated_constant23" -> "799 sub_tensor_23" [label="(1152, 1)", style=dashed]; "799 sub_tensor_23" -> "800 linear_34" [label="(1152, 384)", style=solid]; "800 linear_34" -> "801 reshape_23" [label="(-1, -1, 1152)", style=solid]; "801 reshape_23" -> "802 permute_25" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -3990,7 +3990,7 @@ strict digraph { "847 scale_updated_constant24" -> "849 mul_tensor_24" [label="(384, 1)", style=solid]; "848 compressed_weight_updated_constant24" -> "849 mul_tensor_24" [label="(384, 384)", style=solid]; "849 mul_tensor_24" -> "851 sub_tensor_24" [label="(384, 384)", style=solid]; -"850 zero_point_updated_constant24" -> "851 sub_tensor_24" [label="(384, 1)", style=solid]; +"850 zero_point_updated_constant24" -> "851 sub_tensor_24" [label="(384, 1)", style=dashed]; "851 sub_tensor_24" -> "852 linear_35" [label="(384, 384)", style=solid]; "852 linear_35" -> "853 dropout_21" [label="(-1, -1, 384)", style=solid]; "853 dropout_21" -> "854 view_32" [label="(-1, -1, 384)", style=solid]; @@ -4012,7 +4012,7 @@ strict digraph { "868 scale_updated_constant25" -> "870 mul_tensor_25" [label="(1536, 1)", style=solid]; "869 compressed_weight_updated_constant25" -> "870 mul_tensor_25" [label="(1536, 384)", style=solid]; "870 mul_tensor_25" -> "872 sub_tensor_25" [label="(1536, 384)", style=solid]; -"871 zero_point_updated_constant25" -> "872 sub_tensor_25" [label="(1536, 1)", style=solid]; +"871 zero_point_updated_constant25" -> "872 sub_tensor_25" [label="(1536, 1)", style=dashed]; "872 sub_tensor_25" -> "873 linear_36" [label="(1536, 384)", style=solid]; "873 linear_36" -> "874 gelu_5" [label="(1, -1, -1, 1536)", style=solid]; "874 gelu_5" -> "875 dropout_22" [label="(1, -1, -1, 1536)", style=solid]; @@ -4023,7 +4023,7 @@ strict digraph { "879 scale_updated_constant26" -> "881 mul_tensor_26" [label="(384, 1)", style=solid]; "880 compressed_weight_updated_constant26" -> "881 mul_tensor_26" [label="(384, 1536)", style=solid]; "881 mul_tensor_26" -> "883 sub_tensor_26" [label="(384, 1536)", style=solid]; -"882 zero_point_updated_constant26" -> "883 sub_tensor_26" [label="(384, 1)", style=solid]; +"882 zero_point_updated_constant26" -> "883 sub_tensor_26" [label="(384, 1)", style=dashed]; "883 sub_tensor_26" -> "884 linear_37" [label="(384, 1536)", style=solid]; "884 linear_37" -> "885 dropout_23" [label="(1, -1, -1, 384)", style=solid]; "885 dropout_23" -> "886 layer_norm_14" [label="(1, -1, -1, 384)", style=solid]; @@ -4042,7 +4042,7 @@ strict digraph { "897 scale_updated_constant27" -> "899 mul_tensor_27" [label="(1152, 1)", style=solid]; "898 compressed_weight_updated_constant27" -> "899 mul_tensor_27" [label="(1152, 384)", style=solid]; "899 mul_tensor_27" -> "901 sub_tensor_27" [label="(1152, 384)", style=solid]; -"900 zero_point_updated_constant27" -> "901 sub_tensor_27" [label="(1152, 1)", style=solid]; +"900 zero_point_updated_constant27" -> "901 sub_tensor_27" [label="(1152, 1)", style=dashed]; "901 sub_tensor_27" -> "902 linear_40" [label="(1152, 384)", style=solid]; "902 linear_40" -> "903 reshape_28" [label="(-1, -1, 1152)", style=solid]; "903 reshape_28" -> "904 permute_30" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -4084,7 +4084,7 @@ strict digraph { "933 scale_updated_constant28" -> "935 mul_tensor_28" [label="(384, 1)", style=solid]; "934 compressed_weight_updated_constant28" -> "935 mul_tensor_28" [label="(384, 384)", style=solid]; "935 mul_tensor_28" -> "937 sub_tensor_28" [label="(384, 384)", style=solid]; -"936 zero_point_updated_constant28" -> "937 sub_tensor_28" [label="(384, 1)", style=solid]; +"936 zero_point_updated_constant28" -> "937 sub_tensor_28" [label="(384, 1)", style=dashed]; "937 sub_tensor_28" -> "938 linear_41" [label="(384, 384)", style=solid]; "938 linear_41" -> "939 dropout_25" [label="(-1, -1, 384)", style=solid]; "939 dropout_25" -> "940 view_36" [label="(-1, -1, 384)", style=solid]; @@ -4105,7 +4105,7 @@ strict digraph { "953 scale_updated_constant29" -> "955 mul_tensor_29" [label="(1536, 1)", style=solid]; "954 compressed_weight_updated_constant29" -> "955 mul_tensor_29" [label="(1536, 384)", style=solid]; "955 mul_tensor_29" -> "957 sub_tensor_29" [label="(1536, 384)", style=solid]; -"956 zero_point_updated_constant29" -> "957 sub_tensor_29" [label="(1536, 1)", style=solid]; +"956 zero_point_updated_constant29" -> "957 sub_tensor_29" [label="(1536, 1)", style=dashed]; "957 sub_tensor_29" -> "958 linear_42" [label="(1536, 384)", style=solid]; "958 linear_42" -> "959 gelu_6" [label="(1, -1, -1, 1536)", style=solid]; "959 gelu_6" -> "960 dropout_26" [label="(1, -1, -1, 1536)", style=solid]; @@ -4116,7 +4116,7 @@ strict digraph { "964 scale_updated_constant30" -> "966 mul_tensor_30" [label="(384, 1)", style=solid]; "965 compressed_weight_updated_constant30" -> "966 mul_tensor_30" [label="(384, 1536)", style=solid]; "966 mul_tensor_30" -> "968 sub_tensor_30" [label="(384, 1536)", style=solid]; -"967 zero_point_updated_constant30" -> "968 sub_tensor_30" [label="(384, 1)", style=solid]; +"967 zero_point_updated_constant30" -> "968 sub_tensor_30" [label="(384, 1)", style=dashed]; "968 sub_tensor_30" -> "969 linear_43" [label="(384, 1536)", style=solid]; "969 linear_43" -> "970 dropout_27" [label="(1, -1, -1, 384)", style=solid]; "970 dropout_27" -> "971 layer_norm_16" [label="(1, -1, -1, 384)", style=solid]; @@ -4137,7 +4137,7 @@ strict digraph { "983 scale_updated_constant31" -> "985 mul_tensor_31" [label="(1152, 1)", style=solid]; "984 compressed_weight_updated_constant31" -> "985 mul_tensor_31" [label="(1152, 384)", style=solid]; "985 mul_tensor_31" -> "987 sub_tensor_31" [label="(1152, 384)", style=solid]; -"986 zero_point_updated_constant31" -> "987 sub_tensor_31" [label="(1152, 1)", style=solid]; +"986 zero_point_updated_constant31" -> "987 sub_tensor_31" [label="(1152, 1)", style=dashed]; "987 sub_tensor_31" -> "988 linear_46" [label="(1152, 384)", style=solid]; "988 linear_46" -> "989 reshape_32" [label="(-1, -1, 1152)", style=solid]; "989 reshape_32" -> "990 permute_34" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -4198,7 +4198,7 @@ strict digraph { "1035 scale_updated_constant32" -> "1037 mul_tensor_32" [label="(384, 1)", style=solid]; "1036 compressed_weight_updated_constant32" -> "1037 mul_tensor_32" [label="(384, 384)", style=solid]; "1037 mul_tensor_32" -> "1039 sub_tensor_32" [label="(384, 384)", style=solid]; -"1038 zero_point_updated_constant32" -> "1039 sub_tensor_32" [label="(384, 1)", style=solid]; +"1038 zero_point_updated_constant32" -> "1039 sub_tensor_32" [label="(384, 1)", style=dashed]; "1039 sub_tensor_32" -> "1040 linear_47" [label="(384, 384)", style=solid]; "1040 linear_47" -> "1041 dropout_29" [label="(-1, -1, 384)", style=solid]; "1041 dropout_29" -> "1042 view_43" [label="(-1, -1, 384)", style=solid]; @@ -4220,7 +4220,7 @@ strict digraph { "1056 scale_updated_constant33" -> "1058 mul_tensor_33" [label="(1536, 1)", style=solid]; "1057 compressed_weight_updated_constant33" -> "1058 mul_tensor_33" [label="(1536, 384)", style=solid]; "1058 mul_tensor_33" -> "1060 sub_tensor_33" [label="(1536, 384)", style=solid]; -"1059 zero_point_updated_constant33" -> "1060 sub_tensor_33" [label="(1536, 1)", style=solid]; +"1059 zero_point_updated_constant33" -> "1060 sub_tensor_33" [label="(1536, 1)", style=dashed]; "1060 sub_tensor_33" -> "1061 linear_48" [label="(1536, 384)", style=solid]; "1061 linear_48" -> "1062 gelu_7" [label="(1, -1, -1, 1536)", style=solid]; "1062 gelu_7" -> "1063 dropout_30" [label="(1, -1, -1, 1536)", style=solid]; @@ -4231,7 +4231,7 @@ strict digraph { "1067 scale_updated_constant34" -> "1069 mul_tensor_34" [label="(384, 1)", style=solid]; "1068 compressed_weight_updated_constant34" -> "1069 mul_tensor_34" [label="(384, 1536)", style=solid]; "1069 mul_tensor_34" -> "1071 sub_tensor_34" [label="(384, 1536)", style=solid]; -"1070 zero_point_updated_constant34" -> "1071 sub_tensor_34" [label="(384, 1)", style=solid]; +"1070 zero_point_updated_constant34" -> "1071 sub_tensor_34" [label="(384, 1)", style=dashed]; "1071 sub_tensor_34" -> "1072 linear_49" [label="(384, 1536)", style=solid]; "1072 linear_49" -> "1073 dropout_31" [label="(1, -1, -1, 384)", style=solid]; "1073 dropout_31" -> "1074 layer_norm_18" [label="(1, -1, -1, 384)", style=solid]; @@ -4250,7 +4250,7 @@ strict digraph { "1085 scale_updated_constant35" -> "1087 mul_tensor_35" [label="(1152, 1)", style=solid]; "1086 compressed_weight_updated_constant35" -> "1087 mul_tensor_35" [label="(1152, 384)", style=solid]; "1087 mul_tensor_35" -> "1089 sub_tensor_35" [label="(1152, 384)", style=solid]; -"1088 zero_point_updated_constant35" -> "1089 sub_tensor_35" [label="(1152, 1)", style=solid]; +"1088 zero_point_updated_constant35" -> "1089 sub_tensor_35" [label="(1152, 1)", style=dashed]; "1089 sub_tensor_35" -> "1090 linear_52" [label="(1152, 384)", style=solid]; "1090 linear_52" -> "1091 reshape_37" [label="(-1, -1, 1152)", style=solid]; "1091 reshape_37" -> "1092 permute_39" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -4292,7 +4292,7 @@ strict digraph { "1121 scale_updated_constant36" -> "1123 mul_tensor_36" [label="(384, 1)", style=solid]; "1122 compressed_weight_updated_constant36" -> "1123 mul_tensor_36" [label="(384, 384)", style=solid]; "1123 mul_tensor_36" -> "1125 sub_tensor_36" [label="(384, 384)", style=solid]; -"1124 zero_point_updated_constant36" -> "1125 sub_tensor_36" [label="(384, 1)", style=solid]; +"1124 zero_point_updated_constant36" -> "1125 sub_tensor_36" [label="(384, 1)", style=dashed]; "1125 sub_tensor_36" -> "1126 linear_53" [label="(384, 384)", style=solid]; "1126 linear_53" -> "1127 dropout_33" [label="(-1, -1, 384)", style=solid]; "1127 dropout_33" -> "1128 view_47" [label="(-1, -1, 384)", style=solid]; @@ -4313,7 +4313,7 @@ strict digraph { "1141 scale_updated_constant37" -> "1143 mul_tensor_37" [label="(1536, 1)", style=solid]; "1142 compressed_weight_updated_constant37" -> "1143 mul_tensor_37" [label="(1536, 384)", style=solid]; "1143 mul_tensor_37" -> "1145 sub_tensor_37" [label="(1536, 384)", style=solid]; -"1144 zero_point_updated_constant37" -> "1145 sub_tensor_37" [label="(1536, 1)", style=solid]; +"1144 zero_point_updated_constant37" -> "1145 sub_tensor_37" [label="(1536, 1)", style=dashed]; "1145 sub_tensor_37" -> "1146 linear_54" [label="(1536, 384)", style=solid]; "1146 linear_54" -> "1147 gelu_8" [label="(1, -1, -1, 1536)", style=solid]; "1147 gelu_8" -> "1148 dropout_34" [label="(1, -1, -1, 1536)", style=solid]; @@ -4324,7 +4324,7 @@ strict digraph { "1152 scale_updated_constant38" -> "1154 mul_tensor_38" [label="(384, 1)", style=solid]; "1153 compressed_weight_updated_constant38" -> "1154 mul_tensor_38" [label="(384, 1536)", style=solid]; "1154 mul_tensor_38" -> "1156 sub_tensor_38" [label="(384, 1536)", style=solid]; -"1155 zero_point_updated_constant38" -> "1156 sub_tensor_38" [label="(384, 1)", style=solid]; +"1155 zero_point_updated_constant38" -> "1156 sub_tensor_38" [label="(384, 1)", style=dashed]; "1156 sub_tensor_38" -> "1157 linear_55" [label="(384, 1536)", style=solid]; "1157 linear_55" -> "1158 dropout_35" [label="(1, -1, -1, 384)", style=solid]; "1158 dropout_35" -> "1159 layer_norm_20" [label="(1, -1, -1, 384)", style=solid]; @@ -4345,7 +4345,7 @@ strict digraph { "1171 scale_updated_constant39" -> "1173 mul_tensor_39" [label="(1152, 1)", style=solid]; "1172 compressed_weight_updated_constant39" -> "1173 mul_tensor_39" [label="(1152, 384)", style=solid]; "1173 mul_tensor_39" -> "1175 sub_tensor_39" [label="(1152, 384)", style=solid]; -"1174 zero_point_updated_constant39" -> "1175 sub_tensor_39" [label="(1152, 1)", style=solid]; +"1174 zero_point_updated_constant39" -> "1175 sub_tensor_39" [label="(1152, 1)", style=dashed]; "1175 sub_tensor_39" -> "1176 linear_58" [label="(1152, 384)", style=solid]; "1176 linear_58" -> "1177 reshape_41" [label="(-1, -1, 1152)", style=solid]; "1177 reshape_41" -> "1178 permute_43" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -4406,7 +4406,7 @@ strict digraph { "1223 scale_updated_constant40" -> "1225 mul_tensor_40" [label="(384, 1)", style=solid]; "1224 compressed_weight_updated_constant40" -> "1225 mul_tensor_40" [label="(384, 384)", style=solid]; "1225 mul_tensor_40" -> "1227 sub_tensor_40" [label="(384, 384)", style=solid]; -"1226 zero_point_updated_constant40" -> "1227 sub_tensor_40" [label="(384, 1)", style=solid]; +"1226 zero_point_updated_constant40" -> "1227 sub_tensor_40" [label="(384, 1)", style=dashed]; "1227 sub_tensor_40" -> "1228 linear_59" [label="(384, 384)", style=solid]; "1228 linear_59" -> "1229 dropout_37" [label="(-1, -1, 384)", style=solid]; "1229 dropout_37" -> "1230 view_54" [label="(-1, -1, 384)", style=solid]; @@ -4428,7 +4428,7 @@ strict digraph { "1244 scale_updated_constant41" -> "1246 mul_tensor_41" [label="(1536, 1)", style=solid]; "1245 compressed_weight_updated_constant41" -> "1246 mul_tensor_41" [label="(1536, 384)", style=solid]; "1246 mul_tensor_41" -> "1248 sub_tensor_41" [label="(1536, 384)", style=solid]; -"1247 zero_point_updated_constant41" -> "1248 sub_tensor_41" [label="(1536, 1)", style=solid]; +"1247 zero_point_updated_constant41" -> "1248 sub_tensor_41" [label="(1536, 1)", style=dashed]; "1248 sub_tensor_41" -> "1249 linear_60" [label="(1536, 384)", style=solid]; "1249 linear_60" -> "1250 gelu_9" [label="(1, -1, -1, 1536)", style=solid]; "1250 gelu_9" -> "1251 dropout_38" [label="(1, -1, -1, 1536)", style=solid]; @@ -4439,7 +4439,7 @@ strict digraph { "1255 scale_updated_constant42" -> "1257 mul_tensor_42" [label="(384, 1)", style=solid]; "1256 compressed_weight_updated_constant42" -> "1257 mul_tensor_42" [label="(384, 1536)", style=solid]; "1257 mul_tensor_42" -> "1259 sub_tensor_42" [label="(384, 1536)", style=solid]; -"1258 zero_point_updated_constant42" -> "1259 sub_tensor_42" [label="(384, 1)", style=solid]; +"1258 zero_point_updated_constant42" -> "1259 sub_tensor_42" [label="(384, 1)", style=dashed]; "1259 sub_tensor_42" -> "1260 linear_61" [label="(384, 1536)", style=solid]; "1260 linear_61" -> "1261 dropout_39" [label="(1, -1, -1, 384)", style=solid]; "1261 dropout_39" -> "1262 layer_norm_22" [label="(1, -1, -1, 384)", style=solid]; @@ -4458,7 +4458,7 @@ strict digraph { "1273 scale_updated_constant43" -> "1275 mul_tensor_43" [label="(1152, 1)", style=solid]; "1274 compressed_weight_updated_constant43" -> "1275 mul_tensor_43" [label="(1152, 384)", style=solid]; "1275 mul_tensor_43" -> "1277 sub_tensor_43" [label="(1152, 384)", style=solid]; -"1276 zero_point_updated_constant43" -> "1277 sub_tensor_43" [label="(1152, 1)", style=solid]; +"1276 zero_point_updated_constant43" -> "1277 sub_tensor_43" [label="(1152, 1)", style=dashed]; "1277 sub_tensor_43" -> "1278 linear_64" [label="(1152, 384)", style=solid]; "1278 linear_64" -> "1279 reshape_46" [label="(-1, -1, 1152)", style=solid]; "1279 reshape_46" -> "1280 permute_48" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -4500,7 +4500,7 @@ strict digraph { "1309 scale_updated_constant44" -> "1311 mul_tensor_44" [label="(384, 1)", style=solid]; "1310 compressed_weight_updated_constant44" -> "1311 mul_tensor_44" [label="(384, 384)", style=solid]; "1311 mul_tensor_44" -> "1313 sub_tensor_44" [label="(384, 384)", style=solid]; -"1312 zero_point_updated_constant44" -> "1313 sub_tensor_44" [label="(384, 1)", style=solid]; +"1312 zero_point_updated_constant44" -> "1313 sub_tensor_44" [label="(384, 1)", style=dashed]; "1313 sub_tensor_44" -> "1314 linear_65" [label="(384, 384)", style=solid]; "1314 linear_65" -> "1315 dropout_41" [label="(-1, -1, 384)", style=solid]; "1315 dropout_41" -> "1316 view_58" [label="(-1, -1, 384)", style=solid]; @@ -4521,7 +4521,7 @@ strict digraph { "1329 scale_updated_constant45" -> "1331 mul_tensor_45" [label="(1536, 1)", style=solid]; "1330 compressed_weight_updated_constant45" -> "1331 mul_tensor_45" [label="(1536, 384)", style=solid]; "1331 mul_tensor_45" -> "1333 sub_tensor_45" [label="(1536, 384)", style=solid]; -"1332 zero_point_updated_constant45" -> "1333 sub_tensor_45" [label="(1536, 1)", style=solid]; +"1332 zero_point_updated_constant45" -> "1333 sub_tensor_45" [label="(1536, 1)", style=dashed]; "1333 sub_tensor_45" -> "1334 linear_66" [label="(1536, 384)", style=solid]; "1334 linear_66" -> "1335 gelu_10" [label="(1, -1, -1, 1536)", style=solid]; "1335 gelu_10" -> "1336 dropout_42" [label="(1, -1, -1, 1536)", style=solid]; @@ -4532,7 +4532,7 @@ strict digraph { "1340 scale_updated_constant46" -> "1342 mul_tensor_46" [label="(384, 1)", style=solid]; "1341 compressed_weight_updated_constant46" -> "1342 mul_tensor_46" [label="(384, 1536)", style=solid]; "1342 mul_tensor_46" -> "1344 sub_tensor_46" [label="(384, 1536)", style=solid]; -"1343 zero_point_updated_constant46" -> "1344 sub_tensor_46" [label="(384, 1)", style=solid]; +"1343 zero_point_updated_constant46" -> "1344 sub_tensor_46" [label="(384, 1)", style=dashed]; "1344 sub_tensor_46" -> "1345 linear_67" [label="(384, 1536)", style=solid]; "1345 linear_67" -> "1346 dropout_43" [label="(1, -1, -1, 384)", style=solid]; "1346 dropout_43" -> "1347 layer_norm_24" [label="(1, -1, -1, 384)", style=solid]; @@ -4553,7 +4553,7 @@ strict digraph { "1359 scale_updated_constant47" -> "1361 mul_tensor_47" [label="(1152, 1)", style=solid]; "1360 compressed_weight_updated_constant47" -> "1361 mul_tensor_47" [label="(1152, 384)", style=solid]; "1361 mul_tensor_47" -> "1363 sub_tensor_47" [label="(1152, 384)", style=solid]; -"1362 zero_point_updated_constant47" -> "1363 sub_tensor_47" [label="(1152, 1)", style=solid]; +"1362 zero_point_updated_constant47" -> "1363 sub_tensor_47" [label="(1152, 1)", style=dashed]; "1363 sub_tensor_47" -> "1364 linear_70" [label="(1152, 384)", style=solid]; "1364 linear_70" -> "1365 reshape_50" [label="(-1, -1, 1152)", style=solid]; "1365 reshape_50" -> "1366 permute_52" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -4614,7 +4614,7 @@ strict digraph { "1411 scale_updated_constant48" -> "1413 mul_tensor_48" [label="(384, 1)", style=solid]; "1412 compressed_weight_updated_constant48" -> "1413 mul_tensor_48" [label="(384, 384)", style=solid]; "1413 mul_tensor_48" -> "1415 sub_tensor_48" [label="(384, 384)", style=solid]; -"1414 zero_point_updated_constant48" -> "1415 sub_tensor_48" [label="(384, 1)", style=solid]; +"1414 zero_point_updated_constant48" -> "1415 sub_tensor_48" [label="(384, 1)", style=dashed]; "1415 sub_tensor_48" -> "1416 linear_71" [label="(384, 384)", style=solid]; "1416 linear_71" -> "1417 dropout_45" [label="(-1, -1, 384)", style=solid]; "1417 dropout_45" -> "1418 view_65" [label="(-1, -1, 384)", style=solid]; @@ -4636,7 +4636,7 @@ strict digraph { "1432 scale_updated_constant49" -> "1434 mul_tensor_49" [label="(1536, 1)", style=solid]; "1433 compressed_weight_updated_constant49" -> "1434 mul_tensor_49" [label="(1536, 384)", style=solid]; "1434 mul_tensor_49" -> "1436 sub_tensor_49" [label="(1536, 384)", style=solid]; -"1435 zero_point_updated_constant49" -> "1436 sub_tensor_49" [label="(1536, 1)", style=solid]; +"1435 zero_point_updated_constant49" -> "1436 sub_tensor_49" [label="(1536, 1)", style=dashed]; "1436 sub_tensor_49" -> "1437 linear_72" [label="(1536, 384)", style=solid]; "1437 linear_72" -> "1438 gelu_11" [label="(1, -1, -1, 1536)", style=solid]; "1438 gelu_11" -> "1439 dropout_46" [label="(1, -1, -1, 1536)", style=solid]; @@ -4647,7 +4647,7 @@ strict digraph { "1443 scale_updated_constant50" -> "1445 mul_tensor_50" [label="(384, 1)", style=solid]; "1444 compressed_weight_updated_constant50" -> "1445 mul_tensor_50" [label="(384, 1536)", style=solid]; "1445 mul_tensor_50" -> "1447 sub_tensor_50" [label="(384, 1536)", style=solid]; -"1446 zero_point_updated_constant50" -> "1447 sub_tensor_50" [label="(384, 1)", style=solid]; +"1446 zero_point_updated_constant50" -> "1447 sub_tensor_50" [label="(384, 1)", style=dashed]; "1447 sub_tensor_50" -> "1448 linear_73" [label="(384, 1536)", style=solid]; "1448 linear_73" -> "1449 dropout_47" [label="(1, -1, -1, 384)", style=solid]; "1449 dropout_47" -> "1450 layer_norm_26" [label="(1, -1, -1, 384)", style=solid]; @@ -4666,7 +4666,7 @@ strict digraph { "1461 scale_updated_constant51" -> "1463 mul_tensor_51" [label="(1152, 1)", style=solid]; "1462 compressed_weight_updated_constant51" -> "1463 mul_tensor_51" [label="(1152, 384)", style=solid]; "1463 mul_tensor_51" -> "1465 sub_tensor_51" [label="(1152, 384)", style=solid]; -"1464 zero_point_updated_constant51" -> "1465 sub_tensor_51" [label="(1152, 1)", style=solid]; +"1464 zero_point_updated_constant51" -> "1465 sub_tensor_51" [label="(1152, 1)", style=dashed]; "1465 sub_tensor_51" -> "1466 linear_76" [label="(1152, 384)", style=solid]; "1466 linear_76" -> "1467 reshape_55" [label="(-1, -1, 1152)", style=solid]; "1467 reshape_55" -> "1468 permute_57" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -4708,7 +4708,7 @@ strict digraph { "1497 scale_updated_constant52" -> "1499 mul_tensor_52" [label="(384, 1)", style=solid]; "1498 compressed_weight_updated_constant52" -> "1499 mul_tensor_52" [label="(384, 384)", style=solid]; "1499 mul_tensor_52" -> "1501 sub_tensor_52" [label="(384, 384)", style=solid]; -"1500 zero_point_updated_constant52" -> "1501 sub_tensor_52" [label="(384, 1)", style=solid]; +"1500 zero_point_updated_constant52" -> "1501 sub_tensor_52" [label="(384, 1)", style=dashed]; "1501 sub_tensor_52" -> "1502 linear_77" [label="(384, 384)", style=solid]; "1502 linear_77" -> "1503 dropout_49" [label="(-1, -1, 384)", style=solid]; "1503 dropout_49" -> "1504 view_69" [label="(-1, -1, 384)", style=solid]; @@ -4729,7 +4729,7 @@ strict digraph { "1517 scale_updated_constant53" -> "1519 mul_tensor_53" [label="(1536, 1)", style=solid]; "1518 compressed_weight_updated_constant53" -> "1519 mul_tensor_53" [label="(1536, 384)", style=solid]; "1519 mul_tensor_53" -> "1521 sub_tensor_53" [label="(1536, 384)", style=solid]; -"1520 zero_point_updated_constant53" -> "1521 sub_tensor_53" [label="(1536, 1)", style=solid]; +"1520 zero_point_updated_constant53" -> "1521 sub_tensor_53" [label="(1536, 1)", style=dashed]; "1521 sub_tensor_53" -> "1522 linear_78" [label="(1536, 384)", style=solid]; "1522 linear_78" -> "1523 gelu_12" [label="(1, -1, -1, 1536)", style=solid]; "1523 gelu_12" -> "1524 dropout_50" [label="(1, -1, -1, 1536)", style=solid]; @@ -4740,7 +4740,7 @@ strict digraph { "1528 scale_updated_constant54" -> "1530 mul_tensor_54" [label="(384, 1)", style=solid]; "1529 compressed_weight_updated_constant54" -> "1530 mul_tensor_54" [label="(384, 1536)", style=solid]; "1530 mul_tensor_54" -> "1532 sub_tensor_54" [label="(384, 1536)", style=solid]; -"1531 zero_point_updated_constant54" -> "1532 sub_tensor_54" [label="(384, 1)", style=solid]; +"1531 zero_point_updated_constant54" -> "1532 sub_tensor_54" [label="(384, 1)", style=dashed]; "1532 sub_tensor_54" -> "1533 linear_79" [label="(384, 1536)", style=solid]; "1533 linear_79" -> "1534 dropout_51" [label="(1, -1, -1, 384)", style=solid]; "1534 dropout_51" -> "1535 layer_norm_28" [label="(1, -1, -1, 384)", style=solid]; @@ -4761,7 +4761,7 @@ strict digraph { "1547 scale_updated_constant55" -> "1549 mul_tensor_55" [label="(1152, 1)", style=solid]; "1548 compressed_weight_updated_constant55" -> "1549 mul_tensor_55" [label="(1152, 384)", style=solid]; "1549 mul_tensor_55" -> "1551 sub_tensor_55" [label="(1152, 384)", style=solid]; -"1550 zero_point_updated_constant55" -> "1551 sub_tensor_55" [label="(1152, 1)", style=solid]; +"1550 zero_point_updated_constant55" -> "1551 sub_tensor_55" [label="(1152, 1)", style=dashed]; "1551 sub_tensor_55" -> "1552 linear_82" [label="(1152, 384)", style=solid]; "1552 linear_82" -> "1553 reshape_59" [label="(-1, -1, 1152)", style=solid]; "1553 reshape_59" -> "1554 permute_61" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -4822,7 +4822,7 @@ strict digraph { "1599 scale_updated_constant56" -> "1601 mul_tensor_56" [label="(384, 1)", style=solid]; "1600 compressed_weight_updated_constant56" -> "1601 mul_tensor_56" [label="(384, 384)", style=solid]; "1601 mul_tensor_56" -> "1603 sub_tensor_56" [label="(384, 384)", style=solid]; -"1602 zero_point_updated_constant56" -> "1603 sub_tensor_56" [label="(384, 1)", style=solid]; +"1602 zero_point_updated_constant56" -> "1603 sub_tensor_56" [label="(384, 1)", style=dashed]; "1603 sub_tensor_56" -> "1604 linear_83" [label="(384, 384)", style=solid]; "1604 linear_83" -> "1605 dropout_53" [label="(-1, -1, 384)", style=solid]; "1605 dropout_53" -> "1606 view_76" [label="(-1, -1, 384)", style=solid]; @@ -4844,7 +4844,7 @@ strict digraph { "1620 scale_updated_constant57" -> "1622 mul_tensor_57" [label="(1536, 1)", style=solid]; "1621 compressed_weight_updated_constant57" -> "1622 mul_tensor_57" [label="(1536, 384)", style=solid]; "1622 mul_tensor_57" -> "1624 sub_tensor_57" [label="(1536, 384)", style=solid]; -"1623 zero_point_updated_constant57" -> "1624 sub_tensor_57" [label="(1536, 1)", style=solid]; +"1623 zero_point_updated_constant57" -> "1624 sub_tensor_57" [label="(1536, 1)", style=dashed]; "1624 sub_tensor_57" -> "1625 linear_84" [label="(1536, 384)", style=solid]; "1625 linear_84" -> "1626 gelu_13" [label="(1, -1, -1, 1536)", style=solid]; "1626 gelu_13" -> "1627 dropout_54" [label="(1, -1, -1, 1536)", style=solid]; @@ -4855,7 +4855,7 @@ strict digraph { "1631 scale_updated_constant58" -> "1633 mul_tensor_58" [label="(384, 1)", style=solid]; "1632 compressed_weight_updated_constant58" -> "1633 mul_tensor_58" [label="(384, 1536)", style=solid]; "1633 mul_tensor_58" -> "1635 sub_tensor_58" [label="(384, 1536)", style=solid]; -"1634 zero_point_updated_constant58" -> "1635 sub_tensor_58" [label="(384, 1)", style=solid]; +"1634 zero_point_updated_constant58" -> "1635 sub_tensor_58" [label="(384, 1)", style=dashed]; "1635 sub_tensor_58" -> "1636 linear_85" [label="(384, 1536)", style=solid]; "1636 linear_85" -> "1637 dropout_55" [label="(1, -1, -1, 384)", style=solid]; "1637 dropout_55" -> "1638 layer_norm_30" [label="(1, -1, -1, 384)", style=solid]; @@ -4874,7 +4874,7 @@ strict digraph { "1649 scale_updated_constant59" -> "1651 mul_tensor_59" [label="(1152, 1)", style=solid]; "1650 compressed_weight_updated_constant59" -> "1651 mul_tensor_59" [label="(1152, 384)", style=solid]; "1651 mul_tensor_59" -> "1653 sub_tensor_59" [label="(1152, 384)", style=solid]; -"1652 zero_point_updated_constant59" -> "1653 sub_tensor_59" [label="(1152, 1)", style=solid]; +"1652 zero_point_updated_constant59" -> "1653 sub_tensor_59" [label="(1152, 1)", style=dashed]; "1653 sub_tensor_59" -> "1654 linear_88" [label="(1152, 384)", style=solid]; "1654 linear_88" -> "1655 reshape_64" [label="(-1, -1, 1152)", style=solid]; "1655 reshape_64" -> "1656 permute_66" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -4916,7 +4916,7 @@ strict digraph { "1685 scale_updated_constant60" -> "1687 mul_tensor_60" [label="(384, 1)", style=solid]; "1686 compressed_weight_updated_constant60" -> "1687 mul_tensor_60" [label="(384, 384)", style=solid]; "1687 mul_tensor_60" -> "1689 sub_tensor_60" [label="(384, 384)", style=solid]; -"1688 zero_point_updated_constant60" -> "1689 sub_tensor_60" [label="(384, 1)", style=solid]; +"1688 zero_point_updated_constant60" -> "1689 sub_tensor_60" [label="(384, 1)", style=dashed]; "1689 sub_tensor_60" -> "1690 linear_89" [label="(384, 384)", style=solid]; "1690 linear_89" -> "1691 dropout_57" [label="(-1, -1, 384)", style=solid]; "1691 dropout_57" -> "1692 view_80" [label="(-1, -1, 384)", style=solid]; @@ -4937,7 +4937,7 @@ strict digraph { "1705 scale_updated_constant61" -> "1707 mul_tensor_61" [label="(1536, 1)", style=solid]; "1706 compressed_weight_updated_constant61" -> "1707 mul_tensor_61" [label="(1536, 384)", style=solid]; "1707 mul_tensor_61" -> "1709 sub_tensor_61" [label="(1536, 384)", style=solid]; -"1708 zero_point_updated_constant61" -> "1709 sub_tensor_61" [label="(1536, 1)", style=solid]; +"1708 zero_point_updated_constant61" -> "1709 sub_tensor_61" [label="(1536, 1)", style=dashed]; "1709 sub_tensor_61" -> "1710 linear_90" [label="(1536, 384)", style=solid]; "1710 linear_90" -> "1711 gelu_14" [label="(1, -1, -1, 1536)", style=solid]; "1711 gelu_14" -> "1712 dropout_58" [label="(1, -1, -1, 1536)", style=solid]; @@ -4948,7 +4948,7 @@ strict digraph { "1716 scale_updated_constant62" -> "1718 mul_tensor_62" [label="(384, 1)", style=solid]; "1717 compressed_weight_updated_constant62" -> "1718 mul_tensor_62" [label="(384, 1536)", style=solid]; "1718 mul_tensor_62" -> "1720 sub_tensor_62" [label="(384, 1536)", style=solid]; -"1719 zero_point_updated_constant62" -> "1720 sub_tensor_62" [label="(384, 1)", style=solid]; +"1719 zero_point_updated_constant62" -> "1720 sub_tensor_62" [label="(384, 1)", style=dashed]; "1720 sub_tensor_62" -> "1721 linear_91" [label="(384, 1536)", style=solid]; "1721 linear_91" -> "1722 dropout_59" [label="(1, -1, -1, 384)", style=solid]; "1722 dropout_59" -> "1723 layer_norm_32" [label="(1, -1, -1, 384)", style=solid]; @@ -4969,7 +4969,7 @@ strict digraph { "1735 scale_updated_constant63" -> "1737 mul_tensor_63" [label="(1152, 1)", style=solid]; "1736 compressed_weight_updated_constant63" -> "1737 mul_tensor_63" [label="(1152, 384)", style=solid]; "1737 mul_tensor_63" -> "1739 sub_tensor_63" [label="(1152, 384)", style=solid]; -"1738 zero_point_updated_constant63" -> "1739 sub_tensor_63" [label="(1152, 1)", style=solid]; +"1738 zero_point_updated_constant63" -> "1739 sub_tensor_63" [label="(1152, 1)", style=dashed]; "1739 sub_tensor_63" -> "1740 linear_94" [label="(1152, 384)", style=solid]; "1740 linear_94" -> "1741 reshape_68" [label="(-1, -1, 1152)", style=solid]; "1741 reshape_68" -> "1742 permute_70" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -5030,7 +5030,7 @@ strict digraph { "1787 scale_updated_constant64" -> "1789 mul_tensor_64" [label="(384, 1)", style=solid]; "1788 compressed_weight_updated_constant64" -> "1789 mul_tensor_64" [label="(384, 384)", style=solid]; "1789 mul_tensor_64" -> "1791 sub_tensor_64" [label="(384, 384)", style=solid]; -"1790 zero_point_updated_constant64" -> "1791 sub_tensor_64" [label="(384, 1)", style=solid]; +"1790 zero_point_updated_constant64" -> "1791 sub_tensor_64" [label="(384, 1)", style=dashed]; "1791 sub_tensor_64" -> "1792 linear_95" [label="(384, 384)", style=solid]; "1792 linear_95" -> "1793 dropout_61" [label="(-1, -1, 384)", style=solid]; "1793 dropout_61" -> "1794 view_87" [label="(-1, -1, 384)", style=solid]; @@ -5052,7 +5052,7 @@ strict digraph { "1808 scale_updated_constant65" -> "1810 mul_tensor_65" [label="(1536, 1)", style=solid]; "1809 compressed_weight_updated_constant65" -> "1810 mul_tensor_65" [label="(1536, 384)", style=solid]; "1810 mul_tensor_65" -> "1812 sub_tensor_65" [label="(1536, 384)", style=solid]; -"1811 zero_point_updated_constant65" -> "1812 sub_tensor_65" [label="(1536, 1)", style=solid]; +"1811 zero_point_updated_constant65" -> "1812 sub_tensor_65" [label="(1536, 1)", style=dashed]; "1812 sub_tensor_65" -> "1813 linear_96" [label="(1536, 384)", style=solid]; "1813 linear_96" -> "1814 gelu_15" [label="(1, -1, -1, 1536)", style=solid]; "1814 gelu_15" -> "1815 dropout_62" [label="(1, -1, -1, 1536)", style=solid]; @@ -5063,7 +5063,7 @@ strict digraph { "1819 scale_updated_constant66" -> "1821 mul_tensor_66" [label="(384, 1)", style=solid]; "1820 compressed_weight_updated_constant66" -> "1821 mul_tensor_66" [label="(384, 1536)", style=solid]; "1821 mul_tensor_66" -> "1823 sub_tensor_66" [label="(384, 1536)", style=solid]; -"1822 zero_point_updated_constant66" -> "1823 sub_tensor_66" [label="(384, 1)", style=solid]; +"1822 zero_point_updated_constant66" -> "1823 sub_tensor_66" [label="(384, 1)", style=dashed]; "1823 sub_tensor_66" -> "1824 linear_97" [label="(384, 1536)", style=solid]; "1824 linear_97" -> "1825 dropout_63" [label="(1, -1, -1, 384)", style=solid]; "1825 dropout_63" -> "1826 layer_norm_34" [label="(1, -1, -1, 384)", style=solid]; @@ -5082,7 +5082,7 @@ strict digraph { "1837 scale_updated_constant67" -> "1839 mul_tensor_67" [label="(1152, 1)", style=solid]; "1838 compressed_weight_updated_constant67" -> "1839 mul_tensor_67" [label="(1152, 384)", style=solid]; "1839 mul_tensor_67" -> "1841 sub_tensor_67" [label="(1152, 384)", style=solid]; -"1840 zero_point_updated_constant67" -> "1841 sub_tensor_67" [label="(1152, 1)", style=solid]; +"1840 zero_point_updated_constant67" -> "1841 sub_tensor_67" [label="(1152, 1)", style=dashed]; "1841 sub_tensor_67" -> "1842 linear_100" [label="(1152, 384)", style=solid]; "1842 linear_100" -> "1843 reshape_73" [label="(-1, -1, 1152)", style=solid]; "1843 reshape_73" -> "1844 permute_75" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -5124,7 +5124,7 @@ strict digraph { "1873 scale_updated_constant68" -> "1875 mul_tensor_68" [label="(384, 1)", style=solid]; "1874 compressed_weight_updated_constant68" -> "1875 mul_tensor_68" [label="(384, 384)", style=solid]; "1875 mul_tensor_68" -> "1877 sub_tensor_68" [label="(384, 384)", style=solid]; -"1876 zero_point_updated_constant68" -> "1877 sub_tensor_68" [label="(384, 1)", style=solid]; +"1876 zero_point_updated_constant68" -> "1877 sub_tensor_68" [label="(384, 1)", style=dashed]; "1877 sub_tensor_68" -> "1878 linear_101" [label="(384, 384)", style=solid]; "1878 linear_101" -> "1879 dropout_65" [label="(-1, -1, 384)", style=solid]; "1879 dropout_65" -> "1880 view_91" [label="(-1, -1, 384)", style=solid]; @@ -5145,7 +5145,7 @@ strict digraph { "1893 scale_updated_constant69" -> "1895 mul_tensor_69" [label="(1536, 1)", style=solid]; "1894 compressed_weight_updated_constant69" -> "1895 mul_tensor_69" [label="(1536, 384)", style=solid]; "1895 mul_tensor_69" -> "1897 sub_tensor_69" [label="(1536, 384)", style=solid]; -"1896 zero_point_updated_constant69" -> "1897 sub_tensor_69" [label="(1536, 1)", style=solid]; +"1896 zero_point_updated_constant69" -> "1897 sub_tensor_69" [label="(1536, 1)", style=dashed]; "1897 sub_tensor_69" -> "1898 linear_102" [label="(1536, 384)", style=solid]; "1898 linear_102" -> "1899 gelu_16" [label="(1, -1, -1, 1536)", style=solid]; "1899 gelu_16" -> "1900 dropout_66" [label="(1, -1, -1, 1536)", style=solid]; @@ -5156,7 +5156,7 @@ strict digraph { "1904 scale_updated_constant70" -> "1906 mul_tensor_70" [label="(384, 1)", style=solid]; "1905 compressed_weight_updated_constant70" -> "1906 mul_tensor_70" [label="(384, 1536)", style=solid]; "1906 mul_tensor_70" -> "1908 sub_tensor_70" [label="(384, 1536)", style=solid]; -"1907 zero_point_updated_constant70" -> "1908 sub_tensor_70" [label="(384, 1)", style=solid]; +"1907 zero_point_updated_constant70" -> "1908 sub_tensor_70" [label="(384, 1)", style=dashed]; "1908 sub_tensor_70" -> "1909 linear_103" [label="(384, 1536)", style=solid]; "1909 linear_103" -> "1910 dropout_67" [label="(1, -1, -1, 384)", style=solid]; "1910 dropout_67" -> "1911 layer_norm_36" [label="(1, -1, -1, 384)", style=solid]; @@ -5177,7 +5177,7 @@ strict digraph { "1923 scale_updated_constant71" -> "1925 mul_tensor_71" [label="(1152, 1)", style=solid]; "1924 compressed_weight_updated_constant71" -> "1925 mul_tensor_71" [label="(1152, 384)", style=solid]; "1925 mul_tensor_71" -> "1927 sub_tensor_71" [label="(1152, 384)", style=solid]; -"1926 zero_point_updated_constant71" -> "1927 sub_tensor_71" [label="(1152, 1)", style=solid]; +"1926 zero_point_updated_constant71" -> "1927 sub_tensor_71" [label="(1152, 1)", style=dashed]; "1927 sub_tensor_71" -> "1928 linear_106" [label="(1152, 384)", style=solid]; "1928 linear_106" -> "1929 reshape_77" [label="(-1, -1, 1152)", style=solid]; "1929 reshape_77" -> "1930 permute_79" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -5238,7 +5238,7 @@ strict digraph { "1975 scale_updated_constant72" -> "1977 mul_tensor_72" [label="(384, 1)", style=solid]; "1976 compressed_weight_updated_constant72" -> "1977 mul_tensor_72" [label="(384, 384)", style=solid]; "1977 mul_tensor_72" -> "1979 sub_tensor_72" [label="(384, 384)", style=solid]; -"1978 zero_point_updated_constant72" -> "1979 sub_tensor_72" [label="(384, 1)", style=solid]; +"1978 zero_point_updated_constant72" -> "1979 sub_tensor_72" [label="(384, 1)", style=dashed]; "1979 sub_tensor_72" -> "1980 linear_107" [label="(384, 384)", style=solid]; "1980 linear_107" -> "1981 dropout_69" [label="(-1, -1, 384)", style=solid]; "1981 dropout_69" -> "1982 view_98" [label="(-1, -1, 384)", style=solid]; @@ -5260,7 +5260,7 @@ strict digraph { "1996 scale_updated_constant73" -> "1998 mul_tensor_73" [label="(1536, 1)", style=solid]; "1997 compressed_weight_updated_constant73" -> "1998 mul_tensor_73" [label="(1536, 384)", style=solid]; "1998 mul_tensor_73" -> "2000 sub_tensor_73" [label="(1536, 384)", style=solid]; -"1999 zero_point_updated_constant73" -> "2000 sub_tensor_73" [label="(1536, 1)", style=solid]; +"1999 zero_point_updated_constant73" -> "2000 sub_tensor_73" [label="(1536, 1)", style=dashed]; "2000 sub_tensor_73" -> "2001 linear_108" [label="(1536, 384)", style=solid]; "2001 linear_108" -> "2002 gelu_17" [label="(1, -1, -1, 1536)", style=solid]; "2002 gelu_17" -> "2003 dropout_70" [label="(1, -1, -1, 1536)", style=solid]; @@ -5271,7 +5271,7 @@ strict digraph { "2007 scale_updated_constant74" -> "2009 mul_tensor_74" [label="(384, 1)", style=solid]; "2008 compressed_weight_updated_constant74" -> "2009 mul_tensor_74" [label="(384, 1536)", style=solid]; "2009 mul_tensor_74" -> "2011 sub_tensor_74" [label="(384, 1536)", style=solid]; -"2010 zero_point_updated_constant74" -> "2011 sub_tensor_74" [label="(384, 1)", style=solid]; +"2010 zero_point_updated_constant74" -> "2011 sub_tensor_74" [label="(384, 1)", style=dashed]; "2011 sub_tensor_74" -> "2012 linear_109" [label="(384, 1536)", style=solid]; "2012 linear_109" -> "2013 dropout_71" [label="(1, -1, -1, 384)", style=solid]; "2013 dropout_71" -> "2014 layer_norm_38" [label="(1, -1, -1, 384)", style=solid]; @@ -5290,7 +5290,7 @@ strict digraph { "2025 scale_updated_constant75" -> "2027 mul_tensor_75" [label="(1152, 1)", style=solid]; "2026 compressed_weight_updated_constant75" -> "2027 mul_tensor_75" [label="(1152, 384)", style=solid]; "2027 mul_tensor_75" -> "2029 sub_tensor_75" [label="(1152, 384)", style=solid]; -"2028 zero_point_updated_constant75" -> "2029 sub_tensor_75" [label="(1152, 1)", style=solid]; +"2028 zero_point_updated_constant75" -> "2029 sub_tensor_75" [label="(1152, 1)", style=dashed]; "2029 sub_tensor_75" -> "2030 linear_112" [label="(1152, 384)", style=solid]; "2030 linear_112" -> "2031 reshape_82" [label="(-1, -1, 1152)", style=solid]; "2031 reshape_82" -> "2032 permute_84" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -5332,7 +5332,7 @@ strict digraph { "2061 scale_updated_constant76" -> "2063 mul_tensor_76" [label="(384, 1)", style=solid]; "2062 compressed_weight_updated_constant76" -> "2063 mul_tensor_76" [label="(384, 384)", style=solid]; "2063 mul_tensor_76" -> "2065 sub_tensor_76" [label="(384, 384)", style=solid]; -"2064 zero_point_updated_constant76" -> "2065 sub_tensor_76" [label="(384, 1)", style=solid]; +"2064 zero_point_updated_constant76" -> "2065 sub_tensor_76" [label="(384, 1)", style=dashed]; "2065 sub_tensor_76" -> "2066 linear_113" [label="(384, 384)", style=solid]; "2066 linear_113" -> "2067 dropout_73" [label="(-1, -1, 384)", style=solid]; "2067 dropout_73" -> "2068 view_102" [label="(-1, -1, 384)", style=solid]; @@ -5353,7 +5353,7 @@ strict digraph { "2081 scale_updated_constant77" -> "2083 mul_tensor_77" [label="(1536, 1)", style=solid]; "2082 compressed_weight_updated_constant77" -> "2083 mul_tensor_77" [label="(1536, 384)", style=solid]; "2083 mul_tensor_77" -> "2085 sub_tensor_77" [label="(1536, 384)", style=solid]; -"2084 zero_point_updated_constant77" -> "2085 sub_tensor_77" [label="(1536, 1)", style=solid]; +"2084 zero_point_updated_constant77" -> "2085 sub_tensor_77" [label="(1536, 1)", style=dashed]; "2085 sub_tensor_77" -> "2086 linear_114" [label="(1536, 384)", style=solid]; "2086 linear_114" -> "2087 gelu_18" [label="(1, -1, -1, 1536)", style=solid]; "2087 gelu_18" -> "2088 dropout_74" [label="(1, -1, -1, 1536)", style=solid]; @@ -5364,7 +5364,7 @@ strict digraph { "2092 scale_updated_constant78" -> "2094 mul_tensor_78" [label="(384, 1)", style=solid]; "2093 compressed_weight_updated_constant78" -> "2094 mul_tensor_78" [label="(384, 1536)", style=solid]; "2094 mul_tensor_78" -> "2096 sub_tensor_78" [label="(384, 1536)", style=solid]; -"2095 zero_point_updated_constant78" -> "2096 sub_tensor_78" [label="(384, 1)", style=solid]; +"2095 zero_point_updated_constant78" -> "2096 sub_tensor_78" [label="(384, 1)", style=dashed]; "2096 sub_tensor_78" -> "2097 linear_115" [label="(384, 1536)", style=solid]; "2097 linear_115" -> "2098 dropout_75" [label="(1, -1, -1, 384)", style=solid]; "2098 dropout_75" -> "2099 layer_norm_40" [label="(1, -1, -1, 384)", style=solid]; @@ -5385,7 +5385,7 @@ strict digraph { "2111 scale_updated_constant79" -> "2113 mul_tensor_79" [label="(1152, 1)", style=solid]; "2112 compressed_weight_updated_constant79" -> "2113 mul_tensor_79" [label="(1152, 384)", style=solid]; "2113 mul_tensor_79" -> "2115 sub_tensor_79" [label="(1152, 384)", style=solid]; -"2114 zero_point_updated_constant79" -> "2115 sub_tensor_79" [label="(1152, 1)", style=solid]; +"2114 zero_point_updated_constant79" -> "2115 sub_tensor_79" [label="(1152, 1)", style=dashed]; "2115 sub_tensor_79" -> "2116 linear_118" [label="(1152, 384)", style=solid]; "2116 linear_118" -> "2117 reshape_86" [label="(-1, -1, 1152)", style=solid]; "2117 reshape_86" -> "2118 permute_88" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -5446,7 +5446,7 @@ strict digraph { "2163 scale_updated_constant80" -> "2165 mul_tensor_80" [label="(384, 1)", style=solid]; "2164 compressed_weight_updated_constant80" -> "2165 mul_tensor_80" [label="(384, 384)", style=solid]; "2165 mul_tensor_80" -> "2167 sub_tensor_80" [label="(384, 384)", style=solid]; -"2166 zero_point_updated_constant80" -> "2167 sub_tensor_80" [label="(384, 1)", style=solid]; +"2166 zero_point_updated_constant80" -> "2167 sub_tensor_80" [label="(384, 1)", style=dashed]; "2167 sub_tensor_80" -> "2168 linear_119" [label="(384, 384)", style=solid]; "2168 linear_119" -> "2169 dropout_77" [label="(-1, -1, 384)", style=solid]; "2169 dropout_77" -> "2170 view_109" [label="(-1, -1, 384)", style=solid]; @@ -5468,7 +5468,7 @@ strict digraph { "2184 scale_updated_constant81" -> "2186 mul_tensor_81" [label="(1536, 1)", style=solid]; "2185 compressed_weight_updated_constant81" -> "2186 mul_tensor_81" [label="(1536, 384)", style=solid]; "2186 mul_tensor_81" -> "2188 sub_tensor_81" [label="(1536, 384)", style=solid]; -"2187 zero_point_updated_constant81" -> "2188 sub_tensor_81" [label="(1536, 1)", style=solid]; +"2187 zero_point_updated_constant81" -> "2188 sub_tensor_81" [label="(1536, 1)", style=dashed]; "2188 sub_tensor_81" -> "2189 linear_120" [label="(1536, 384)", style=solid]; "2189 linear_120" -> "2190 gelu_19" [label="(1, -1, -1, 1536)", style=solid]; "2190 gelu_19" -> "2191 dropout_78" [label="(1, -1, -1, 1536)", style=solid]; @@ -5479,7 +5479,7 @@ strict digraph { "2195 scale_updated_constant82" -> "2197 mul_tensor_82" [label="(384, 1)", style=solid]; "2196 compressed_weight_updated_constant82" -> "2197 mul_tensor_82" [label="(384, 1536)", style=solid]; "2197 mul_tensor_82" -> "2199 sub_tensor_82" [label="(384, 1536)", style=solid]; -"2198 zero_point_updated_constant82" -> "2199 sub_tensor_82" [label="(384, 1)", style=solid]; +"2198 zero_point_updated_constant82" -> "2199 sub_tensor_82" [label="(384, 1)", style=dashed]; "2199 sub_tensor_82" -> "2200 linear_121" [label="(384, 1536)", style=solid]; "2200 linear_121" -> "2201 dropout_79" [label="(1, -1, -1, 384)", style=solid]; "2201 dropout_79" -> "2202 layer_norm_42" [label="(1, -1, -1, 384)", style=solid]; @@ -5498,7 +5498,7 @@ strict digraph { "2213 scale_updated_constant83" -> "2215 mul_tensor_83" [label="(1152, 1)", style=solid]; "2214 compressed_weight_updated_constant83" -> "2215 mul_tensor_83" [label="(1152, 384)", style=solid]; "2215 mul_tensor_83" -> "2217 sub_tensor_83" [label="(1152, 384)", style=solid]; -"2216 zero_point_updated_constant83" -> "2217 sub_tensor_83" [label="(1152, 1)", style=solid]; +"2216 zero_point_updated_constant83" -> "2217 sub_tensor_83" [label="(1152, 1)", style=dashed]; "2217 sub_tensor_83" -> "2218 linear_124" [label="(1152, 384)", style=solid]; "2218 linear_124" -> "2219 reshape_91" [label="(-1, -1, 1152)", style=solid]; "2219 reshape_91" -> "2220 permute_93" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -5540,7 +5540,7 @@ strict digraph { "2249 scale_updated_constant84" -> "2251 mul_tensor_84" [label="(384, 1)", style=solid]; "2250 compressed_weight_updated_constant84" -> "2251 mul_tensor_84" [label="(384, 384)", style=solid]; "2251 mul_tensor_84" -> "2253 sub_tensor_84" [label="(384, 384)", style=solid]; -"2252 zero_point_updated_constant84" -> "2253 sub_tensor_84" [label="(384, 1)", style=solid]; +"2252 zero_point_updated_constant84" -> "2253 sub_tensor_84" [label="(384, 1)", style=dashed]; "2253 sub_tensor_84" -> "2254 linear_125" [label="(384, 384)", style=solid]; "2254 linear_125" -> "2255 dropout_81" [label="(-1, -1, 384)", style=solid]; "2255 dropout_81" -> "2256 view_113" [label="(-1, -1, 384)", style=solid]; @@ -5561,7 +5561,7 @@ strict digraph { "2269 scale_updated_constant85" -> "2271 mul_tensor_85" [label="(1536, 1)", style=solid]; "2270 compressed_weight_updated_constant85" -> "2271 mul_tensor_85" [label="(1536, 384)", style=solid]; "2271 mul_tensor_85" -> "2273 sub_tensor_85" [label="(1536, 384)", style=solid]; -"2272 zero_point_updated_constant85" -> "2273 sub_tensor_85" [label="(1536, 1)", style=solid]; +"2272 zero_point_updated_constant85" -> "2273 sub_tensor_85" [label="(1536, 1)", style=dashed]; "2273 sub_tensor_85" -> "2274 linear_126" [label="(1536, 384)", style=solid]; "2274 linear_126" -> "2275 gelu_20" [label="(1, -1, -1, 1536)", style=solid]; "2275 gelu_20" -> "2276 dropout_82" [label="(1, -1, -1, 1536)", style=solid]; @@ -5572,7 +5572,7 @@ strict digraph { "2280 scale_updated_constant86" -> "2282 mul_tensor_86" [label="(384, 1)", style=solid]; "2281 compressed_weight_updated_constant86" -> "2282 mul_tensor_86" [label="(384, 1536)", style=solid]; "2282 mul_tensor_86" -> "2284 sub_tensor_86" [label="(384, 1536)", style=solid]; -"2283 zero_point_updated_constant86" -> "2284 sub_tensor_86" [label="(384, 1)", style=solid]; +"2283 zero_point_updated_constant86" -> "2284 sub_tensor_86" [label="(384, 1)", style=dashed]; "2284 sub_tensor_86" -> "2285 linear_127" [label="(384, 1536)", style=solid]; "2285 linear_127" -> "2286 dropout_83" [label="(1, -1, -1, 384)", style=solid]; "2286 dropout_83" -> "2287 layer_norm_44" [label="(1, -1, -1, 384)", style=solid]; @@ -5593,7 +5593,7 @@ strict digraph { "2299 scale_updated_constant87" -> "2301 mul_tensor_87" [label="(1152, 1)", style=solid]; "2300 compressed_weight_updated_constant87" -> "2301 mul_tensor_87" [label="(1152, 384)", style=solid]; "2301 mul_tensor_87" -> "2303 sub_tensor_87" [label="(1152, 384)", style=solid]; -"2302 zero_point_updated_constant87" -> "2303 sub_tensor_87" [label="(1152, 1)", style=solid]; +"2302 zero_point_updated_constant87" -> "2303 sub_tensor_87" [label="(1152, 1)", style=dashed]; "2303 sub_tensor_87" -> "2304 linear_130" [label="(1152, 384)", style=solid]; "2304 linear_130" -> "2305 reshape_95" [label="(-1, -1, 1152)", style=solid]; "2305 reshape_95" -> "2306 permute_97" [label="(-1, -1, 3, 12, 32)", style=solid]; @@ -5654,7 +5654,7 @@ strict digraph { "2351 scale_updated_constant88" -> "2353 mul_tensor_88" [label="(384, 1)", style=solid]; "2352 compressed_weight_updated_constant88" -> "2353 mul_tensor_88" [label="(384, 384)", style=solid]; "2353 mul_tensor_88" -> "2355 sub_tensor_88" [label="(384, 384)", style=solid]; -"2354 zero_point_updated_constant88" -> "2355 sub_tensor_88" [label="(384, 1)", style=solid]; +"2354 zero_point_updated_constant88" -> "2355 sub_tensor_88" [label="(384, 1)", style=dashed]; "2355 sub_tensor_88" -> "2356 linear_131" [label="(384, 384)", style=solid]; "2356 linear_131" -> "2357 dropout_85" [label="(-1, -1, 384)", style=solid]; "2357 dropout_85" -> "2358 view_120" [label="(-1, -1, 384)", style=solid]; @@ -5676,7 +5676,7 @@ strict digraph { "2372 scale_updated_constant89" -> "2374 mul_tensor_89" [label="(1536, 1)", style=solid]; "2373 compressed_weight_updated_constant89" -> "2374 mul_tensor_89" [label="(1536, 384)", style=solid]; "2374 mul_tensor_89" -> "2376 sub_tensor_89" [label="(1536, 384)", style=solid]; -"2375 zero_point_updated_constant89" -> "2376 sub_tensor_89" [label="(1536, 1)", style=solid]; +"2375 zero_point_updated_constant89" -> "2376 sub_tensor_89" [label="(1536, 1)", style=dashed]; "2376 sub_tensor_89" -> "2377 linear_132" [label="(1536, 384)", style=solid]; "2377 linear_132" -> "2378 gelu_21" [label="(1, -1, -1, 1536)", style=solid]; "2378 gelu_21" -> "2379 dropout_86" [label="(1, -1, -1, 1536)", style=solid]; @@ -5687,7 +5687,7 @@ strict digraph { "2383 scale_updated_constant90" -> "2385 mul_tensor_90" [label="(384, 1)", style=solid]; "2384 compressed_weight_updated_constant90" -> "2385 mul_tensor_90" [label="(384, 1536)", style=solid]; "2385 mul_tensor_90" -> "2387 sub_tensor_90" [label="(384, 1536)", style=solid]; -"2386 zero_point_updated_constant90" -> "2387 sub_tensor_90" [label="(384, 1)", style=solid]; +"2386 zero_point_updated_constant90" -> "2387 sub_tensor_90" [label="(384, 1)", style=dashed]; "2387 sub_tensor_90" -> "2388 linear_133" [label="(384, 1536)", style=solid]; "2388 linear_133" -> "2389 dropout_87" [label="(1, -1, -1, 384)", style=solid]; "2389 dropout_87" -> "2390 layer_norm_46" [label="(1, -1, -1, 384)", style=solid]; @@ -5716,7 +5716,7 @@ strict digraph { "2409 scale_updated_constant91" -> "2411 mul_tensor_91" [label="(768, 1)", style=solid]; "2410 compressed_weight_updated_constant91" -> "2411 mul_tensor_91" [label="(768, 1536)", style=solid]; "2411 mul_tensor_91" -> "2413 sub_tensor_91" [label="(768, 1536)", style=solid]; -"2412 zero_point_updated_constant91" -> "2413 sub_tensor_91" [label="(768, 1)", style=solid]; +"2412 zero_point_updated_constant91" -> "2413 sub_tensor_91" [label="(768, 1)", style=dashed]; "2413 sub_tensor_91" -> "2414 linear_134" [label="(768, 1536)", style=solid]; "2414 linear_134" -> "2415 layer_norm_47" [label="(1, -1, -1, 768)", style=solid]; "2415 layer_norm_47" -> "2417 pad_25" [label="(1, -1, -1, 768)", style=solid]; @@ -5735,7 +5735,7 @@ strict digraph { "2426 scale_updated_constant92" -> "2428 mul_tensor_92" [label="(2304, 1)", style=solid]; "2427 compressed_weight_updated_constant92" -> "2428 mul_tensor_92" [label="(2304, 768)", style=solid]; "2428 mul_tensor_92" -> "2430 sub_tensor_92" [label="(2304, 768)", style=solid]; -"2429 zero_point_updated_constant92" -> "2430 sub_tensor_92" [label="(2304, 1)", style=solid]; +"2429 zero_point_updated_constant92" -> "2430 sub_tensor_92" [label="(2304, 1)", style=dashed]; "2430 sub_tensor_92" -> "2431 linear_137" [label="(2304, 768)", style=solid]; "2431 linear_137" -> "2432 reshape_100" [label="(1, -1, 2304)", style=solid]; "2432 reshape_100" -> "2433 permute_102" [label="(1, -1, 3, 24, 32)", style=solid]; @@ -5777,7 +5777,7 @@ strict digraph { "2462 scale_updated_constant93" -> "2464 mul_tensor_93" [label="(768, 1)", style=solid]; "2463 compressed_weight_updated_constant93" -> "2464 mul_tensor_93" [label="(768, 768)", style=solid]; "2464 mul_tensor_93" -> "2466 sub_tensor_93" [label="(768, 768)", style=solid]; -"2465 zero_point_updated_constant93" -> "2466 sub_tensor_93" [label="(768, 1)", style=solid]; +"2465 zero_point_updated_constant93" -> "2466 sub_tensor_93" [label="(768, 1)", style=dashed]; "2466 sub_tensor_93" -> "2467 linear_138" [label="(768, 768)", style=solid]; "2467 linear_138" -> "2468 dropout_89" [label="(1, -1, 768)", style=solid]; "2468 dropout_89" -> "2469 view_124" [label="(1, -1, 768)", style=solid]; @@ -5798,7 +5798,7 @@ strict digraph { "2482 scale_updated_constant94" -> "2484 mul_tensor_94" [label="(3072, 1)", style=solid]; "2483 compressed_weight_updated_constant94" -> "2484 mul_tensor_94" [label="(3072, 768)", style=solid]; "2484 mul_tensor_94" -> "2486 sub_tensor_94" [label="(3072, 768)", style=solid]; -"2485 zero_point_updated_constant94" -> "2486 sub_tensor_94" [label="(3072, 1)", style=solid]; +"2485 zero_point_updated_constant94" -> "2486 sub_tensor_94" [label="(3072, 1)", style=dashed]; "2486 sub_tensor_94" -> "2487 linear_139" [label="(3072, 768)", style=solid]; "2487 linear_139" -> "2488 gelu_22" [label="(1, -1, -1, 3072)", style=solid]; "2488 gelu_22" -> "2489 dropout_90" [label="(1, -1, -1, 3072)", style=solid]; @@ -5809,7 +5809,7 @@ strict digraph { "2493 scale_updated_constant95" -> "2495 mul_tensor_95" [label="(768, 1)", style=solid]; "2494 compressed_weight_updated_constant95" -> "2495 mul_tensor_95" [label="(768, 3072)", style=solid]; "2495 mul_tensor_95" -> "2497 sub_tensor_95" [label="(768, 3072)", style=solid]; -"2496 zero_point_updated_constant95" -> "2497 sub_tensor_95" [label="(768, 1)", style=solid]; +"2496 zero_point_updated_constant95" -> "2497 sub_tensor_95" [label="(768, 1)", style=dashed]; "2497 sub_tensor_95" -> "2498 linear_140" [label="(768, 3072)", style=solid]; "2498 linear_140" -> "2499 dropout_91" [label="(1, -1, -1, 768)", style=solid]; "2499 dropout_91" -> "2500 layer_norm_49" [label="(1, -1, -1, 768)", style=solid]; @@ -5828,7 +5828,7 @@ strict digraph { "2511 scale_updated_constant96" -> "2513 mul_tensor_96" [label="(2304, 1)", style=solid]; "2512 compressed_weight_updated_constant96" -> "2513 mul_tensor_96" [label="(2304, 768)", style=solid]; "2513 mul_tensor_96" -> "2515 sub_tensor_96" [label="(2304, 768)", style=solid]; -"2514 zero_point_updated_constant96" -> "2515 sub_tensor_96" [label="(2304, 1)", style=solid]; +"2514 zero_point_updated_constant96" -> "2515 sub_tensor_96" [label="(2304, 1)", style=dashed]; "2515 sub_tensor_96" -> "2516 linear_143" [label="(2304, 768)", style=solid]; "2516 linear_143" -> "2517 reshape_104" [label="(1, -1, 2304)", style=solid]; "2517 reshape_104" -> "2518 permute_106" [label="(1, -1, 3, 24, 32)", style=solid]; @@ -5870,7 +5870,7 @@ strict digraph { "2547 scale_updated_constant97" -> "2549 mul_tensor_97" [label="(768, 1)", style=solid]; "2548 compressed_weight_updated_constant97" -> "2549 mul_tensor_97" [label="(768, 768)", style=solid]; "2549 mul_tensor_97" -> "2551 sub_tensor_97" [label="(768, 768)", style=solid]; -"2550 zero_point_updated_constant97" -> "2551 sub_tensor_97" [label="(768, 1)", style=solid]; +"2550 zero_point_updated_constant97" -> "2551 sub_tensor_97" [label="(768, 1)", style=dashed]; "2551 sub_tensor_97" -> "2552 linear_144" [label="(768, 768)", style=solid]; "2552 linear_144" -> "2553 dropout_93" [label="(1, -1, 768)", style=solid]; "2553 dropout_93" -> "2554 view_128" [label="(1, -1, 768)", style=solid]; @@ -5891,7 +5891,7 @@ strict digraph { "2567 scale_updated_constant98" -> "2569 mul_tensor_98" [label="(3072, 1)", style=solid]; "2568 compressed_weight_updated_constant98" -> "2569 mul_tensor_98" [label="(3072, 768)", style=solid]; "2569 mul_tensor_98" -> "2571 sub_tensor_98" [label="(3072, 768)", style=solid]; -"2570 zero_point_updated_constant98" -> "2571 sub_tensor_98" [label="(3072, 1)", style=solid]; +"2570 zero_point_updated_constant98" -> "2571 sub_tensor_98" [label="(3072, 1)", style=dashed]; "2571 sub_tensor_98" -> "2572 linear_145" [label="(3072, 768)", style=solid]; "2572 linear_145" -> "2573 gelu_23" [label="(1, -1, -1, 3072)", style=solid]; "2573 gelu_23" -> "2574 dropout_94" [label="(1, -1, -1, 3072)", style=solid]; @@ -5902,7 +5902,7 @@ strict digraph { "2578 scale_updated_constant99" -> "2580 mul_tensor_99" [label="(768, 1)", style=solid]; "2579 compressed_weight_updated_constant99" -> "2580 mul_tensor_99" [label="(768, 3072)", style=solid]; "2580 mul_tensor_99" -> "2582 sub_tensor_99" [label="(768, 3072)", style=solid]; -"2581 zero_point_updated_constant99" -> "2582 sub_tensor_99" [label="(768, 1)", style=solid]; +"2581 zero_point_updated_constant99" -> "2582 sub_tensor_99" [label="(768, 1)", style=dashed]; "2582 sub_tensor_99" -> "2583 linear_146" [label="(768, 3072)", style=solid]; "2583 linear_146" -> "2584 dropout_95" [label="(1, -1, -1, 768)", style=solid]; "2584 dropout_95" -> "2585 layer_norm_51" [label="(1, -1, -1, 768)", style=solid]; @@ -5918,7 +5918,7 @@ strict digraph { "2594 scale_updated_constant100" -> "2596 mul_tensor_100" [label="(1000, 1)", style=solid]; "2595 compressed_weight_updated_constant100" -> "2596 mul_tensor_100" [label="(1000, 768)", style=solid]; "2596 mul_tensor_100" -> "2598 sub_tensor_100" [label="(1000, 768)", style=solid]; -"2597 zero_point_updated_constant100" -> "2598 sub_tensor_100" [label="(1000, 1)", style=solid]; +"2597 zero_point_updated_constant100" -> "2598 sub_tensor_100" [label="(1000, 1)", style=dashed]; "2598 sub_tensor_100" -> "2599 linear_147" [label="(1000, 768)", style=solid]; "2599 linear_147" -> "2600 output" [label="(1, 1000)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/synthetic_transformer.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/synthetic_transformer.dot index 503a86a4f5e..9d3700f135a 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/synthetic_transformer.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/synthetic_transformer.dot @@ -29,11 +29,11 @@ strict digraph { "27 output" [id=27, type=output]; "0 linear_bias" -> "17 linear" [label="(5,)", style=solid]; "1 lm_head_bias" -> "26 linear_1" [label="(10,)", style=solid]; -"2 input_ids" -> "8 embedding" [label="(-1,)", style=solid]; +"2 input_ids" -> "8 embedding" [label="(-1,)", style=dashed]; "3 scale_updated_constant0" -> "5 mul_tensor" [label="(10, 1)", style=solid]; "4 compressed_weight_updated_constant0" -> "5 mul_tensor" [label="(10, 5)", style=solid]; "5 mul_tensor" -> "7 sub_tensor" [label="(10, 5)", style=solid]; -"6 zero_point_updated_constant0" -> "7 sub_tensor" [label="(10, 1)", style=solid]; +"6 zero_point_updated_constant0" -> "7 sub_tensor" [label="(10, 1)", style=dashed]; "7 sub_tensor" -> "8 embedding" [label="(10, 5)", style=solid]; "8 embedding" -> "9 embedding_0_0_nncf_smooth_quant_0" [label="(-1, 5)", style=solid]; "9 embedding_0_0_nncf_smooth_quant_0" -> "10 quantize_per_tensor_default" [label="(-1, 5)", style=solid]; @@ -42,7 +42,7 @@ strict digraph { "12 scale_updated_constant1" -> "14 mul_tensor_1" [label="(5, 1)", style=solid]; "13 compressed_weight_updated_constant1" -> "14 mul_tensor_1" [label="(5, 5)", style=solid]; "14 mul_tensor_1" -> "16 sub_tensor_1" [label="(5, 5)", style=solid]; -"15 zero_point_updated_constant1" -> "16 sub_tensor_1" [label="(5, 1)", style=solid]; +"15 zero_point_updated_constant1" -> "16 sub_tensor_1" [label="(5, 1)", style=dashed]; "16 sub_tensor_1" -> "17 linear" [label="(5, 5)", style=solid]; "17 linear" -> "18 linear_0_0_nncf_smooth_quant_0" [label="(-1, 5)", style=solid]; "18 linear_0_0_nncf_smooth_quant_0" -> "19 quantize_per_tensor_default_1" [label="(-1, 5)", style=solid]; @@ -51,7 +51,7 @@ strict digraph { "21 scale_updated_constant2" -> "23 mul_tensor_2" [label="(10, 1)", style=solid]; "22 compressed_weight_updated_constant2" -> "23 mul_tensor_2" [label="(10, 5)", style=solid]; "23 mul_tensor_2" -> "25 sub_tensor_2" [label="(10, 5)", style=solid]; -"24 zero_point_updated_constant2" -> "25 sub_tensor_2" [label="(10, 1)", style=solid]; +"24 zero_point_updated_constant2" -> "25 sub_tensor_2" [label="(10, 1)", style=dashed]; "25 sub_tensor_2" -> "26 linear_1" [label="(10, 5)", style=solid]; "26 linear_1" -> "27 output" [label="(-1, 10)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/unet.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/unet.dot index 03f8579e69c..ca6d5b0f7ea 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/unet.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/unet.dot @@ -283,7 +283,7 @@ strict digraph { "26 scale_updated_constant0" -> "28 mul_tensor" [label="(64, 1, 1, 1)", style=solid]; "27 compressed_weight_updated_constant0" -> "28 mul_tensor" [label="(64, 3, 3, 3)", style=solid]; "28 mul_tensor" -> "30 sub_tensor" [label="(64, 3, 3, 3)", style=solid]; -"29 zero_point_updated_constant0" -> "30 sub_tensor" [label="(64, 1, 1, 1)", style=solid]; +"29 zero_point_updated_constant0" -> "30 sub_tensor" [label="(64, 1, 1, 1)", style=dashed]; "30 sub_tensor" -> "31 conv2d" [label="(64, 3, 3, 3)", style=solid]; "31 conv2d" -> "32 relu" [label="(1, 64, 222, 222)", style=solid]; "32 relu" -> "33 quantize_per_tensor_default_9" [label="(1, 64, 222, 222)", style=solid]; @@ -292,7 +292,7 @@ strict digraph { "35 scale_updated_constant1" -> "37 mul_tensor_1" [label="(64, 1, 1, 1)", style=solid]; "36 compressed_weight_updated_constant1" -> "37 mul_tensor_1" [label="(64, 64, 3, 3)", style=solid]; "37 mul_tensor_1" -> "39 sub_tensor_1" [label="(64, 64, 3, 3)", style=solid]; -"38 zero_point_updated_constant1" -> "39 sub_tensor_1" [label="(64, 1, 1, 1)", style=solid]; +"38 zero_point_updated_constant1" -> "39 sub_tensor_1" [label="(64, 1, 1, 1)", style=dashed]; "39 sub_tensor_1" -> "40 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; "40 conv2d_1" -> "41 relu_1" [label="(1, 64, 220, 220)", style=solid]; "41 relu_1" -> "42 quantize_per_tensor_default" [label="(1, 64, 220, 220)", style=solid]; @@ -304,7 +304,7 @@ strict digraph { "46 scale_updated_constant2" -> "48 mul_tensor_2" [label="(128, 1, 1, 1)", style=solid]; "47 compressed_weight_updated_constant2" -> "48 mul_tensor_2" [label="(128, 64, 3, 3)", style=solid]; "48 mul_tensor_2" -> "50 sub_tensor_2" [label="(128, 64, 3, 3)", style=solid]; -"49 zero_point_updated_constant2" -> "50 sub_tensor_2" [label="(128, 1, 1, 1)", style=solid]; +"49 zero_point_updated_constant2" -> "50 sub_tensor_2" [label="(128, 1, 1, 1)", style=dashed]; "50 sub_tensor_2" -> "51 conv2d_2" [label="(128, 64, 3, 3)", style=solid]; "51 conv2d_2" -> "52 relu_2" [label="(1, 128, 108, 108)", style=solid]; "52 relu_2" -> "53 quantize_per_tensor_default_10" [label="(1, 128, 108, 108)", style=solid]; @@ -313,7 +313,7 @@ strict digraph { "55 scale_updated_constant3" -> "57 mul_tensor_3" [label="(128, 1, 1, 1)", style=solid]; "56 compressed_weight_updated_constant3" -> "57 mul_tensor_3" [label="(128, 128, 3, 3)", style=solid]; "57 mul_tensor_3" -> "59 sub_tensor_3" [label="(128, 128, 3, 3)", style=solid]; -"58 zero_point_updated_constant3" -> "59 sub_tensor_3" [label="(128, 1, 1, 1)", style=solid]; +"58 zero_point_updated_constant3" -> "59 sub_tensor_3" [label="(128, 1, 1, 1)", style=dashed]; "59 sub_tensor_3" -> "60 conv2d_3" [label="(128, 128, 3, 3)", style=solid]; "60 conv2d_3" -> "61 relu_3" [label="(1, 128, 106, 106)", style=solid]; "61 relu_3" -> "62 quantize_per_tensor_default_3" [label="(1, 128, 106, 106)", style=solid]; @@ -325,7 +325,7 @@ strict digraph { "66 scale_updated_constant4" -> "68 mul_tensor_4" [label="(256, 1, 1, 1)", style=solid]; "67 compressed_weight_updated_constant4" -> "68 mul_tensor_4" [label="(256, 128, 3, 3)", style=solid]; "68 mul_tensor_4" -> "70 sub_tensor_4" [label="(256, 128, 3, 3)", style=solid]; -"69 zero_point_updated_constant4" -> "70 sub_tensor_4" [label="(256, 1, 1, 1)", style=solid]; +"69 zero_point_updated_constant4" -> "70 sub_tensor_4" [label="(256, 1, 1, 1)", style=dashed]; "70 sub_tensor_4" -> "71 conv2d_4" [label="(256, 128, 3, 3)", style=solid]; "71 conv2d_4" -> "72 relu_4" [label="(1, 256, 51, 51)", style=solid]; "72 relu_4" -> "73 quantize_per_tensor_default_11" [label="(1, 256, 51, 51)", style=solid]; @@ -334,7 +334,7 @@ strict digraph { "75 scale_updated_constant5" -> "77 mul_tensor_5" [label="(256, 1, 1, 1)", style=solid]; "76 compressed_weight_updated_constant5" -> "77 mul_tensor_5" [label="(256, 256, 3, 3)", style=solid]; "77 mul_tensor_5" -> "79 sub_tensor_5" [label="(256, 256, 3, 3)", style=solid]; -"78 zero_point_updated_constant5" -> "79 sub_tensor_5" [label="(256, 1, 1, 1)", style=solid]; +"78 zero_point_updated_constant5" -> "79 sub_tensor_5" [label="(256, 1, 1, 1)", style=dashed]; "79 sub_tensor_5" -> "80 conv2d_5" [label="(256, 256, 3, 3)", style=solid]; "80 conv2d_5" -> "81 relu_5" [label="(1, 256, 49, 49)", style=solid]; "81 relu_5" -> "82 quantize_per_tensor_default_4" [label="(1, 256, 49, 49)", style=solid]; @@ -346,7 +346,7 @@ strict digraph { "86 scale_updated_constant6" -> "88 mul_tensor_6" [label="(512, 1, 1, 1)", style=solid]; "87 compressed_weight_updated_constant6" -> "88 mul_tensor_6" [label="(512, 256, 3, 3)", style=solid]; "88 mul_tensor_6" -> "90 sub_tensor_6" [label="(512, 256, 3, 3)", style=solid]; -"89 zero_point_updated_constant6" -> "90 sub_tensor_6" [label="(512, 1, 1, 1)", style=solid]; +"89 zero_point_updated_constant6" -> "90 sub_tensor_6" [label="(512, 1, 1, 1)", style=dashed]; "90 sub_tensor_6" -> "91 conv2d_6" [label="(512, 256, 3, 3)", style=solid]; "91 conv2d_6" -> "92 relu_6" [label="(1, 512, 22, 22)", style=solid]; "92 relu_6" -> "93 quantize_per_tensor_default_12" [label="(1, 512, 22, 22)", style=solid]; @@ -355,7 +355,7 @@ strict digraph { "95 scale_updated_constant7" -> "97 mul_tensor_7" [label="(512, 1, 1, 1)", style=solid]; "96 compressed_weight_updated_constant7" -> "97 mul_tensor_7" [label="(512, 512, 3, 3)", style=solid]; "97 mul_tensor_7" -> "99 sub_tensor_7" [label="(512, 512, 3, 3)", style=solid]; -"98 zero_point_updated_constant7" -> "99 sub_tensor_7" [label="(512, 1, 1, 1)", style=solid]; +"98 zero_point_updated_constant7" -> "99 sub_tensor_7" [label="(512, 1, 1, 1)", style=dashed]; "99 sub_tensor_7" -> "100 conv2d_7" [label="(512, 512, 3, 3)", style=solid]; "100 conv2d_7" -> "101 relu_7" [label="(1, 512, 20, 20)", style=solid]; "101 relu_7" -> "102 quantize_per_tensor_default_7" [label="(1, 512, 20, 20)", style=solid]; @@ -367,7 +367,7 @@ strict digraph { "106 scale_updated_constant8" -> "108 mul_tensor_8" [label="(1024, 1, 1, 1)", style=solid]; "107 compressed_weight_updated_constant8" -> "108 mul_tensor_8" [label="(1024, 512, 3, 3)", style=solid]; "108 mul_tensor_8" -> "110 sub_tensor_8" [label="(1024, 512, 3, 3)", style=solid]; -"109 zero_point_updated_constant8" -> "110 sub_tensor_8" [label="(1024, 1, 1, 1)", style=solid]; +"109 zero_point_updated_constant8" -> "110 sub_tensor_8" [label="(1024, 1, 1, 1)", style=dashed]; "110 sub_tensor_8" -> "111 conv2d_8" [label="(1024, 512, 3, 3)", style=solid]; "111 conv2d_8" -> "112 relu_8" [label="(1, 1024, 8, 8)", style=solid]; "112 relu_8" -> "113 quantize_per_tensor_default_13" [label="(1, 1024, 8, 8)", style=solid]; @@ -376,7 +376,7 @@ strict digraph { "115 scale_updated_constant9" -> "117 mul_tensor_9" [label="(1024, 1, 1, 1)", style=solid]; "116 compressed_weight_updated_constant9" -> "117 mul_tensor_9" [label="(1024, 1024, 3, 3)", style=solid]; "117 mul_tensor_9" -> "119 sub_tensor_9" [label="(1024, 1024, 3, 3)", style=solid]; -"118 zero_point_updated_constant9" -> "119 sub_tensor_9" [label="(1024, 1, 1, 1)", style=solid]; +"118 zero_point_updated_constant9" -> "119 sub_tensor_9" [label="(1024, 1, 1, 1)", style=dashed]; "119 sub_tensor_9" -> "120 conv2d_9" [label="(1024, 1024, 3, 3)", style=solid]; "120 conv2d_9" -> "121 relu_9" [label="(1, 1024, 6, 6)", style=solid]; "121 relu_9" -> "122 quantize_per_tensor_default_14" [label="(1, 1024, 6, 6)", style=solid]; @@ -385,7 +385,7 @@ strict digraph { "124 scale_updated_constant10" -> "126 mul_tensor_10" [label="(1024, 1, 1, 1)", style=solid]; "125 compressed_weight_updated_constant10" -> "126 mul_tensor_10" [label="(1024, 512, 2, 2)", style=solid]; "126 mul_tensor_10" -> "128 sub_tensor_10" [label="(1024, 512, 2, 2)", style=solid]; -"127 zero_point_updated_constant10" -> "128 sub_tensor_10" [label="(1024, 1, 1, 1)", style=solid]; +"127 zero_point_updated_constant10" -> "128 sub_tensor_10" [label="(1024, 1, 1, 1)", style=dashed]; "128 sub_tensor_10" -> "129 conv_transpose2d" [label="(1024, 512, 2, 2)", style=solid]; "129 conv_transpose2d" -> "130 quantize_per_tensor_default_6" [label="(1, 512, 12, 12)", style=solid]; "130 quantize_per_tensor_default_6" -> "131 dequantize_per_tensor_default_9" [label="(1, 512, 12, 12)", style=solid]; @@ -398,7 +398,7 @@ strict digraph { "137 scale_updated_constant11" -> "139 mul_tensor_11" [label="(512, 1, 1, 1)", style=solid]; "138 compressed_weight_updated_constant11" -> "139 mul_tensor_11" [label="(512, 1024, 3, 3)", style=solid]; "139 mul_tensor_11" -> "141 sub_tensor_11" [label="(512, 1024, 3, 3)", style=solid]; -"140 zero_point_updated_constant11" -> "141 sub_tensor_11" [label="(512, 1, 1, 1)", style=solid]; +"140 zero_point_updated_constant11" -> "141 sub_tensor_11" [label="(512, 1, 1, 1)", style=dashed]; "141 sub_tensor_11" -> "142 conv2d_10" [label="(512, 1024, 3, 3)", style=solid]; "142 conv2d_10" -> "143 relu_10" [label="(1, 512, 10, 10)", style=solid]; "143 relu_10" -> "144 quantize_per_tensor_default_15" [label="(1, 512, 10, 10)", style=solid]; @@ -407,7 +407,7 @@ strict digraph { "146 scale_updated_constant12" -> "148 mul_tensor_12" [label="(512, 1, 1, 1)", style=solid]; "147 compressed_weight_updated_constant12" -> "148 mul_tensor_12" [label="(512, 512, 3, 3)", style=solid]; "148 mul_tensor_12" -> "150 sub_tensor_12" [label="(512, 512, 3, 3)", style=solid]; -"149 zero_point_updated_constant12" -> "150 sub_tensor_12" [label="(512, 1, 1, 1)", style=solid]; +"149 zero_point_updated_constant12" -> "150 sub_tensor_12" [label="(512, 1, 1, 1)", style=dashed]; "150 sub_tensor_12" -> "151 conv2d_11" [label="(512, 512, 3, 3)", style=solid]; "151 conv2d_11" -> "152 relu_11" [label="(1, 512, 8, 8)", style=solid]; "152 relu_11" -> "153 quantize_per_tensor_default_16" [label="(1, 512, 8, 8)", style=solid]; @@ -416,7 +416,7 @@ strict digraph { "155 scale_updated_constant13" -> "157 mul_tensor_13" [label="(512, 1, 1, 1)", style=solid]; "156 compressed_weight_updated_constant13" -> "157 mul_tensor_13" [label="(512, 256, 2, 2)", style=solid]; "157 mul_tensor_13" -> "159 sub_tensor_13" [label="(512, 256, 2, 2)", style=solid]; -"158 zero_point_updated_constant13" -> "159 sub_tensor_13" [label="(512, 1, 1, 1)", style=solid]; +"158 zero_point_updated_constant13" -> "159 sub_tensor_13" [label="(512, 1, 1, 1)", style=dashed]; "159 sub_tensor_13" -> "160 conv_transpose2d_1" [label="(512, 256, 2, 2)", style=solid]; "160 conv_transpose2d_1" -> "161 quantize_per_tensor_default_5" [label="(1, 256, 16, 16)", style=solid]; "161 quantize_per_tensor_default_5" -> "162 dequantize_per_tensor_default_8" [label="(1, 256, 16, 16)", style=solid]; @@ -429,7 +429,7 @@ strict digraph { "168 scale_updated_constant14" -> "170 mul_tensor_14" [label="(256, 1, 1, 1)", style=solid]; "169 compressed_weight_updated_constant14" -> "170 mul_tensor_14" [label="(256, 512, 3, 3)", style=solid]; "170 mul_tensor_14" -> "172 sub_tensor_14" [label="(256, 512, 3, 3)", style=solid]; -"171 zero_point_updated_constant14" -> "172 sub_tensor_14" [label="(256, 1, 1, 1)", style=solid]; +"171 zero_point_updated_constant14" -> "172 sub_tensor_14" [label="(256, 1, 1, 1)", style=dashed]; "172 sub_tensor_14" -> "173 conv2d_12" [label="(256, 512, 3, 3)", style=solid]; "173 conv2d_12" -> "174 relu_12" [label="(1, 256, 14, 14)", style=solid]; "174 relu_12" -> "175 quantize_per_tensor_default_17" [label="(1, 256, 14, 14)", style=solid]; @@ -438,7 +438,7 @@ strict digraph { "177 scale_updated_constant15" -> "179 mul_tensor_15" [label="(256, 1, 1, 1)", style=solid]; "178 compressed_weight_updated_constant15" -> "179 mul_tensor_15" [label="(256, 256, 3, 3)", style=solid]; "179 mul_tensor_15" -> "181 sub_tensor_15" [label="(256, 256, 3, 3)", style=solid]; -"180 zero_point_updated_constant15" -> "181 sub_tensor_15" [label="(256, 1, 1, 1)", style=solid]; +"180 zero_point_updated_constant15" -> "181 sub_tensor_15" [label="(256, 1, 1, 1)", style=dashed]; "181 sub_tensor_15" -> "182 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; "182 conv2d_13" -> "183 relu_13" [label="(1, 256, 12, 12)", style=solid]; "183 relu_13" -> "184 quantize_per_tensor_default_18" [label="(1, 256, 12, 12)", style=solid]; @@ -447,7 +447,7 @@ strict digraph { "186 scale_updated_constant16" -> "188 mul_tensor_16" [label="(256, 1, 1, 1)", style=solid]; "187 compressed_weight_updated_constant16" -> "188 mul_tensor_16" [label="(256, 128, 2, 2)", style=solid]; "188 mul_tensor_16" -> "190 sub_tensor_16" [label="(256, 128, 2, 2)", style=solid]; -"189 zero_point_updated_constant16" -> "190 sub_tensor_16" [label="(256, 1, 1, 1)", style=solid]; +"189 zero_point_updated_constant16" -> "190 sub_tensor_16" [label="(256, 1, 1, 1)", style=dashed]; "190 sub_tensor_16" -> "191 conv_transpose2d_2" [label="(256, 128, 2, 2)", style=solid]; "191 conv_transpose2d_2" -> "192 quantize_per_tensor_default_2" [label="(1, 128, 24, 24)", style=solid]; "192 quantize_per_tensor_default_2" -> "193 dequantize_per_tensor_default_3" [label="(1, 128, 24, 24)", style=solid]; @@ -460,7 +460,7 @@ strict digraph { "199 scale_updated_constant17" -> "201 mul_tensor_17" [label="(128, 1, 1, 1)", style=solid]; "200 compressed_weight_updated_constant17" -> "201 mul_tensor_17" [label="(128, 256, 3, 3)", style=solid]; "201 mul_tensor_17" -> "203 sub_tensor_17" [label="(128, 256, 3, 3)", style=solid]; -"202 zero_point_updated_constant17" -> "203 sub_tensor_17" [label="(128, 1, 1, 1)", style=solid]; +"202 zero_point_updated_constant17" -> "203 sub_tensor_17" [label="(128, 1, 1, 1)", style=dashed]; "203 sub_tensor_17" -> "204 conv2d_14" [label="(128, 256, 3, 3)", style=solid]; "204 conv2d_14" -> "205 relu_14" [label="(1, 128, 22, 22)", style=solid]; "205 relu_14" -> "206 quantize_per_tensor_default_19" [label="(1, 128, 22, 22)", style=solid]; @@ -469,7 +469,7 @@ strict digraph { "208 scale_updated_constant18" -> "210 mul_tensor_18" [label="(128, 1, 1, 1)", style=solid]; "209 compressed_weight_updated_constant18" -> "210 mul_tensor_18" [label="(128, 128, 3, 3)", style=solid]; "210 mul_tensor_18" -> "212 sub_tensor_18" [label="(128, 128, 3, 3)", style=solid]; -"211 zero_point_updated_constant18" -> "212 sub_tensor_18" [label="(128, 1, 1, 1)", style=solid]; +"211 zero_point_updated_constant18" -> "212 sub_tensor_18" [label="(128, 1, 1, 1)", style=dashed]; "212 sub_tensor_18" -> "213 conv2d_15" [label="(128, 128, 3, 3)", style=solid]; "213 conv2d_15" -> "214 relu_15" [label="(1, 128, 20, 20)", style=solid]; "214 relu_15" -> "215 quantize_per_tensor_default_20" [label="(1, 128, 20, 20)", style=solid]; @@ -478,7 +478,7 @@ strict digraph { "217 scale_updated_constant19" -> "219 mul_tensor_19" [label="(128, 1, 1, 1)", style=solid]; "218 compressed_weight_updated_constant19" -> "219 mul_tensor_19" [label="(128, 64, 2, 2)", style=solid]; "219 mul_tensor_19" -> "221 sub_tensor_19" [label="(128, 64, 2, 2)", style=solid]; -"220 zero_point_updated_constant19" -> "221 sub_tensor_19" [label="(128, 1, 1, 1)", style=solid]; +"220 zero_point_updated_constant19" -> "221 sub_tensor_19" [label="(128, 1, 1, 1)", style=dashed]; "221 sub_tensor_19" -> "222 conv_transpose2d_3" [label="(128, 64, 2, 2)", style=solid]; "222 conv_transpose2d_3" -> "223 quantize_per_tensor_default_1" [label="(1, 64, 40, 40)", style=solid]; "223 quantize_per_tensor_default_1" -> "224 dequantize_per_tensor_default_2" [label="(1, 64, 40, 40)", style=solid]; @@ -491,7 +491,7 @@ strict digraph { "230 scale_updated_constant20" -> "232 mul_tensor_20" [label="(64, 1, 1, 1)", style=solid]; "231 compressed_weight_updated_constant20" -> "232 mul_tensor_20" [label="(64, 128, 3, 3)", style=solid]; "232 mul_tensor_20" -> "234 sub_tensor_20" [label="(64, 128, 3, 3)", style=solid]; -"233 zero_point_updated_constant20" -> "234 sub_tensor_20" [label="(64, 1, 1, 1)", style=solid]; +"233 zero_point_updated_constant20" -> "234 sub_tensor_20" [label="(64, 1, 1, 1)", style=dashed]; "234 sub_tensor_20" -> "235 conv2d_16" [label="(64, 128, 3, 3)", style=solid]; "235 conv2d_16" -> "236 relu_16" [label="(1, 64, 38, 38)", style=solid]; "236 relu_16" -> "237 quantize_per_tensor_default_21" [label="(1, 64, 38, 38)", style=solid]; @@ -500,7 +500,7 @@ strict digraph { "239 scale_updated_constant21" -> "241 mul_tensor_21" [label="(64, 1, 1, 1)", style=solid]; "240 compressed_weight_updated_constant21" -> "241 mul_tensor_21" [label="(64, 64, 3, 3)", style=solid]; "241 mul_tensor_21" -> "243 sub_tensor_21" [label="(64, 64, 3, 3)", style=solid]; -"242 zero_point_updated_constant21" -> "243 sub_tensor_21" [label="(64, 1, 1, 1)", style=solid]; +"242 zero_point_updated_constant21" -> "243 sub_tensor_21" [label="(64, 1, 1, 1)", style=dashed]; "243 sub_tensor_21" -> "244 conv2d_17" [label="(64, 64, 3, 3)", style=solid]; "244 conv2d_17" -> "245 relu_17" [label="(1, 64, 36, 36)", style=solid]; "245 relu_17" -> "246 quantize_per_tensor_default_22" [label="(1, 64, 36, 36)", style=solid]; @@ -509,7 +509,7 @@ strict digraph { "248 scale_updated_constant22" -> "250 mul_tensor_22" [label="(12, 1, 1, 1)", style=solid]; "249 compressed_weight_updated_constant22" -> "250 mul_tensor_22" [label="(12, 64, 1, 1)", style=solid]; "250 mul_tensor_22" -> "252 sub_tensor_22" [label="(12, 64, 1, 1)", style=solid]; -"251 zero_point_updated_constant22" -> "252 sub_tensor_22" [label="(12, 1, 1, 1)", style=solid]; +"251 zero_point_updated_constant22" -> "252 sub_tensor_22" [label="(12, 1, 1, 1)", style=dashed]; "252 sub_tensor_22" -> "253 conv2d_18" [label="(12, 64, 1, 1)", style=solid]; "253 conv2d_18" -> "254 output" [label="(1, 12, 36, 36)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/vit_b_16.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/vit_b_16.dot index eaa483dfd25..c975d301fa6 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/vit_b_16.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/vit_b_16.dot @@ -1087,7 +1087,7 @@ strict digraph { "104 scale_updated_constant0" -> "106 mul_tensor" [label="(768, 1, 1, 1)", style=solid]; "105 compressed_weight_updated_constant0" -> "106 mul_tensor" [label="(768, 3, 16, 16)", style=solid]; "106 mul_tensor" -> "108 sub_tensor" [label="(768, 3, 16, 16)", style=solid]; -"107 zero_point_updated_constant0" -> "108 sub_tensor" [label="(768, 1, 1, 1)", style=solid]; +"107 zero_point_updated_constant0" -> "108 sub_tensor" [label="(768, 1, 1, 1)", style=dashed]; "108 sub_tensor" -> "109 conv2d" [label="(768, 3, 16, 16)", style=solid]; "109 conv2d" -> "110 reshape" [label="(1, 768, 14, 14)", style=solid]; "110 reshape" -> "111 permute" [label="(1, 768, 196)", style=solid]; @@ -1105,7 +1105,7 @@ strict digraph { "121 scale_updated_constant1" -> "123 mul_tensor_1" [label="(2304, 1)", style=solid]; "122 compressed_weight_updated_constant1" -> "123 mul_tensor_1" [label="(2304, 768)", style=solid]; "123 mul_tensor_1" -> "125 sub_tensor_1" [label="(2304, 768)", style=solid]; -"124 zero_point_updated_constant1" -> "125 sub_tensor_1" [label="(2304, 1)", style=solid]; +"124 zero_point_updated_constant1" -> "125 sub_tensor_1" [label="(2304, 1)", style=dashed]; "125 sub_tensor_1" -> "126 linear" [label="(2304, 768)", style=solid]; "126 linear" -> "127 unflatten" [label="(197, 1, 2304)", style=solid]; "127 unflatten" -> "128 unsqueeze" [label="(197, 1, 3, 768)", style=solid]; @@ -1140,7 +1140,7 @@ strict digraph { "154 scale_updated_constant2" -> "156 mul_tensor_2" [label="(768, 1)", style=solid]; "155 compressed_weight_updated_constant2" -> "156 mul_tensor_2" [label="(768, 768)", style=solid]; "156 mul_tensor_2" -> "158 sub_tensor_2" [label="(768, 768)", style=solid]; -"157 zero_point_updated_constant2" -> "158 sub_tensor_2" [label="(768, 1)", style=solid]; +"157 zero_point_updated_constant2" -> "158 sub_tensor_2" [label="(768, 1)", style=dashed]; "158 sub_tensor_2" -> "159 linear_1" [label="(768, 768)", style=solid]; "159 linear_1" -> "160 view_7" [label="(197, 768)", style=solid]; "160 view_7" -> "161 transpose_5" [label="(197, 1, 768)", style=solid]; @@ -1155,7 +1155,7 @@ strict digraph { "168 scale_updated_constant3" -> "170 mul_tensor_3" [label="(3072, 1)", style=solid]; "169 compressed_weight_updated_constant3" -> "170 mul_tensor_3" [label="(3072, 768)", style=solid]; "170 mul_tensor_3" -> "172 sub_tensor_3" [label="(3072, 768)", style=solid]; -"171 zero_point_updated_constant3" -> "172 sub_tensor_3" [label="(3072, 1)", style=solid]; +"171 zero_point_updated_constant3" -> "172 sub_tensor_3" [label="(3072, 1)", style=dashed]; "172 sub_tensor_3" -> "173 linear_2" [label="(3072, 768)", style=solid]; "173 linear_2" -> "174 gelu" [label="(1, 197, 3072)", style=solid]; "174 gelu" -> "175 dropout_2" [label="(1, 197, 3072)", style=solid]; @@ -1166,7 +1166,7 @@ strict digraph { "179 scale_updated_constant4" -> "181 mul_tensor_4" [label="(768, 1)", style=solid]; "180 compressed_weight_updated_constant4" -> "181 mul_tensor_4" [label="(768, 3072)", style=solid]; "181 mul_tensor_4" -> "183 sub_tensor_4" [label="(768, 3072)", style=solid]; -"182 zero_point_updated_constant4" -> "183 sub_tensor_4" [label="(768, 1)", style=solid]; +"182 zero_point_updated_constant4" -> "183 sub_tensor_4" [label="(768, 1)", style=dashed]; "183 sub_tensor_4" -> "184 linear_3" [label="(768, 3072)", style=solid]; "184 linear_3" -> "185 dropout_3" [label="(1, 197, 768)", style=solid]; "185 dropout_3" -> "186 add_2" [label="(1, 197, 768)", style=solid]; @@ -1180,7 +1180,7 @@ strict digraph { "192 scale_updated_constant5" -> "194 mul_tensor_5" [label="(2304, 1)", style=solid]; "193 compressed_weight_updated_constant5" -> "194 mul_tensor_5" [label="(2304, 768)", style=solid]; "194 mul_tensor_5" -> "196 sub_tensor_5" [label="(2304, 768)", style=solid]; -"195 zero_point_updated_constant5" -> "196 sub_tensor_5" [label="(2304, 1)", style=solid]; +"195 zero_point_updated_constant5" -> "196 sub_tensor_5" [label="(2304, 1)", style=dashed]; "196 sub_tensor_5" -> "197 linear_4" [label="(2304, 768)", style=solid]; "197 linear_4" -> "198 unflatten_1" [label="(197, 1, 2304)", style=solid]; "198 unflatten_1" -> "199 unsqueeze_1" [label="(197, 1, 3, 768)", style=solid]; @@ -1215,7 +1215,7 @@ strict digraph { "225 scale_updated_constant6" -> "227 mul_tensor_6" [label="(768, 1)", style=solid]; "226 compressed_weight_updated_constant6" -> "227 mul_tensor_6" [label="(768, 768)", style=solid]; "227 mul_tensor_6" -> "229 sub_tensor_6" [label="(768, 768)", style=solid]; -"228 zero_point_updated_constant6" -> "229 sub_tensor_6" [label="(768, 1)", style=solid]; +"228 zero_point_updated_constant6" -> "229 sub_tensor_6" [label="(768, 1)", style=dashed]; "229 sub_tensor_6" -> "230 linear_5" [label="(768, 768)", style=solid]; "230 linear_5" -> "231 view_15" [label="(197, 768)", style=solid]; "231 view_15" -> "232 transpose_11" [label="(197, 1, 768)", style=solid]; @@ -1230,7 +1230,7 @@ strict digraph { "239 scale_updated_constant7" -> "241 mul_tensor_7" [label="(3072, 1)", style=solid]; "240 compressed_weight_updated_constant7" -> "241 mul_tensor_7" [label="(3072, 768)", style=solid]; "241 mul_tensor_7" -> "243 sub_tensor_7" [label="(3072, 768)", style=solid]; -"242 zero_point_updated_constant7" -> "243 sub_tensor_7" [label="(3072, 1)", style=solid]; +"242 zero_point_updated_constant7" -> "243 sub_tensor_7" [label="(3072, 1)", style=dashed]; "243 sub_tensor_7" -> "244 linear_6" [label="(3072, 768)", style=solid]; "244 linear_6" -> "245 gelu_1" [label="(1, 197, 3072)", style=solid]; "245 gelu_1" -> "246 dropout_5" [label="(1, 197, 3072)", style=solid]; @@ -1241,7 +1241,7 @@ strict digraph { "250 scale_updated_constant8" -> "252 mul_tensor_8" [label="(768, 1)", style=solid]; "251 compressed_weight_updated_constant8" -> "252 mul_tensor_8" [label="(768, 3072)", style=solid]; "252 mul_tensor_8" -> "254 sub_tensor_8" [label="(768, 3072)", style=solid]; -"253 zero_point_updated_constant8" -> "254 sub_tensor_8" [label="(768, 1)", style=solid]; +"253 zero_point_updated_constant8" -> "254 sub_tensor_8" [label="(768, 1)", style=dashed]; "254 sub_tensor_8" -> "255 linear_7" [label="(768, 3072)", style=solid]; "255 linear_7" -> "256 dropout_6" [label="(1, 197, 768)", style=solid]; "256 dropout_6" -> "257 add_4" [label="(1, 197, 768)", style=solid]; @@ -1255,7 +1255,7 @@ strict digraph { "263 scale_updated_constant9" -> "265 mul_tensor_9" [label="(2304, 1)", style=solid]; "264 compressed_weight_updated_constant9" -> "265 mul_tensor_9" [label="(2304, 768)", style=solid]; "265 mul_tensor_9" -> "267 sub_tensor_9" [label="(2304, 768)", style=solid]; -"266 zero_point_updated_constant9" -> "267 sub_tensor_9" [label="(2304, 1)", style=solid]; +"266 zero_point_updated_constant9" -> "267 sub_tensor_9" [label="(2304, 1)", style=dashed]; "267 sub_tensor_9" -> "268 linear_8" [label="(2304, 768)", style=solid]; "268 linear_8" -> "269 unflatten_2" [label="(197, 1, 2304)", style=solid]; "269 unflatten_2" -> "270 unsqueeze_2" [label="(197, 1, 3, 768)", style=solid]; @@ -1290,7 +1290,7 @@ strict digraph { "296 scale_updated_constant10" -> "298 mul_tensor_10" [label="(768, 1)", style=solid]; "297 compressed_weight_updated_constant10" -> "298 mul_tensor_10" [label="(768, 768)", style=solid]; "298 mul_tensor_10" -> "300 sub_tensor_10" [label="(768, 768)", style=solid]; -"299 zero_point_updated_constant10" -> "300 sub_tensor_10" [label="(768, 1)", style=solid]; +"299 zero_point_updated_constant10" -> "300 sub_tensor_10" [label="(768, 1)", style=dashed]; "300 sub_tensor_10" -> "301 linear_9" [label="(768, 768)", style=solid]; "301 linear_9" -> "302 view_23" [label="(197, 768)", style=solid]; "302 view_23" -> "303 transpose_17" [label="(197, 1, 768)", style=solid]; @@ -1305,7 +1305,7 @@ strict digraph { "310 scale_updated_constant11" -> "312 mul_tensor_11" [label="(3072, 1)", style=solid]; "311 compressed_weight_updated_constant11" -> "312 mul_tensor_11" [label="(3072, 768)", style=solid]; "312 mul_tensor_11" -> "314 sub_tensor_11" [label="(3072, 768)", style=solid]; -"313 zero_point_updated_constant11" -> "314 sub_tensor_11" [label="(3072, 1)", style=solid]; +"313 zero_point_updated_constant11" -> "314 sub_tensor_11" [label="(3072, 1)", style=dashed]; "314 sub_tensor_11" -> "315 linear_10" [label="(3072, 768)", style=solid]; "315 linear_10" -> "316 gelu_2" [label="(1, 197, 3072)", style=solid]; "316 gelu_2" -> "317 dropout_8" [label="(1, 197, 3072)", style=solid]; @@ -1316,7 +1316,7 @@ strict digraph { "321 scale_updated_constant12" -> "323 mul_tensor_12" [label="(768, 1)", style=solid]; "322 compressed_weight_updated_constant12" -> "323 mul_tensor_12" [label="(768, 3072)", style=solid]; "323 mul_tensor_12" -> "325 sub_tensor_12" [label="(768, 3072)", style=solid]; -"324 zero_point_updated_constant12" -> "325 sub_tensor_12" [label="(768, 1)", style=solid]; +"324 zero_point_updated_constant12" -> "325 sub_tensor_12" [label="(768, 1)", style=dashed]; "325 sub_tensor_12" -> "326 linear_11" [label="(768, 3072)", style=solid]; "326 linear_11" -> "327 dropout_9" [label="(1, 197, 768)", style=solid]; "327 dropout_9" -> "328 add_6" [label="(1, 197, 768)", style=solid]; @@ -1330,7 +1330,7 @@ strict digraph { "334 scale_updated_constant13" -> "336 mul_tensor_13" [label="(2304, 1)", style=solid]; "335 compressed_weight_updated_constant13" -> "336 mul_tensor_13" [label="(2304, 768)", style=solid]; "336 mul_tensor_13" -> "338 sub_tensor_13" [label="(2304, 768)", style=solid]; -"337 zero_point_updated_constant13" -> "338 sub_tensor_13" [label="(2304, 1)", style=solid]; +"337 zero_point_updated_constant13" -> "338 sub_tensor_13" [label="(2304, 1)", style=dashed]; "338 sub_tensor_13" -> "339 linear_12" [label="(2304, 768)", style=solid]; "339 linear_12" -> "340 unflatten_3" [label="(197, 1, 2304)", style=solid]; "340 unflatten_3" -> "341 unsqueeze_3" [label="(197, 1, 3, 768)", style=solid]; @@ -1365,7 +1365,7 @@ strict digraph { "367 scale_updated_constant14" -> "369 mul_tensor_14" [label="(768, 1)", style=solid]; "368 compressed_weight_updated_constant14" -> "369 mul_tensor_14" [label="(768, 768)", style=solid]; "369 mul_tensor_14" -> "371 sub_tensor_14" [label="(768, 768)", style=solid]; -"370 zero_point_updated_constant14" -> "371 sub_tensor_14" [label="(768, 1)", style=solid]; +"370 zero_point_updated_constant14" -> "371 sub_tensor_14" [label="(768, 1)", style=dashed]; "371 sub_tensor_14" -> "372 linear_13" [label="(768, 768)", style=solid]; "372 linear_13" -> "373 view_31" [label="(197, 768)", style=solid]; "373 view_31" -> "374 transpose_23" [label="(197, 1, 768)", style=solid]; @@ -1380,7 +1380,7 @@ strict digraph { "381 scale_updated_constant15" -> "383 mul_tensor_15" [label="(3072, 1)", style=solid]; "382 compressed_weight_updated_constant15" -> "383 mul_tensor_15" [label="(3072, 768)", style=solid]; "383 mul_tensor_15" -> "385 sub_tensor_15" [label="(3072, 768)", style=solid]; -"384 zero_point_updated_constant15" -> "385 sub_tensor_15" [label="(3072, 1)", style=solid]; +"384 zero_point_updated_constant15" -> "385 sub_tensor_15" [label="(3072, 1)", style=dashed]; "385 sub_tensor_15" -> "386 linear_14" [label="(3072, 768)", style=solid]; "386 linear_14" -> "387 gelu_3" [label="(1, 197, 3072)", style=solid]; "387 gelu_3" -> "388 dropout_11" [label="(1, 197, 3072)", style=solid]; @@ -1391,7 +1391,7 @@ strict digraph { "392 scale_updated_constant16" -> "394 mul_tensor_16" [label="(768, 1)", style=solid]; "393 compressed_weight_updated_constant16" -> "394 mul_tensor_16" [label="(768, 3072)", style=solid]; "394 mul_tensor_16" -> "396 sub_tensor_16" [label="(768, 3072)", style=solid]; -"395 zero_point_updated_constant16" -> "396 sub_tensor_16" [label="(768, 1)", style=solid]; +"395 zero_point_updated_constant16" -> "396 sub_tensor_16" [label="(768, 1)", style=dashed]; "396 sub_tensor_16" -> "397 linear_15" [label="(768, 3072)", style=solid]; "397 linear_15" -> "398 dropout_12" [label="(1, 197, 768)", style=solid]; "398 dropout_12" -> "399 add_8" [label="(1, 197, 768)", style=solid]; @@ -1405,7 +1405,7 @@ strict digraph { "405 scale_updated_constant17" -> "407 mul_tensor_17" [label="(2304, 1)", style=solid]; "406 compressed_weight_updated_constant17" -> "407 mul_tensor_17" [label="(2304, 768)", style=solid]; "407 mul_tensor_17" -> "409 sub_tensor_17" [label="(2304, 768)", style=solid]; -"408 zero_point_updated_constant17" -> "409 sub_tensor_17" [label="(2304, 1)", style=solid]; +"408 zero_point_updated_constant17" -> "409 sub_tensor_17" [label="(2304, 1)", style=dashed]; "409 sub_tensor_17" -> "410 linear_16" [label="(2304, 768)", style=solid]; "410 linear_16" -> "411 unflatten_4" [label="(197, 1, 2304)", style=solid]; "411 unflatten_4" -> "412 unsqueeze_4" [label="(197, 1, 3, 768)", style=solid]; @@ -1440,7 +1440,7 @@ strict digraph { "438 scale_updated_constant18" -> "440 mul_tensor_18" [label="(768, 1)", style=solid]; "439 compressed_weight_updated_constant18" -> "440 mul_tensor_18" [label="(768, 768)", style=solid]; "440 mul_tensor_18" -> "442 sub_tensor_18" [label="(768, 768)", style=solid]; -"441 zero_point_updated_constant18" -> "442 sub_tensor_18" [label="(768, 1)", style=solid]; +"441 zero_point_updated_constant18" -> "442 sub_tensor_18" [label="(768, 1)", style=dashed]; "442 sub_tensor_18" -> "443 linear_17" [label="(768, 768)", style=solid]; "443 linear_17" -> "444 view_39" [label="(197, 768)", style=solid]; "444 view_39" -> "445 transpose_29" [label="(197, 1, 768)", style=solid]; @@ -1455,7 +1455,7 @@ strict digraph { "452 scale_updated_constant19" -> "454 mul_tensor_19" [label="(3072, 1)", style=solid]; "453 compressed_weight_updated_constant19" -> "454 mul_tensor_19" [label="(3072, 768)", style=solid]; "454 mul_tensor_19" -> "456 sub_tensor_19" [label="(3072, 768)", style=solid]; -"455 zero_point_updated_constant19" -> "456 sub_tensor_19" [label="(3072, 1)", style=solid]; +"455 zero_point_updated_constant19" -> "456 sub_tensor_19" [label="(3072, 1)", style=dashed]; "456 sub_tensor_19" -> "457 linear_18" [label="(3072, 768)", style=solid]; "457 linear_18" -> "458 gelu_4" [label="(1, 197, 3072)", style=solid]; "458 gelu_4" -> "459 dropout_14" [label="(1, 197, 3072)", style=solid]; @@ -1466,7 +1466,7 @@ strict digraph { "463 scale_updated_constant20" -> "465 mul_tensor_20" [label="(768, 1)", style=solid]; "464 compressed_weight_updated_constant20" -> "465 mul_tensor_20" [label="(768, 3072)", style=solid]; "465 mul_tensor_20" -> "467 sub_tensor_20" [label="(768, 3072)", style=solid]; -"466 zero_point_updated_constant20" -> "467 sub_tensor_20" [label="(768, 1)", style=solid]; +"466 zero_point_updated_constant20" -> "467 sub_tensor_20" [label="(768, 1)", style=dashed]; "467 sub_tensor_20" -> "468 linear_19" [label="(768, 3072)", style=solid]; "468 linear_19" -> "469 dropout_15" [label="(1, 197, 768)", style=solid]; "469 dropout_15" -> "470 add_10" [label="(1, 197, 768)", style=solid]; @@ -1480,7 +1480,7 @@ strict digraph { "476 scale_updated_constant21" -> "478 mul_tensor_21" [label="(2304, 1)", style=solid]; "477 compressed_weight_updated_constant21" -> "478 mul_tensor_21" [label="(2304, 768)", style=solid]; "478 mul_tensor_21" -> "480 sub_tensor_21" [label="(2304, 768)", style=solid]; -"479 zero_point_updated_constant21" -> "480 sub_tensor_21" [label="(2304, 1)", style=solid]; +"479 zero_point_updated_constant21" -> "480 sub_tensor_21" [label="(2304, 1)", style=dashed]; "480 sub_tensor_21" -> "481 linear_20" [label="(2304, 768)", style=solid]; "481 linear_20" -> "482 unflatten_5" [label="(197, 1, 2304)", style=solid]; "482 unflatten_5" -> "483 unsqueeze_5" [label="(197, 1, 3, 768)", style=solid]; @@ -1515,7 +1515,7 @@ strict digraph { "509 scale_updated_constant22" -> "511 mul_tensor_22" [label="(768, 1)", style=solid]; "510 compressed_weight_updated_constant22" -> "511 mul_tensor_22" [label="(768, 768)", style=solid]; "511 mul_tensor_22" -> "513 sub_tensor_22" [label="(768, 768)", style=solid]; -"512 zero_point_updated_constant22" -> "513 sub_tensor_22" [label="(768, 1)", style=solid]; +"512 zero_point_updated_constant22" -> "513 sub_tensor_22" [label="(768, 1)", style=dashed]; "513 sub_tensor_22" -> "514 linear_21" [label="(768, 768)", style=solid]; "514 linear_21" -> "515 view_47" [label="(197, 768)", style=solid]; "515 view_47" -> "516 transpose_35" [label="(197, 1, 768)", style=solid]; @@ -1530,7 +1530,7 @@ strict digraph { "523 scale_updated_constant23" -> "525 mul_tensor_23" [label="(3072, 1)", style=solid]; "524 compressed_weight_updated_constant23" -> "525 mul_tensor_23" [label="(3072, 768)", style=solid]; "525 mul_tensor_23" -> "527 sub_tensor_23" [label="(3072, 768)", style=solid]; -"526 zero_point_updated_constant23" -> "527 sub_tensor_23" [label="(3072, 1)", style=solid]; +"526 zero_point_updated_constant23" -> "527 sub_tensor_23" [label="(3072, 1)", style=dashed]; "527 sub_tensor_23" -> "528 linear_22" [label="(3072, 768)", style=solid]; "528 linear_22" -> "529 gelu_5" [label="(1, 197, 3072)", style=solid]; "529 gelu_5" -> "530 dropout_17" [label="(1, 197, 3072)", style=solid]; @@ -1541,7 +1541,7 @@ strict digraph { "534 scale_updated_constant24" -> "536 mul_tensor_24" [label="(768, 1)", style=solid]; "535 compressed_weight_updated_constant24" -> "536 mul_tensor_24" [label="(768, 3072)", style=solid]; "536 mul_tensor_24" -> "538 sub_tensor_24" [label="(768, 3072)", style=solid]; -"537 zero_point_updated_constant24" -> "538 sub_tensor_24" [label="(768, 1)", style=solid]; +"537 zero_point_updated_constant24" -> "538 sub_tensor_24" [label="(768, 1)", style=dashed]; "538 sub_tensor_24" -> "539 linear_23" [label="(768, 3072)", style=solid]; "539 linear_23" -> "540 dropout_18" [label="(1, 197, 768)", style=solid]; "540 dropout_18" -> "541 add_12" [label="(1, 197, 768)", style=solid]; @@ -1555,7 +1555,7 @@ strict digraph { "547 scale_updated_constant25" -> "549 mul_tensor_25" [label="(2304, 1)", style=solid]; "548 compressed_weight_updated_constant25" -> "549 mul_tensor_25" [label="(2304, 768)", style=solid]; "549 mul_tensor_25" -> "551 sub_tensor_25" [label="(2304, 768)", style=solid]; -"550 zero_point_updated_constant25" -> "551 sub_tensor_25" [label="(2304, 1)", style=solid]; +"550 zero_point_updated_constant25" -> "551 sub_tensor_25" [label="(2304, 1)", style=dashed]; "551 sub_tensor_25" -> "552 linear_24" [label="(2304, 768)", style=solid]; "552 linear_24" -> "553 unflatten_6" [label="(197, 1, 2304)", style=solid]; "553 unflatten_6" -> "554 unsqueeze_6" [label="(197, 1, 3, 768)", style=solid]; @@ -1590,7 +1590,7 @@ strict digraph { "580 scale_updated_constant26" -> "582 mul_tensor_26" [label="(768, 1)", style=solid]; "581 compressed_weight_updated_constant26" -> "582 mul_tensor_26" [label="(768, 768)", style=solid]; "582 mul_tensor_26" -> "584 sub_tensor_26" [label="(768, 768)", style=solid]; -"583 zero_point_updated_constant26" -> "584 sub_tensor_26" [label="(768, 1)", style=solid]; +"583 zero_point_updated_constant26" -> "584 sub_tensor_26" [label="(768, 1)", style=dashed]; "584 sub_tensor_26" -> "585 linear_25" [label="(768, 768)", style=solid]; "585 linear_25" -> "586 view_55" [label="(197, 768)", style=solid]; "586 view_55" -> "587 transpose_41" [label="(197, 1, 768)", style=solid]; @@ -1605,7 +1605,7 @@ strict digraph { "594 scale_updated_constant27" -> "596 mul_tensor_27" [label="(3072, 1)", style=solid]; "595 compressed_weight_updated_constant27" -> "596 mul_tensor_27" [label="(3072, 768)", style=solid]; "596 mul_tensor_27" -> "598 sub_tensor_27" [label="(3072, 768)", style=solid]; -"597 zero_point_updated_constant27" -> "598 sub_tensor_27" [label="(3072, 1)", style=solid]; +"597 zero_point_updated_constant27" -> "598 sub_tensor_27" [label="(3072, 1)", style=dashed]; "598 sub_tensor_27" -> "599 linear_26" [label="(3072, 768)", style=solid]; "599 linear_26" -> "600 gelu_6" [label="(1, 197, 3072)", style=solid]; "600 gelu_6" -> "601 dropout_20" [label="(1, 197, 3072)", style=solid]; @@ -1616,7 +1616,7 @@ strict digraph { "605 scale_updated_constant28" -> "607 mul_tensor_28" [label="(768, 1)", style=solid]; "606 compressed_weight_updated_constant28" -> "607 mul_tensor_28" [label="(768, 3072)", style=solid]; "607 mul_tensor_28" -> "609 sub_tensor_28" [label="(768, 3072)", style=solid]; -"608 zero_point_updated_constant28" -> "609 sub_tensor_28" [label="(768, 1)", style=solid]; +"608 zero_point_updated_constant28" -> "609 sub_tensor_28" [label="(768, 1)", style=dashed]; "609 sub_tensor_28" -> "610 linear_27" [label="(768, 3072)", style=solid]; "610 linear_27" -> "611 dropout_21" [label="(1, 197, 768)", style=solid]; "611 dropout_21" -> "612 add_14" [label="(1, 197, 768)", style=solid]; @@ -1630,7 +1630,7 @@ strict digraph { "618 scale_updated_constant29" -> "620 mul_tensor_29" [label="(2304, 1)", style=solid]; "619 compressed_weight_updated_constant29" -> "620 mul_tensor_29" [label="(2304, 768)", style=solid]; "620 mul_tensor_29" -> "622 sub_tensor_29" [label="(2304, 768)", style=solid]; -"621 zero_point_updated_constant29" -> "622 sub_tensor_29" [label="(2304, 1)", style=solid]; +"621 zero_point_updated_constant29" -> "622 sub_tensor_29" [label="(2304, 1)", style=dashed]; "622 sub_tensor_29" -> "623 linear_28" [label="(2304, 768)", style=solid]; "623 linear_28" -> "624 unflatten_7" [label="(197, 1, 2304)", style=solid]; "624 unflatten_7" -> "625 unsqueeze_7" [label="(197, 1, 3, 768)", style=solid]; @@ -1665,7 +1665,7 @@ strict digraph { "651 scale_updated_constant30" -> "653 mul_tensor_30" [label="(768, 1)", style=solid]; "652 compressed_weight_updated_constant30" -> "653 mul_tensor_30" [label="(768, 768)", style=solid]; "653 mul_tensor_30" -> "655 sub_tensor_30" [label="(768, 768)", style=solid]; -"654 zero_point_updated_constant30" -> "655 sub_tensor_30" [label="(768, 1)", style=solid]; +"654 zero_point_updated_constant30" -> "655 sub_tensor_30" [label="(768, 1)", style=dashed]; "655 sub_tensor_30" -> "656 linear_29" [label="(768, 768)", style=solid]; "656 linear_29" -> "657 view_63" [label="(197, 768)", style=solid]; "657 view_63" -> "658 transpose_47" [label="(197, 1, 768)", style=solid]; @@ -1680,7 +1680,7 @@ strict digraph { "665 scale_updated_constant31" -> "667 mul_tensor_31" [label="(3072, 1)", style=solid]; "666 compressed_weight_updated_constant31" -> "667 mul_tensor_31" [label="(3072, 768)", style=solid]; "667 mul_tensor_31" -> "669 sub_tensor_31" [label="(3072, 768)", style=solid]; -"668 zero_point_updated_constant31" -> "669 sub_tensor_31" [label="(3072, 1)", style=solid]; +"668 zero_point_updated_constant31" -> "669 sub_tensor_31" [label="(3072, 1)", style=dashed]; "669 sub_tensor_31" -> "670 linear_30" [label="(3072, 768)", style=solid]; "670 linear_30" -> "671 gelu_7" [label="(1, 197, 3072)", style=solid]; "671 gelu_7" -> "672 dropout_23" [label="(1, 197, 3072)", style=solid]; @@ -1691,7 +1691,7 @@ strict digraph { "676 scale_updated_constant32" -> "678 mul_tensor_32" [label="(768, 1)", style=solid]; "677 compressed_weight_updated_constant32" -> "678 mul_tensor_32" [label="(768, 3072)", style=solid]; "678 mul_tensor_32" -> "680 sub_tensor_32" [label="(768, 3072)", style=solid]; -"679 zero_point_updated_constant32" -> "680 sub_tensor_32" [label="(768, 1)", style=solid]; +"679 zero_point_updated_constant32" -> "680 sub_tensor_32" [label="(768, 1)", style=dashed]; "680 sub_tensor_32" -> "681 linear_31" [label="(768, 3072)", style=solid]; "681 linear_31" -> "682 dropout_24" [label="(1, 197, 768)", style=solid]; "682 dropout_24" -> "683 add_16" [label="(1, 197, 768)", style=solid]; @@ -1705,7 +1705,7 @@ strict digraph { "689 scale_updated_constant33" -> "691 mul_tensor_33" [label="(2304, 1)", style=solid]; "690 compressed_weight_updated_constant33" -> "691 mul_tensor_33" [label="(2304, 768)", style=solid]; "691 mul_tensor_33" -> "693 sub_tensor_33" [label="(2304, 768)", style=solid]; -"692 zero_point_updated_constant33" -> "693 sub_tensor_33" [label="(2304, 1)", style=solid]; +"692 zero_point_updated_constant33" -> "693 sub_tensor_33" [label="(2304, 1)", style=dashed]; "693 sub_tensor_33" -> "694 linear_32" [label="(2304, 768)", style=solid]; "694 linear_32" -> "695 unflatten_8" [label="(197, 1, 2304)", style=solid]; "695 unflatten_8" -> "696 unsqueeze_8" [label="(197, 1, 3, 768)", style=solid]; @@ -1740,7 +1740,7 @@ strict digraph { "722 scale_updated_constant34" -> "724 mul_tensor_34" [label="(768, 1)", style=solid]; "723 compressed_weight_updated_constant34" -> "724 mul_tensor_34" [label="(768, 768)", style=solid]; "724 mul_tensor_34" -> "726 sub_tensor_34" [label="(768, 768)", style=solid]; -"725 zero_point_updated_constant34" -> "726 sub_tensor_34" [label="(768, 1)", style=solid]; +"725 zero_point_updated_constant34" -> "726 sub_tensor_34" [label="(768, 1)", style=dashed]; "726 sub_tensor_34" -> "727 linear_33" [label="(768, 768)", style=solid]; "727 linear_33" -> "728 view_71" [label="(197, 768)", style=solid]; "728 view_71" -> "729 transpose_53" [label="(197, 1, 768)", style=solid]; @@ -1755,7 +1755,7 @@ strict digraph { "736 scale_updated_constant35" -> "738 mul_tensor_35" [label="(3072, 1)", style=solid]; "737 compressed_weight_updated_constant35" -> "738 mul_tensor_35" [label="(3072, 768)", style=solid]; "738 mul_tensor_35" -> "740 sub_tensor_35" [label="(3072, 768)", style=solid]; -"739 zero_point_updated_constant35" -> "740 sub_tensor_35" [label="(3072, 1)", style=solid]; +"739 zero_point_updated_constant35" -> "740 sub_tensor_35" [label="(3072, 1)", style=dashed]; "740 sub_tensor_35" -> "741 linear_34" [label="(3072, 768)", style=solid]; "741 linear_34" -> "742 gelu_8" [label="(1, 197, 3072)", style=solid]; "742 gelu_8" -> "743 dropout_26" [label="(1, 197, 3072)", style=solid]; @@ -1766,7 +1766,7 @@ strict digraph { "747 scale_updated_constant36" -> "749 mul_tensor_36" [label="(768, 1)", style=solid]; "748 compressed_weight_updated_constant36" -> "749 mul_tensor_36" [label="(768, 3072)", style=solid]; "749 mul_tensor_36" -> "751 sub_tensor_36" [label="(768, 3072)", style=solid]; -"750 zero_point_updated_constant36" -> "751 sub_tensor_36" [label="(768, 1)", style=solid]; +"750 zero_point_updated_constant36" -> "751 sub_tensor_36" [label="(768, 1)", style=dashed]; "751 sub_tensor_36" -> "752 linear_35" [label="(768, 3072)", style=solid]; "752 linear_35" -> "753 dropout_27" [label="(1, 197, 768)", style=solid]; "753 dropout_27" -> "754 add_18" [label="(1, 197, 768)", style=solid]; @@ -1780,7 +1780,7 @@ strict digraph { "760 scale_updated_constant37" -> "762 mul_tensor_37" [label="(2304, 1)", style=solid]; "761 compressed_weight_updated_constant37" -> "762 mul_tensor_37" [label="(2304, 768)", style=solid]; "762 mul_tensor_37" -> "764 sub_tensor_37" [label="(2304, 768)", style=solid]; -"763 zero_point_updated_constant37" -> "764 sub_tensor_37" [label="(2304, 1)", style=solid]; +"763 zero_point_updated_constant37" -> "764 sub_tensor_37" [label="(2304, 1)", style=dashed]; "764 sub_tensor_37" -> "765 linear_36" [label="(2304, 768)", style=solid]; "765 linear_36" -> "766 unflatten_9" [label="(197, 1, 2304)", style=solid]; "766 unflatten_9" -> "767 unsqueeze_9" [label="(197, 1, 3, 768)", style=solid]; @@ -1815,7 +1815,7 @@ strict digraph { "793 scale_updated_constant38" -> "795 mul_tensor_38" [label="(768, 1)", style=solid]; "794 compressed_weight_updated_constant38" -> "795 mul_tensor_38" [label="(768, 768)", style=solid]; "795 mul_tensor_38" -> "797 sub_tensor_38" [label="(768, 768)", style=solid]; -"796 zero_point_updated_constant38" -> "797 sub_tensor_38" [label="(768, 1)", style=solid]; +"796 zero_point_updated_constant38" -> "797 sub_tensor_38" [label="(768, 1)", style=dashed]; "797 sub_tensor_38" -> "798 linear_37" [label="(768, 768)", style=solid]; "798 linear_37" -> "799 view_79" [label="(197, 768)", style=solid]; "799 view_79" -> "800 transpose_59" [label="(197, 1, 768)", style=solid]; @@ -1830,7 +1830,7 @@ strict digraph { "807 scale_updated_constant39" -> "809 mul_tensor_39" [label="(3072, 1)", style=solid]; "808 compressed_weight_updated_constant39" -> "809 mul_tensor_39" [label="(3072, 768)", style=solid]; "809 mul_tensor_39" -> "811 sub_tensor_39" [label="(3072, 768)", style=solid]; -"810 zero_point_updated_constant39" -> "811 sub_tensor_39" [label="(3072, 1)", style=solid]; +"810 zero_point_updated_constant39" -> "811 sub_tensor_39" [label="(3072, 1)", style=dashed]; "811 sub_tensor_39" -> "812 linear_38" [label="(3072, 768)", style=solid]; "812 linear_38" -> "813 gelu_9" [label="(1, 197, 3072)", style=solid]; "813 gelu_9" -> "814 dropout_29" [label="(1, 197, 3072)", style=solid]; @@ -1841,7 +1841,7 @@ strict digraph { "818 scale_updated_constant40" -> "820 mul_tensor_40" [label="(768, 1)", style=solid]; "819 compressed_weight_updated_constant40" -> "820 mul_tensor_40" [label="(768, 3072)", style=solid]; "820 mul_tensor_40" -> "822 sub_tensor_40" [label="(768, 3072)", style=solid]; -"821 zero_point_updated_constant40" -> "822 sub_tensor_40" [label="(768, 1)", style=solid]; +"821 zero_point_updated_constant40" -> "822 sub_tensor_40" [label="(768, 1)", style=dashed]; "822 sub_tensor_40" -> "823 linear_39" [label="(768, 3072)", style=solid]; "823 linear_39" -> "824 dropout_30" [label="(1, 197, 768)", style=solid]; "824 dropout_30" -> "825 add_20" [label="(1, 197, 768)", style=solid]; @@ -1855,7 +1855,7 @@ strict digraph { "831 scale_updated_constant41" -> "833 mul_tensor_41" [label="(2304, 1)", style=solid]; "832 compressed_weight_updated_constant41" -> "833 mul_tensor_41" [label="(2304, 768)", style=solid]; "833 mul_tensor_41" -> "835 sub_tensor_41" [label="(2304, 768)", style=solid]; -"834 zero_point_updated_constant41" -> "835 sub_tensor_41" [label="(2304, 1)", style=solid]; +"834 zero_point_updated_constant41" -> "835 sub_tensor_41" [label="(2304, 1)", style=dashed]; "835 sub_tensor_41" -> "836 linear_40" [label="(2304, 768)", style=solid]; "836 linear_40" -> "837 unflatten_10" [label="(197, 1, 2304)", style=solid]; "837 unflatten_10" -> "838 unsqueeze_10" [label="(197, 1, 3, 768)", style=solid]; @@ -1890,7 +1890,7 @@ strict digraph { "864 scale_updated_constant42" -> "866 mul_tensor_42" [label="(768, 1)", style=solid]; "865 compressed_weight_updated_constant42" -> "866 mul_tensor_42" [label="(768, 768)", style=solid]; "866 mul_tensor_42" -> "868 sub_tensor_42" [label="(768, 768)", style=solid]; -"867 zero_point_updated_constant42" -> "868 sub_tensor_42" [label="(768, 1)", style=solid]; +"867 zero_point_updated_constant42" -> "868 sub_tensor_42" [label="(768, 1)", style=dashed]; "868 sub_tensor_42" -> "869 linear_41" [label="(768, 768)", style=solid]; "869 linear_41" -> "870 view_87" [label="(197, 768)", style=solid]; "870 view_87" -> "871 transpose_65" [label="(197, 1, 768)", style=solid]; @@ -1905,7 +1905,7 @@ strict digraph { "878 scale_updated_constant43" -> "880 mul_tensor_43" [label="(3072, 1)", style=solid]; "879 compressed_weight_updated_constant43" -> "880 mul_tensor_43" [label="(3072, 768)", style=solid]; "880 mul_tensor_43" -> "882 sub_tensor_43" [label="(3072, 768)", style=solid]; -"881 zero_point_updated_constant43" -> "882 sub_tensor_43" [label="(3072, 1)", style=solid]; +"881 zero_point_updated_constant43" -> "882 sub_tensor_43" [label="(3072, 1)", style=dashed]; "882 sub_tensor_43" -> "883 linear_42" [label="(3072, 768)", style=solid]; "883 linear_42" -> "884 gelu_10" [label="(1, 197, 3072)", style=solid]; "884 gelu_10" -> "885 dropout_32" [label="(1, 197, 3072)", style=solid]; @@ -1916,7 +1916,7 @@ strict digraph { "889 scale_updated_constant44" -> "891 mul_tensor_44" [label="(768, 1)", style=solid]; "890 compressed_weight_updated_constant44" -> "891 mul_tensor_44" [label="(768, 3072)", style=solid]; "891 mul_tensor_44" -> "893 sub_tensor_44" [label="(768, 3072)", style=solid]; -"892 zero_point_updated_constant44" -> "893 sub_tensor_44" [label="(768, 1)", style=solid]; +"892 zero_point_updated_constant44" -> "893 sub_tensor_44" [label="(768, 1)", style=dashed]; "893 sub_tensor_44" -> "894 linear_43" [label="(768, 3072)", style=solid]; "894 linear_43" -> "895 dropout_33" [label="(1, 197, 768)", style=solid]; "895 dropout_33" -> "896 add_22" [label="(1, 197, 768)", style=solid]; @@ -1930,7 +1930,7 @@ strict digraph { "902 scale_updated_constant45" -> "904 mul_tensor_45" [label="(2304, 1)", style=solid]; "903 compressed_weight_updated_constant45" -> "904 mul_tensor_45" [label="(2304, 768)", style=solid]; "904 mul_tensor_45" -> "906 sub_tensor_45" [label="(2304, 768)", style=solid]; -"905 zero_point_updated_constant45" -> "906 sub_tensor_45" [label="(2304, 1)", style=solid]; +"905 zero_point_updated_constant45" -> "906 sub_tensor_45" [label="(2304, 1)", style=dashed]; "906 sub_tensor_45" -> "907 linear_44" [label="(2304, 768)", style=solid]; "907 linear_44" -> "908 unflatten_11" [label="(197, 1, 2304)", style=solid]; "908 unflatten_11" -> "909 unsqueeze_11" [label="(197, 1, 3, 768)", style=solid]; @@ -1965,7 +1965,7 @@ strict digraph { "935 scale_updated_constant46" -> "937 mul_tensor_46" [label="(768, 1)", style=solid]; "936 compressed_weight_updated_constant46" -> "937 mul_tensor_46" [label="(768, 768)", style=solid]; "937 mul_tensor_46" -> "939 sub_tensor_46" [label="(768, 768)", style=solid]; -"938 zero_point_updated_constant46" -> "939 sub_tensor_46" [label="(768, 1)", style=solid]; +"938 zero_point_updated_constant46" -> "939 sub_tensor_46" [label="(768, 1)", style=dashed]; "939 sub_tensor_46" -> "940 linear_45" [label="(768, 768)", style=solid]; "940 linear_45" -> "941 view_95" [label="(197, 768)", style=solid]; "941 view_95" -> "942 transpose_71" [label="(197, 1, 768)", style=solid]; @@ -1980,7 +1980,7 @@ strict digraph { "949 scale_updated_constant47" -> "951 mul_tensor_47" [label="(3072, 1)", style=solid]; "950 compressed_weight_updated_constant47" -> "951 mul_tensor_47" [label="(3072, 768)", style=solid]; "951 mul_tensor_47" -> "953 sub_tensor_47" [label="(3072, 768)", style=solid]; -"952 zero_point_updated_constant47" -> "953 sub_tensor_47" [label="(3072, 1)", style=solid]; +"952 zero_point_updated_constant47" -> "953 sub_tensor_47" [label="(3072, 1)", style=dashed]; "953 sub_tensor_47" -> "954 linear_46" [label="(3072, 768)", style=solid]; "954 linear_46" -> "955 gelu_11" [label="(1, 197, 3072)", style=solid]; "955 gelu_11" -> "956 dropout_35" [label="(1, 197, 3072)", style=solid]; @@ -1991,7 +1991,7 @@ strict digraph { "960 scale_updated_constant48" -> "962 mul_tensor_48" [label="(768, 1)", style=solid]; "961 compressed_weight_updated_constant48" -> "962 mul_tensor_48" [label="(768, 3072)", style=solid]; "962 mul_tensor_48" -> "964 sub_tensor_48" [label="(768, 3072)", style=solid]; -"963 zero_point_updated_constant48" -> "964 sub_tensor_48" [label="(768, 1)", style=solid]; +"963 zero_point_updated_constant48" -> "964 sub_tensor_48" [label="(768, 1)", style=dashed]; "964 sub_tensor_48" -> "965 linear_47" [label="(768, 3072)", style=solid]; "965 linear_47" -> "966 dropout_36" [label="(1, 197, 768)", style=solid]; "966 dropout_36" -> "967 add_24" [label="(1, 197, 768)", style=solid]; @@ -2005,7 +2005,7 @@ strict digraph { "974 scale_updated_constant49" -> "976 mul_tensor_49" [label="(1000, 1)", style=solid]; "975 compressed_weight_updated_constant49" -> "976 mul_tensor_49" [label="(1000, 768)", style=solid]; "976 mul_tensor_49" -> "978 sub_tensor_49" [label="(1000, 768)", style=solid]; -"977 zero_point_updated_constant49" -> "978 sub_tensor_49" [label="(1000, 1)", style=solid]; +"977 zero_point_updated_constant49" -> "978 sub_tensor_49" [label="(1000, 1)", style=dashed]; "978 sub_tensor_49" -> "979 linear_48" [label="(1000, 768)", style=solid]; "979 linear_48" -> "980 output" [label="(1, 1000)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/yolo11n_sdpa_block.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/yolo11n_sdpa_block.dot index 5f77afeb201..100c0f45c58 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/yolo11n_sdpa_block.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/post_quantization_compressed/yolo11n_sdpa_block.dot @@ -36,7 +36,7 @@ strict digraph { "4 scale_updated_constant0" -> "6 mul_tensor" [label="(12, 1)", style=solid]; "5 compressed_weight_updated_constant0" -> "6 mul_tensor" [label="(12, 4)", style=solid]; "6 mul_tensor" -> "8 sub_tensor" [label="(12, 4)", style=solid]; -"7 zero_point_updated_constant0" -> "8 sub_tensor" [label="(12, 1)", style=solid]; +"7 zero_point_updated_constant0" -> "8 sub_tensor" [label="(12, 1)", style=dashed]; "8 sub_tensor" -> "9 linear" [label="(12, 4)", style=solid]; "9 linear" -> "10 quantize_per_tensor_default_1" [label="(1, -1, 12)", style=solid]; "9 linear" -> "15 quantize_per_tensor_default_2" [label="(1, -1, 12)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/mobilenet_v3_small.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/mobilenet_v3_small.dot index cc02625ab38..fe13b8ebfc1 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/mobilenet_v3_small.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/mobilenet_v3_small.dot @@ -579,24 +579,24 @@ strict digraph { "41 features_0_0_weight_bias" -> "47 conv2d" [label="(16,)", style=solid]; "42 conv2d_scale_0" -> "45 quantize_per_channel_default" [label="(16,)", style=solid]; "42 conv2d_scale_0" -> "46 dequantize_per_channel_default" [label="(16,)", style=solid]; -"43 conv2d_zero_point_0" -> "45 quantize_per_channel_default" [label="(16,)", style=solid]; -"43 conv2d_zero_point_0" -> "46 dequantize_per_channel_default" [label="(16,)", style=solid]; +"43 conv2d_zero_point_0" -> "45 quantize_per_channel_default" [label="(16,)", style=dashed]; +"43 conv2d_zero_point_0" -> "46 dequantize_per_channel_default" [label="(16,)", style=dashed]; "44 compressed_weight_updated_constant0" -> "45 quantize_per_channel_default" [label="(16, 3, 3, 3)", style=solid]; "45 quantize_per_channel_default" -> "46 dequantize_per_channel_default" [label="(16, 3, 3, 3)", style=solid]; "46 dequantize_per_channel_default" -> "47 conv2d" [label="(16, 3, 3, 3)", style=solid]; "47 conv2d" -> "50 hardswish_" [label="(1, 16, -1, -1)", style=solid]; "48 hardswish__scale_0" -> "51 quantize_per_channel_default_1" [label="(16,)", style=solid]; "48 hardswish__scale_0" -> "52 dequantize_per_channel_default_1" [label="(16,)", style=solid]; -"49 hardswish__zero_point_0" -> "51 quantize_per_channel_default_1" [label="(16,)", style=solid]; -"49 hardswish__zero_point_0" -> "52 dequantize_per_channel_default_1" [label="(16,)", style=solid]; +"49 hardswish__zero_point_0" -> "51 quantize_per_channel_default_1" [label="(16,)", style=dashed]; +"49 hardswish__zero_point_0" -> "52 dequantize_per_channel_default_1" [label="(16,)", style=dashed]; "50 hardswish_" -> "51 quantize_per_channel_default_1" [label="(1, 16, -1, -1)", style=solid]; "51 quantize_per_channel_default_1" -> "52 dequantize_per_channel_default_1" [label="(1, 16, -1, -1)", style=solid]; "52 dequantize_per_channel_default_1" -> "59 conv2d_1" [label="(1, 16, -1, -1)", style=solid]; "53 features_1_block_0_0_weight_bias" -> "59 conv2d_1" [label="(16,)", style=solid]; "54 conv2d_1_scale_0" -> "57 quantize_per_channel_default_2" [label="(16,)", style=solid]; "54 conv2d_1_scale_0" -> "58 dequantize_per_channel_default_2" [label="(16,)", style=solid]; -"55 conv2d_1_zero_point_0" -> "57 quantize_per_channel_default_2" [label="(16,)", style=solid]; -"55 conv2d_1_zero_point_0" -> "58 dequantize_per_channel_default_2" [label="(16,)", style=solid]; +"55 conv2d_1_zero_point_0" -> "57 quantize_per_channel_default_2" [label="(16,)", style=dashed]; +"55 conv2d_1_zero_point_0" -> "58 dequantize_per_channel_default_2" [label="(16,)", style=dashed]; "56 compressed_weight_updated_constant1" -> "57 quantize_per_channel_default_2" [label="(16, 1, 3, 3)", style=solid]; "57 quantize_per_channel_default_2" -> "58 dequantize_per_channel_default_2" [label="(16, 1, 3, 3)", style=solid]; "58 dequantize_per_channel_default_2" -> "59 conv2d_1" [label="(16, 1, 3, 3)", style=solid]; @@ -619,8 +619,8 @@ strict digraph { "74 features_1_block_2_0_weight_bias" -> "80 conv2d_4" [label="(16,)", style=solid]; "75 conv2d_4_scale_0" -> "78 quantize_per_channel_default_3" [label="(16,)", style=solid]; "75 conv2d_4_scale_0" -> "79 dequantize_per_channel_default_3" [label="(16,)", style=solid]; -"76 conv2d_4_zero_point_0" -> "78 quantize_per_channel_default_3" [label="(16,)", style=solid]; -"76 conv2d_4_zero_point_0" -> "79 dequantize_per_channel_default_3" [label="(16,)", style=solid]; +"76 conv2d_4_zero_point_0" -> "78 quantize_per_channel_default_3" [label="(16,)", style=dashed]; +"76 conv2d_4_zero_point_0" -> "79 dequantize_per_channel_default_3" [label="(16,)", style=dashed]; "77 compressed_weight_updated_constant2" -> "78 quantize_per_channel_default_3" [label="(16, 16, 1, 1)", style=solid]; "78 quantize_per_channel_default_3" -> "79 dequantize_per_channel_default_3" [label="(16, 16, 1, 1)", style=solid]; "79 dequantize_per_channel_default_3" -> "80 conv2d_4" [label="(16, 16, 1, 1)", style=solid]; @@ -630,24 +630,24 @@ strict digraph { "83 features_2_block_0_0_weight_bias" -> "89 conv2d_5" [label="(72,)", style=solid]; "84 conv2d_5_scale_0" -> "87 quantize_per_channel_default_4" [label="(72,)", style=solid]; "84 conv2d_5_scale_0" -> "88 dequantize_per_channel_default_4" [label="(72,)", style=solid]; -"85 conv2d_5_zero_point_0" -> "87 quantize_per_channel_default_4" [label="(72,)", style=solid]; -"85 conv2d_5_zero_point_0" -> "88 dequantize_per_channel_default_4" [label="(72,)", style=solid]; +"85 conv2d_5_zero_point_0" -> "87 quantize_per_channel_default_4" [label="(72,)", style=dashed]; +"85 conv2d_5_zero_point_0" -> "88 dequantize_per_channel_default_4" [label="(72,)", style=dashed]; "86 compressed_weight_updated_constant3" -> "87 quantize_per_channel_default_4" [label="(72, 16, 1, 1)", style=solid]; "87 quantize_per_channel_default_4" -> "88 dequantize_per_channel_default_4" [label="(72, 16, 1, 1)", style=solid]; "88 dequantize_per_channel_default_4" -> "89 conv2d_5" [label="(72, 16, 1, 1)", style=solid]; "89 conv2d_5" -> "92 relu__1" [label="(1, 72, -1, -1)", style=solid]; "90 relu__1_scale_0" -> "93 quantize_per_channel_default_5" [label="(72,)", style=solid]; "90 relu__1_scale_0" -> "94 dequantize_per_channel_default_5" [label="(72,)", style=solid]; -"91 relu__1_zero_point_0" -> "93 quantize_per_channel_default_5" [label="(72,)", style=solid]; -"91 relu__1_zero_point_0" -> "94 dequantize_per_channel_default_5" [label="(72,)", style=solid]; +"91 relu__1_zero_point_0" -> "93 quantize_per_channel_default_5" [label="(72,)", style=dashed]; +"91 relu__1_zero_point_0" -> "94 dequantize_per_channel_default_5" [label="(72,)", style=dashed]; "92 relu__1" -> "93 quantize_per_channel_default_5" [label="(1, 72, -1, -1)", style=solid]; "93 quantize_per_channel_default_5" -> "94 dequantize_per_channel_default_5" [label="(1, 72, -1, -1)", style=solid]; "94 dequantize_per_channel_default_5" -> "101 conv2d_6" [label="(1, 72, -1, -1)", style=solid]; "95 features_2_block_1_0_weight_bias" -> "101 conv2d_6" [label="(72,)", style=solid]; "96 conv2d_6_scale_0" -> "99 quantize_per_channel_default_6" [label="(72,)", style=solid]; "96 conv2d_6_scale_0" -> "100 dequantize_per_channel_default_6" [label="(72,)", style=solid]; -"97 conv2d_6_zero_point_0" -> "99 quantize_per_channel_default_6" [label="(72,)", style=solid]; -"97 conv2d_6_zero_point_0" -> "100 dequantize_per_channel_default_6" [label="(72,)", style=solid]; +"97 conv2d_6_zero_point_0" -> "99 quantize_per_channel_default_6" [label="(72,)", style=dashed]; +"97 conv2d_6_zero_point_0" -> "100 dequantize_per_channel_default_6" [label="(72,)", style=dashed]; "98 compressed_weight_updated_constant4" -> "99 quantize_per_channel_default_6" [label="(72, 1, 3, 3)", style=solid]; "99 quantize_per_channel_default_6" -> "100 dequantize_per_channel_default_6" [label="(72, 1, 3, 3)", style=solid]; "100 dequantize_per_channel_default_6" -> "101 conv2d_6" [label="(72, 1, 3, 3)", style=solid]; @@ -658,8 +658,8 @@ strict digraph { "105 features_2_block_2_0_weight_bias" -> "111 conv2d_7" [label="(24,)", style=solid]; "106 conv2d_7_scale_0" -> "109 quantize_per_channel_default_7" [label="(24,)", style=solid]; "106 conv2d_7_scale_0" -> "110 dequantize_per_channel_default_7" [label="(24,)", style=solid]; -"107 conv2d_7_zero_point_0" -> "109 quantize_per_channel_default_7" [label="(24,)", style=solid]; -"107 conv2d_7_zero_point_0" -> "110 dequantize_per_channel_default_7" [label="(24,)", style=solid]; +"107 conv2d_7_zero_point_0" -> "109 quantize_per_channel_default_7" [label="(24,)", style=dashed]; +"107 conv2d_7_zero_point_0" -> "110 dequantize_per_channel_default_7" [label="(24,)", style=dashed]; "108 compressed_weight_updated_constant5" -> "109 quantize_per_channel_default_7" [label="(24, 72, 1, 1)", style=solid]; "109 quantize_per_channel_default_7" -> "110 dequantize_per_channel_default_7" [label="(24, 72, 1, 1)", style=solid]; "110 dequantize_per_channel_default_7" -> "111 conv2d_7" [label="(24, 72, 1, 1)", style=solid]; @@ -671,24 +671,24 @@ strict digraph { "115 features_3_block_0_0_weight_bias" -> "121 conv2d_8" [label="(88,)", style=solid]; "116 conv2d_8_scale_0" -> "119 quantize_per_channel_default_8" [label="(88,)", style=solid]; "116 conv2d_8_scale_0" -> "120 dequantize_per_channel_default_8" [label="(88,)", style=solid]; -"117 conv2d_8_zero_point_0" -> "119 quantize_per_channel_default_8" [label="(88,)", style=solid]; -"117 conv2d_8_zero_point_0" -> "120 dequantize_per_channel_default_8" [label="(88,)", style=solid]; +"117 conv2d_8_zero_point_0" -> "119 quantize_per_channel_default_8" [label="(88,)", style=dashed]; +"117 conv2d_8_zero_point_0" -> "120 dequantize_per_channel_default_8" [label="(88,)", style=dashed]; "118 compressed_weight_updated_constant6" -> "119 quantize_per_channel_default_8" [label="(88, 24, 1, 1)", style=solid]; "119 quantize_per_channel_default_8" -> "120 dequantize_per_channel_default_8" [label="(88, 24, 1, 1)", style=solid]; "120 dequantize_per_channel_default_8" -> "121 conv2d_8" [label="(88, 24, 1, 1)", style=solid]; "121 conv2d_8" -> "124 relu__3" [label="(1, 88, -1, -1)", style=solid]; "122 relu__3_scale_0" -> "125 quantize_per_channel_default_9" [label="(88,)", style=solid]; "122 relu__3_scale_0" -> "126 dequantize_per_channel_default_9" [label="(88,)", style=solid]; -"123 relu__3_zero_point_0" -> "125 quantize_per_channel_default_9" [label="(88,)", style=solid]; -"123 relu__3_zero_point_0" -> "126 dequantize_per_channel_default_9" [label="(88,)", style=solid]; +"123 relu__3_zero_point_0" -> "125 quantize_per_channel_default_9" [label="(88,)", style=dashed]; +"123 relu__3_zero_point_0" -> "126 dequantize_per_channel_default_9" [label="(88,)", style=dashed]; "124 relu__3" -> "125 quantize_per_channel_default_9" [label="(1, 88, -1, -1)", style=solid]; "125 quantize_per_channel_default_9" -> "126 dequantize_per_channel_default_9" [label="(1, 88, -1, -1)", style=solid]; "126 dequantize_per_channel_default_9" -> "133 conv2d_9" [label="(1, 88, -1, -1)", style=solid]; "127 features_3_block_1_0_weight_bias" -> "133 conv2d_9" [label="(88,)", style=solid]; "128 conv2d_9_scale_0" -> "131 quantize_per_channel_default_10" [label="(88,)", style=solid]; "128 conv2d_9_scale_0" -> "132 dequantize_per_channel_default_10" [label="(88,)", style=solid]; -"129 conv2d_9_zero_point_0" -> "131 quantize_per_channel_default_10" [label="(88,)", style=solid]; -"129 conv2d_9_zero_point_0" -> "132 dequantize_per_channel_default_10" [label="(88,)", style=solid]; +"129 conv2d_9_zero_point_0" -> "131 quantize_per_channel_default_10" [label="(88,)", style=dashed]; +"129 conv2d_9_zero_point_0" -> "132 dequantize_per_channel_default_10" [label="(88,)", style=dashed]; "130 compressed_weight_updated_constant7" -> "131 quantize_per_channel_default_10" [label="(88, 1, 3, 3)", style=solid]; "131 quantize_per_channel_default_10" -> "132 dequantize_per_channel_default_10" [label="(88, 1, 3, 3)", style=solid]; "132 dequantize_per_channel_default_10" -> "133 conv2d_9" [label="(88, 1, 3, 3)", style=solid]; @@ -699,8 +699,8 @@ strict digraph { "137 features_3_block_2_0_weight_bias" -> "143 conv2d_10" [label="(24,)", style=solid]; "138 conv2d_10_scale_0" -> "141 quantize_per_channel_default_11" [label="(24,)", style=solid]; "138 conv2d_10_scale_0" -> "142 dequantize_per_channel_default_11" [label="(24,)", style=solid]; -"139 conv2d_10_zero_point_0" -> "141 quantize_per_channel_default_11" [label="(24,)", style=solid]; -"139 conv2d_10_zero_point_0" -> "142 dequantize_per_channel_default_11" [label="(24,)", style=solid]; +"139 conv2d_10_zero_point_0" -> "141 quantize_per_channel_default_11" [label="(24,)", style=dashed]; +"139 conv2d_10_zero_point_0" -> "142 dequantize_per_channel_default_11" [label="(24,)", style=dashed]; "140 compressed_weight_updated_constant8" -> "141 quantize_per_channel_default_11" [label="(24, 88, 1, 1)", style=solid]; "141 quantize_per_channel_default_11" -> "142 dequantize_per_channel_default_11" [label="(24, 88, 1, 1)", style=solid]; "142 dequantize_per_channel_default_11" -> "143 conv2d_10" [label="(24, 88, 1, 1)", style=solid]; @@ -713,24 +713,24 @@ strict digraph { "149 features_4_block_0_0_weight_bias" -> "155 conv2d_11" [label="(96,)", style=solid]; "150 conv2d_11_scale_0" -> "153 quantize_per_channel_default_12" [label="(96,)", style=solid]; "150 conv2d_11_scale_0" -> "154 dequantize_per_channel_default_12" [label="(96,)", style=solid]; -"151 conv2d_11_zero_point_0" -> "153 quantize_per_channel_default_12" [label="(96,)", style=solid]; -"151 conv2d_11_zero_point_0" -> "154 dequantize_per_channel_default_12" [label="(96,)", style=solid]; +"151 conv2d_11_zero_point_0" -> "153 quantize_per_channel_default_12" [label="(96,)", style=dashed]; +"151 conv2d_11_zero_point_0" -> "154 dequantize_per_channel_default_12" [label="(96,)", style=dashed]; "152 compressed_weight_updated_constant9" -> "153 quantize_per_channel_default_12" [label="(96, 24, 1, 1)", style=solid]; "153 quantize_per_channel_default_12" -> "154 dequantize_per_channel_default_12" [label="(96, 24, 1, 1)", style=solid]; "154 dequantize_per_channel_default_12" -> "155 conv2d_11" [label="(96, 24, 1, 1)", style=solid]; "155 conv2d_11" -> "158 hardswish__1" [label="(1, 96, -1, -1)", style=solid]; "156 hardswish__1_scale_0" -> "159 quantize_per_channel_default_13" [label="(96,)", style=solid]; "156 hardswish__1_scale_0" -> "160 dequantize_per_channel_default_13" [label="(96,)", style=solid]; -"157 hardswish__1_zero_point_0" -> "159 quantize_per_channel_default_13" [label="(96,)", style=solid]; -"157 hardswish__1_zero_point_0" -> "160 dequantize_per_channel_default_13" [label="(96,)", style=solid]; +"157 hardswish__1_zero_point_0" -> "159 quantize_per_channel_default_13" [label="(96,)", style=dashed]; +"157 hardswish__1_zero_point_0" -> "160 dequantize_per_channel_default_13" [label="(96,)", style=dashed]; "158 hardswish__1" -> "159 quantize_per_channel_default_13" [label="(1, 96, -1, -1)", style=solid]; "159 quantize_per_channel_default_13" -> "160 dequantize_per_channel_default_13" [label="(1, 96, -1, -1)", style=solid]; "160 dequantize_per_channel_default_13" -> "167 conv2d_12" [label="(1, 96, -1, -1)", style=solid]; "161 features_4_block_1_0_weight_bias" -> "167 conv2d_12" [label="(96,)", style=solid]; "162 conv2d_12_scale_0" -> "165 quantize_per_channel_default_14" [label="(96,)", style=solid]; "162 conv2d_12_scale_0" -> "166 dequantize_per_channel_default_14" [label="(96,)", style=solid]; -"163 conv2d_12_zero_point_0" -> "165 quantize_per_channel_default_14" [label="(96,)", style=solid]; -"163 conv2d_12_zero_point_0" -> "166 dequantize_per_channel_default_14" [label="(96,)", style=solid]; +"163 conv2d_12_zero_point_0" -> "165 quantize_per_channel_default_14" [label="(96,)", style=dashed]; +"163 conv2d_12_zero_point_0" -> "166 dequantize_per_channel_default_14" [label="(96,)", style=dashed]; "164 compressed_weight_updated_constant10" -> "165 quantize_per_channel_default_14" [label="(96, 1, 5, 5)", style=solid]; "165 quantize_per_channel_default_14" -> "166 dequantize_per_channel_default_14" [label="(96, 1, 5, 5)", style=solid]; "166 dequantize_per_channel_default_14" -> "167 conv2d_12" [label="(96, 1, 5, 5)", style=solid]; @@ -753,8 +753,8 @@ strict digraph { "182 features_4_block_3_0_weight_bias" -> "188 conv2d_15" [label="(40,)", style=solid]; "183 conv2d_15_scale_0" -> "186 quantize_per_channel_default_15" [label="(40,)", style=solid]; "183 conv2d_15_scale_0" -> "187 dequantize_per_channel_default_15" [label="(40,)", style=solid]; -"184 conv2d_15_zero_point_0" -> "186 quantize_per_channel_default_15" [label="(40,)", style=solid]; -"184 conv2d_15_zero_point_0" -> "187 dequantize_per_channel_default_15" [label="(40,)", style=solid]; +"184 conv2d_15_zero_point_0" -> "186 quantize_per_channel_default_15" [label="(40,)", style=dashed]; +"184 conv2d_15_zero_point_0" -> "187 dequantize_per_channel_default_15" [label="(40,)", style=dashed]; "185 compressed_weight_updated_constant11" -> "186 quantize_per_channel_default_15" [label="(40, 96, 1, 1)", style=solid]; "186 quantize_per_channel_default_15" -> "187 dequantize_per_channel_default_15" [label="(40, 96, 1, 1)", style=solid]; "187 dequantize_per_channel_default_15" -> "188 conv2d_15" [label="(40, 96, 1, 1)", style=solid]; @@ -766,24 +766,24 @@ strict digraph { "192 features_5_block_0_0_weight_bias" -> "198 conv2d_16" [label="(240,)", style=solid]; "193 conv2d_16_scale_0" -> "196 quantize_per_channel_default_16" [label="(240,)", style=solid]; "193 conv2d_16_scale_0" -> "197 dequantize_per_channel_default_16" [label="(240,)", style=solid]; -"194 conv2d_16_zero_point_0" -> "196 quantize_per_channel_default_16" [label="(240,)", style=solid]; -"194 conv2d_16_zero_point_0" -> "197 dequantize_per_channel_default_16" [label="(240,)", style=solid]; +"194 conv2d_16_zero_point_0" -> "196 quantize_per_channel_default_16" [label="(240,)", style=dashed]; +"194 conv2d_16_zero_point_0" -> "197 dequantize_per_channel_default_16" [label="(240,)", style=dashed]; "195 compressed_weight_updated_constant12" -> "196 quantize_per_channel_default_16" [label="(240, 40, 1, 1)", style=solid]; "196 quantize_per_channel_default_16" -> "197 dequantize_per_channel_default_16" [label="(240, 40, 1, 1)", style=solid]; "197 dequantize_per_channel_default_16" -> "198 conv2d_16" [label="(240, 40, 1, 1)", style=solid]; "198 conv2d_16" -> "201 hardswish__3" [label="(1, 240, -1, -1)", style=solid]; "199 hardswish__3_scale_0" -> "202 quantize_per_channel_default_17" [label="(240,)", style=solid]; "199 hardswish__3_scale_0" -> "203 dequantize_per_channel_default_17" [label="(240,)", style=solid]; -"200 hardswish__3_zero_point_0" -> "202 quantize_per_channel_default_17" [label="(240,)", style=solid]; -"200 hardswish__3_zero_point_0" -> "203 dequantize_per_channel_default_17" [label="(240,)", style=solid]; +"200 hardswish__3_zero_point_0" -> "202 quantize_per_channel_default_17" [label="(240,)", style=dashed]; +"200 hardswish__3_zero_point_0" -> "203 dequantize_per_channel_default_17" [label="(240,)", style=dashed]; "201 hardswish__3" -> "202 quantize_per_channel_default_17" [label="(1, 240, -1, -1)", style=solid]; "202 quantize_per_channel_default_17" -> "203 dequantize_per_channel_default_17" [label="(1, 240, -1, -1)", style=solid]; "203 dequantize_per_channel_default_17" -> "210 conv2d_17" [label="(1, 240, -1, -1)", style=solid]; "204 features_5_block_1_0_weight_bias" -> "210 conv2d_17" [label="(240,)", style=solid]; "205 conv2d_17_scale_0" -> "208 quantize_per_channel_default_18" [label="(240,)", style=solid]; "205 conv2d_17_scale_0" -> "209 dequantize_per_channel_default_18" [label="(240,)", style=solid]; -"206 conv2d_17_zero_point_0" -> "208 quantize_per_channel_default_18" [label="(240,)", style=solid]; -"206 conv2d_17_zero_point_0" -> "209 dequantize_per_channel_default_18" [label="(240,)", style=solid]; +"206 conv2d_17_zero_point_0" -> "208 quantize_per_channel_default_18" [label="(240,)", style=dashed]; +"206 conv2d_17_zero_point_0" -> "209 dequantize_per_channel_default_18" [label="(240,)", style=dashed]; "207 compressed_weight_updated_constant13" -> "208 quantize_per_channel_default_18" [label="(240, 1, 5, 5)", style=solid]; "208 quantize_per_channel_default_18" -> "209 dequantize_per_channel_default_18" [label="(240, 1, 5, 5)", style=solid]; "209 dequantize_per_channel_default_18" -> "210 conv2d_17" [label="(240, 1, 5, 5)", style=solid]; @@ -806,8 +806,8 @@ strict digraph { "225 features_5_block_3_0_weight_bias" -> "231 conv2d_20" [label="(40,)", style=solid]; "226 conv2d_20_scale_0" -> "229 quantize_per_channel_default_19" [label="(40,)", style=solid]; "226 conv2d_20_scale_0" -> "230 dequantize_per_channel_default_19" [label="(40,)", style=solid]; -"227 conv2d_20_zero_point_0" -> "229 quantize_per_channel_default_19" [label="(40,)", style=solid]; -"227 conv2d_20_zero_point_0" -> "230 dequantize_per_channel_default_19" [label="(40,)", style=solid]; +"227 conv2d_20_zero_point_0" -> "229 quantize_per_channel_default_19" [label="(40,)", style=dashed]; +"227 conv2d_20_zero_point_0" -> "230 dequantize_per_channel_default_19" [label="(40,)", style=dashed]; "228 compressed_weight_updated_constant14" -> "229 quantize_per_channel_default_19" [label="(40, 240, 1, 1)", style=solid]; "229 quantize_per_channel_default_19" -> "230 dequantize_per_channel_default_19" [label="(40, 240, 1, 1)", style=solid]; "230 dequantize_per_channel_default_19" -> "231 conv2d_20" [label="(40, 240, 1, 1)", style=solid]; @@ -822,24 +822,24 @@ strict digraph { "238 features_6_block_0_0_weight_bias" -> "244 conv2d_21" [label="(240,)", style=solid]; "239 conv2d_21_scale_0" -> "242 quantize_per_channel_default_20" [label="(240,)", style=solid]; "239 conv2d_21_scale_0" -> "243 dequantize_per_channel_default_20" [label="(240,)", style=solid]; -"240 conv2d_21_zero_point_0" -> "242 quantize_per_channel_default_20" [label="(240,)", style=solid]; -"240 conv2d_21_zero_point_0" -> "243 dequantize_per_channel_default_20" [label="(240,)", style=solid]; +"240 conv2d_21_zero_point_0" -> "242 quantize_per_channel_default_20" [label="(240,)", style=dashed]; +"240 conv2d_21_zero_point_0" -> "243 dequantize_per_channel_default_20" [label="(240,)", style=dashed]; "241 compressed_weight_updated_constant15" -> "242 quantize_per_channel_default_20" [label="(240, 40, 1, 1)", style=solid]; "242 quantize_per_channel_default_20" -> "243 dequantize_per_channel_default_20" [label="(240, 40, 1, 1)", style=solid]; "243 dequantize_per_channel_default_20" -> "244 conv2d_21" [label="(240, 40, 1, 1)", style=solid]; "244 conv2d_21" -> "247 hardswish__5" [label="(1, 240, -1, -1)", style=solid]; "245 hardswish__5_scale_0" -> "248 quantize_per_channel_default_21" [label="(240,)", style=solid]; "245 hardswish__5_scale_0" -> "249 dequantize_per_channel_default_21" [label="(240,)", style=solid]; -"246 hardswish__5_zero_point_0" -> "248 quantize_per_channel_default_21" [label="(240,)", style=solid]; -"246 hardswish__5_zero_point_0" -> "249 dequantize_per_channel_default_21" [label="(240,)", style=solid]; +"246 hardswish__5_zero_point_0" -> "248 quantize_per_channel_default_21" [label="(240,)", style=dashed]; +"246 hardswish__5_zero_point_0" -> "249 dequantize_per_channel_default_21" [label="(240,)", style=dashed]; "247 hardswish__5" -> "248 quantize_per_channel_default_21" [label="(1, 240, -1, -1)", style=solid]; "248 quantize_per_channel_default_21" -> "249 dequantize_per_channel_default_21" [label="(1, 240, -1, -1)", style=solid]; "249 dequantize_per_channel_default_21" -> "256 conv2d_22" [label="(1, 240, -1, -1)", style=solid]; "250 features_6_block_1_0_weight_bias" -> "256 conv2d_22" [label="(240,)", style=solid]; "251 conv2d_22_scale_0" -> "254 quantize_per_channel_default_22" [label="(240,)", style=solid]; "251 conv2d_22_scale_0" -> "255 dequantize_per_channel_default_22" [label="(240,)", style=solid]; -"252 conv2d_22_zero_point_0" -> "254 quantize_per_channel_default_22" [label="(240,)", style=solid]; -"252 conv2d_22_zero_point_0" -> "255 dequantize_per_channel_default_22" [label="(240,)", style=solid]; +"252 conv2d_22_zero_point_0" -> "254 quantize_per_channel_default_22" [label="(240,)", style=dashed]; +"252 conv2d_22_zero_point_0" -> "255 dequantize_per_channel_default_22" [label="(240,)", style=dashed]; "253 compressed_weight_updated_constant16" -> "254 quantize_per_channel_default_22" [label="(240, 1, 5, 5)", style=solid]; "254 quantize_per_channel_default_22" -> "255 dequantize_per_channel_default_22" [label="(240, 1, 5, 5)", style=solid]; "255 dequantize_per_channel_default_22" -> "256 conv2d_22" [label="(240, 1, 5, 5)", style=solid]; @@ -862,8 +862,8 @@ strict digraph { "271 features_6_block_3_0_weight_bias" -> "277 conv2d_25" [label="(40,)", style=solid]; "272 conv2d_25_scale_0" -> "275 quantize_per_channel_default_23" [label="(40,)", style=solid]; "272 conv2d_25_scale_0" -> "276 dequantize_per_channel_default_23" [label="(40,)", style=solid]; -"273 conv2d_25_zero_point_0" -> "275 quantize_per_channel_default_23" [label="(40,)", style=solid]; -"273 conv2d_25_zero_point_0" -> "276 dequantize_per_channel_default_23" [label="(40,)", style=solid]; +"273 conv2d_25_zero_point_0" -> "275 quantize_per_channel_default_23" [label="(40,)", style=dashed]; +"273 conv2d_25_zero_point_0" -> "276 dequantize_per_channel_default_23" [label="(40,)", style=dashed]; "274 compressed_weight_updated_constant17" -> "275 quantize_per_channel_default_23" [label="(40, 240, 1, 1)", style=solid]; "275 quantize_per_channel_default_23" -> "276 dequantize_per_channel_default_23" [label="(40, 240, 1, 1)", style=solid]; "276 dequantize_per_channel_default_23" -> "277 conv2d_25" [label="(40, 240, 1, 1)", style=solid]; @@ -876,24 +876,24 @@ strict digraph { "283 features_7_block_0_0_weight_bias" -> "289 conv2d_26" [label="(120,)", style=solid]; "284 conv2d_26_scale_0" -> "287 quantize_per_channel_default_24" [label="(120,)", style=solid]; "284 conv2d_26_scale_0" -> "288 dequantize_per_channel_default_24" [label="(120,)", style=solid]; -"285 conv2d_26_zero_point_0" -> "287 quantize_per_channel_default_24" [label="(120,)", style=solid]; -"285 conv2d_26_zero_point_0" -> "288 dequantize_per_channel_default_24" [label="(120,)", style=solid]; +"285 conv2d_26_zero_point_0" -> "287 quantize_per_channel_default_24" [label="(120,)", style=dashed]; +"285 conv2d_26_zero_point_0" -> "288 dequantize_per_channel_default_24" [label="(120,)", style=dashed]; "286 compressed_weight_updated_constant18" -> "287 quantize_per_channel_default_24" [label="(120, 40, 1, 1)", style=solid]; "287 quantize_per_channel_default_24" -> "288 dequantize_per_channel_default_24" [label="(120, 40, 1, 1)", style=solid]; "288 dequantize_per_channel_default_24" -> "289 conv2d_26" [label="(120, 40, 1, 1)", style=solid]; "289 conv2d_26" -> "292 hardswish__7" [label="(1, 120, -1, -1)", style=solid]; "290 hardswish__7_scale_0" -> "293 quantize_per_channel_default_25" [label="(120,)", style=solid]; "290 hardswish__7_scale_0" -> "294 dequantize_per_channel_default_25" [label="(120,)", style=solid]; -"291 hardswish__7_zero_point_0" -> "293 quantize_per_channel_default_25" [label="(120,)", style=solid]; -"291 hardswish__7_zero_point_0" -> "294 dequantize_per_channel_default_25" [label="(120,)", style=solid]; +"291 hardswish__7_zero_point_0" -> "293 quantize_per_channel_default_25" [label="(120,)", style=dashed]; +"291 hardswish__7_zero_point_0" -> "294 dequantize_per_channel_default_25" [label="(120,)", style=dashed]; "292 hardswish__7" -> "293 quantize_per_channel_default_25" [label="(1, 120, -1, -1)", style=solid]; "293 quantize_per_channel_default_25" -> "294 dequantize_per_channel_default_25" [label="(1, 120, -1, -1)", style=solid]; "294 dequantize_per_channel_default_25" -> "301 conv2d_27" [label="(1, 120, -1, -1)", style=solid]; "295 features_7_block_1_0_weight_bias" -> "301 conv2d_27" [label="(120,)", style=solid]; "296 conv2d_27_scale_0" -> "299 quantize_per_channel_default_26" [label="(120,)", style=solid]; "296 conv2d_27_scale_0" -> "300 dequantize_per_channel_default_26" [label="(120,)", style=solid]; -"297 conv2d_27_zero_point_0" -> "299 quantize_per_channel_default_26" [label="(120,)", style=solid]; -"297 conv2d_27_zero_point_0" -> "300 dequantize_per_channel_default_26" [label="(120,)", style=solid]; +"297 conv2d_27_zero_point_0" -> "299 quantize_per_channel_default_26" [label="(120,)", style=dashed]; +"297 conv2d_27_zero_point_0" -> "300 dequantize_per_channel_default_26" [label="(120,)", style=dashed]; "298 compressed_weight_updated_constant19" -> "299 quantize_per_channel_default_26" [label="(120, 1, 5, 5)", style=solid]; "299 quantize_per_channel_default_26" -> "300 dequantize_per_channel_default_26" [label="(120, 1, 5, 5)", style=solid]; "300 dequantize_per_channel_default_26" -> "301 conv2d_27" [label="(120, 1, 5, 5)", style=solid]; @@ -916,8 +916,8 @@ strict digraph { "316 features_7_block_3_0_weight_bias" -> "322 conv2d_30" [label="(48,)", style=solid]; "317 conv2d_30_scale_0" -> "320 quantize_per_channel_default_27" [label="(48,)", style=solid]; "317 conv2d_30_scale_0" -> "321 dequantize_per_channel_default_27" [label="(48,)", style=solid]; -"318 conv2d_30_zero_point_0" -> "320 quantize_per_channel_default_27" [label="(48,)", style=solid]; -"318 conv2d_30_zero_point_0" -> "321 dequantize_per_channel_default_27" [label="(48,)", style=solid]; +"318 conv2d_30_zero_point_0" -> "320 quantize_per_channel_default_27" [label="(48,)", style=dashed]; +"318 conv2d_30_zero_point_0" -> "321 dequantize_per_channel_default_27" [label="(48,)", style=dashed]; "319 compressed_weight_updated_constant20" -> "320 quantize_per_channel_default_27" [label="(48, 120, 1, 1)", style=solid]; "320 quantize_per_channel_default_27" -> "321 dequantize_per_channel_default_27" [label="(48, 120, 1, 1)", style=solid]; "321 dequantize_per_channel_default_27" -> "322 conv2d_30" [label="(48, 120, 1, 1)", style=solid]; @@ -929,24 +929,24 @@ strict digraph { "326 features_8_block_0_0_weight_bias" -> "332 conv2d_31" [label="(144,)", style=solid]; "327 conv2d_31_scale_0" -> "330 quantize_per_channel_default_28" [label="(144,)", style=solid]; "327 conv2d_31_scale_0" -> "331 dequantize_per_channel_default_28" [label="(144,)", style=solid]; -"328 conv2d_31_zero_point_0" -> "330 quantize_per_channel_default_28" [label="(144,)", style=solid]; -"328 conv2d_31_zero_point_0" -> "331 dequantize_per_channel_default_28" [label="(144,)", style=solid]; +"328 conv2d_31_zero_point_0" -> "330 quantize_per_channel_default_28" [label="(144,)", style=dashed]; +"328 conv2d_31_zero_point_0" -> "331 dequantize_per_channel_default_28" [label="(144,)", style=dashed]; "329 compressed_weight_updated_constant21" -> "330 quantize_per_channel_default_28" [label="(144, 48, 1, 1)", style=solid]; "330 quantize_per_channel_default_28" -> "331 dequantize_per_channel_default_28" [label="(144, 48, 1, 1)", style=solid]; "331 dequantize_per_channel_default_28" -> "332 conv2d_31" [label="(144, 48, 1, 1)", style=solid]; "332 conv2d_31" -> "335 hardswish__9" [label="(1, 144, -1, -1)", style=solid]; "333 hardswish__9_scale_0" -> "336 quantize_per_channel_default_29" [label="(144,)", style=solid]; "333 hardswish__9_scale_0" -> "337 dequantize_per_channel_default_29" [label="(144,)", style=solid]; -"334 hardswish__9_zero_point_0" -> "336 quantize_per_channel_default_29" [label="(144,)", style=solid]; -"334 hardswish__9_zero_point_0" -> "337 dequantize_per_channel_default_29" [label="(144,)", style=solid]; +"334 hardswish__9_zero_point_0" -> "336 quantize_per_channel_default_29" [label="(144,)", style=dashed]; +"334 hardswish__9_zero_point_0" -> "337 dequantize_per_channel_default_29" [label="(144,)", style=dashed]; "335 hardswish__9" -> "336 quantize_per_channel_default_29" [label="(1, 144, -1, -1)", style=solid]; "336 quantize_per_channel_default_29" -> "337 dequantize_per_channel_default_29" [label="(1, 144, -1, -1)", style=solid]; "337 dequantize_per_channel_default_29" -> "344 conv2d_32" [label="(1, 144, -1, -1)", style=solid]; "338 features_8_block_1_0_weight_bias" -> "344 conv2d_32" [label="(144,)", style=solid]; "339 conv2d_32_scale_0" -> "342 quantize_per_channel_default_30" [label="(144,)", style=solid]; "339 conv2d_32_scale_0" -> "343 dequantize_per_channel_default_30" [label="(144,)", style=solid]; -"340 conv2d_32_zero_point_0" -> "342 quantize_per_channel_default_30" [label="(144,)", style=solid]; -"340 conv2d_32_zero_point_0" -> "343 dequantize_per_channel_default_30" [label="(144,)", style=solid]; +"340 conv2d_32_zero_point_0" -> "342 quantize_per_channel_default_30" [label="(144,)", style=dashed]; +"340 conv2d_32_zero_point_0" -> "343 dequantize_per_channel_default_30" [label="(144,)", style=dashed]; "341 compressed_weight_updated_constant22" -> "342 quantize_per_channel_default_30" [label="(144, 1, 5, 5)", style=solid]; "342 quantize_per_channel_default_30" -> "343 dequantize_per_channel_default_30" [label="(144, 1, 5, 5)", style=solid]; "343 dequantize_per_channel_default_30" -> "344 conv2d_32" [label="(144, 1, 5, 5)", style=solid]; @@ -969,8 +969,8 @@ strict digraph { "359 features_8_block_3_0_weight_bias" -> "365 conv2d_35" [label="(48,)", style=solid]; "360 conv2d_35_scale_0" -> "363 quantize_per_channel_default_31" [label="(48,)", style=solid]; "360 conv2d_35_scale_0" -> "364 dequantize_per_channel_default_31" [label="(48,)", style=solid]; -"361 conv2d_35_zero_point_0" -> "363 quantize_per_channel_default_31" [label="(48,)", style=solid]; -"361 conv2d_35_zero_point_0" -> "364 dequantize_per_channel_default_31" [label="(48,)", style=solid]; +"361 conv2d_35_zero_point_0" -> "363 quantize_per_channel_default_31" [label="(48,)", style=dashed]; +"361 conv2d_35_zero_point_0" -> "364 dequantize_per_channel_default_31" [label="(48,)", style=dashed]; "362 compressed_weight_updated_constant23" -> "363 quantize_per_channel_default_31" [label="(48, 144, 1, 1)", style=solid]; "363 quantize_per_channel_default_31" -> "364 dequantize_per_channel_default_31" [label="(48, 144, 1, 1)", style=solid]; "364 dequantize_per_channel_default_31" -> "365 conv2d_35" [label="(48, 144, 1, 1)", style=solid]; @@ -983,24 +983,24 @@ strict digraph { "371 features_9_block_0_0_weight_bias" -> "377 conv2d_36" [label="(288,)", style=solid]; "372 conv2d_36_scale_0" -> "375 quantize_per_channel_default_32" [label="(288,)", style=solid]; "372 conv2d_36_scale_0" -> "376 dequantize_per_channel_default_32" [label="(288,)", style=solid]; -"373 conv2d_36_zero_point_0" -> "375 quantize_per_channel_default_32" [label="(288,)", style=solid]; -"373 conv2d_36_zero_point_0" -> "376 dequantize_per_channel_default_32" [label="(288,)", style=solid]; +"373 conv2d_36_zero_point_0" -> "375 quantize_per_channel_default_32" [label="(288,)", style=dashed]; +"373 conv2d_36_zero_point_0" -> "376 dequantize_per_channel_default_32" [label="(288,)", style=dashed]; "374 compressed_weight_updated_constant24" -> "375 quantize_per_channel_default_32" [label="(288, 48, 1, 1)", style=solid]; "375 quantize_per_channel_default_32" -> "376 dequantize_per_channel_default_32" [label="(288, 48, 1, 1)", style=solid]; "376 dequantize_per_channel_default_32" -> "377 conv2d_36" [label="(288, 48, 1, 1)", style=solid]; "377 conv2d_36" -> "380 hardswish__11" [label="(1, 288, -1, -1)", style=solid]; "378 hardswish__11_scale_0" -> "381 quantize_per_channel_default_33" [label="(288,)", style=solid]; "378 hardswish__11_scale_0" -> "382 dequantize_per_channel_default_33" [label="(288,)", style=solid]; -"379 hardswish__11_zero_point_0" -> "381 quantize_per_channel_default_33" [label="(288,)", style=solid]; -"379 hardswish__11_zero_point_0" -> "382 dequantize_per_channel_default_33" [label="(288,)", style=solid]; +"379 hardswish__11_zero_point_0" -> "381 quantize_per_channel_default_33" [label="(288,)", style=dashed]; +"379 hardswish__11_zero_point_0" -> "382 dequantize_per_channel_default_33" [label="(288,)", style=dashed]; "380 hardswish__11" -> "381 quantize_per_channel_default_33" [label="(1, 288, -1, -1)", style=solid]; "381 quantize_per_channel_default_33" -> "382 dequantize_per_channel_default_33" [label="(1, 288, -1, -1)", style=solid]; "382 dequantize_per_channel_default_33" -> "389 conv2d_37" [label="(1, 288, -1, -1)", style=solid]; "383 features_9_block_1_0_weight_bias" -> "389 conv2d_37" [label="(288,)", style=solid]; "384 conv2d_37_scale_0" -> "387 quantize_per_channel_default_34" [label="(288,)", style=solid]; "384 conv2d_37_scale_0" -> "388 dequantize_per_channel_default_34" [label="(288,)", style=solid]; -"385 conv2d_37_zero_point_0" -> "387 quantize_per_channel_default_34" [label="(288,)", style=solid]; -"385 conv2d_37_zero_point_0" -> "388 dequantize_per_channel_default_34" [label="(288,)", style=solid]; +"385 conv2d_37_zero_point_0" -> "387 quantize_per_channel_default_34" [label="(288,)", style=dashed]; +"385 conv2d_37_zero_point_0" -> "388 dequantize_per_channel_default_34" [label="(288,)", style=dashed]; "386 compressed_weight_updated_constant25" -> "387 quantize_per_channel_default_34" [label="(288, 1, 5, 5)", style=solid]; "387 quantize_per_channel_default_34" -> "388 dequantize_per_channel_default_34" [label="(288, 1, 5, 5)", style=solid]; "388 dequantize_per_channel_default_34" -> "389 conv2d_37" [label="(288, 1, 5, 5)", style=solid]; @@ -1023,8 +1023,8 @@ strict digraph { "404 features_9_block_3_0_weight_bias" -> "410 conv2d_40" [label="(96,)", style=solid]; "405 conv2d_40_scale_0" -> "408 quantize_per_channel_default_35" [label="(96,)", style=solid]; "405 conv2d_40_scale_0" -> "409 dequantize_per_channel_default_35" [label="(96,)", style=solid]; -"406 conv2d_40_zero_point_0" -> "408 quantize_per_channel_default_35" [label="(96,)", style=solid]; -"406 conv2d_40_zero_point_0" -> "409 dequantize_per_channel_default_35" [label="(96,)", style=solid]; +"406 conv2d_40_zero_point_0" -> "408 quantize_per_channel_default_35" [label="(96,)", style=dashed]; +"406 conv2d_40_zero_point_0" -> "409 dequantize_per_channel_default_35" [label="(96,)", style=dashed]; "407 compressed_weight_updated_constant26" -> "408 quantize_per_channel_default_35" [label="(96, 288, 1, 1)", style=solid]; "408 quantize_per_channel_default_35" -> "409 dequantize_per_channel_default_35" [label="(96, 288, 1, 1)", style=solid]; "409 dequantize_per_channel_default_35" -> "410 conv2d_40" [label="(96, 288, 1, 1)", style=solid]; @@ -1036,24 +1036,24 @@ strict digraph { "414 features_10_block_0_0_weight_bias" -> "420 conv2d_41" [label="(576,)", style=solid]; "415 conv2d_41_scale_0" -> "418 quantize_per_channel_default_36" [label="(576,)", style=solid]; "415 conv2d_41_scale_0" -> "419 dequantize_per_channel_default_36" [label="(576,)", style=solid]; -"416 conv2d_41_zero_point_0" -> "418 quantize_per_channel_default_36" [label="(576,)", style=solid]; -"416 conv2d_41_zero_point_0" -> "419 dequantize_per_channel_default_36" [label="(576,)", style=solid]; +"416 conv2d_41_zero_point_0" -> "418 quantize_per_channel_default_36" [label="(576,)", style=dashed]; +"416 conv2d_41_zero_point_0" -> "419 dequantize_per_channel_default_36" [label="(576,)", style=dashed]; "417 compressed_weight_updated_constant27" -> "418 quantize_per_channel_default_36" [label="(576, 96, 1, 1)", style=solid]; "418 quantize_per_channel_default_36" -> "419 dequantize_per_channel_default_36" [label="(576, 96, 1, 1)", style=solid]; "419 dequantize_per_channel_default_36" -> "420 conv2d_41" [label="(576, 96, 1, 1)", style=solid]; "420 conv2d_41" -> "423 hardswish__13" [label="(1, 576, -1, -1)", style=solid]; "421 hardswish__13_scale_0" -> "424 quantize_per_channel_default_37" [label="(576,)", style=solid]; "421 hardswish__13_scale_0" -> "425 dequantize_per_channel_default_37" [label="(576,)", style=solid]; -"422 hardswish__13_zero_point_0" -> "424 quantize_per_channel_default_37" [label="(576,)", style=solid]; -"422 hardswish__13_zero_point_0" -> "425 dequantize_per_channel_default_37" [label="(576,)", style=solid]; +"422 hardswish__13_zero_point_0" -> "424 quantize_per_channel_default_37" [label="(576,)", style=dashed]; +"422 hardswish__13_zero_point_0" -> "425 dequantize_per_channel_default_37" [label="(576,)", style=dashed]; "423 hardswish__13" -> "424 quantize_per_channel_default_37" [label="(1, 576, -1, -1)", style=solid]; "424 quantize_per_channel_default_37" -> "425 dequantize_per_channel_default_37" [label="(1, 576, -1, -1)", style=solid]; "425 dequantize_per_channel_default_37" -> "432 conv2d_42" [label="(1, 576, -1, -1)", style=solid]; "426 features_10_block_1_0_weight_bias" -> "432 conv2d_42" [label="(576,)", style=solid]; "427 conv2d_42_scale_0" -> "430 quantize_per_channel_default_38" [label="(576,)", style=solid]; "427 conv2d_42_scale_0" -> "431 dequantize_per_channel_default_38" [label="(576,)", style=solid]; -"428 conv2d_42_zero_point_0" -> "430 quantize_per_channel_default_38" [label="(576,)", style=solid]; -"428 conv2d_42_zero_point_0" -> "431 dequantize_per_channel_default_38" [label="(576,)", style=solid]; +"428 conv2d_42_zero_point_0" -> "430 quantize_per_channel_default_38" [label="(576,)", style=dashed]; +"428 conv2d_42_zero_point_0" -> "431 dequantize_per_channel_default_38" [label="(576,)", style=dashed]; "429 compressed_weight_updated_constant28" -> "430 quantize_per_channel_default_38" [label="(576, 1, 5, 5)", style=solid]; "430 quantize_per_channel_default_38" -> "431 dequantize_per_channel_default_38" [label="(576, 1, 5, 5)", style=solid]; "431 dequantize_per_channel_default_38" -> "432 conv2d_42" [label="(576, 1, 5, 5)", style=solid]; @@ -1076,8 +1076,8 @@ strict digraph { "447 features_10_block_3_0_weight_bias" -> "453 conv2d_45" [label="(96,)", style=solid]; "448 conv2d_45_scale_0" -> "451 quantize_per_channel_default_39" [label="(96,)", style=solid]; "448 conv2d_45_scale_0" -> "452 dequantize_per_channel_default_39" [label="(96,)", style=solid]; -"449 conv2d_45_zero_point_0" -> "451 quantize_per_channel_default_39" [label="(96,)", style=solid]; -"449 conv2d_45_zero_point_0" -> "452 dequantize_per_channel_default_39" [label="(96,)", style=solid]; +"449 conv2d_45_zero_point_0" -> "451 quantize_per_channel_default_39" [label="(96,)", style=dashed]; +"449 conv2d_45_zero_point_0" -> "452 dequantize_per_channel_default_39" [label="(96,)", style=dashed]; "450 compressed_weight_updated_constant29" -> "451 quantize_per_channel_default_39" [label="(96, 576, 1, 1)", style=solid]; "451 quantize_per_channel_default_39" -> "452 dequantize_per_channel_default_39" [label="(96, 576, 1, 1)", style=solid]; "452 dequantize_per_channel_default_39" -> "453 conv2d_45" [label="(96, 576, 1, 1)", style=solid]; @@ -1092,24 +1092,24 @@ strict digraph { "460 features_11_block_0_0_weight_bias" -> "466 conv2d_46" [label="(576,)", style=solid]; "461 conv2d_46_scale_0" -> "464 quantize_per_channel_default_40" [label="(576,)", style=solid]; "461 conv2d_46_scale_0" -> "465 dequantize_per_channel_default_40" [label="(576,)", style=solid]; -"462 conv2d_46_zero_point_0" -> "464 quantize_per_channel_default_40" [label="(576,)", style=solid]; -"462 conv2d_46_zero_point_0" -> "465 dequantize_per_channel_default_40" [label="(576,)", style=solid]; +"462 conv2d_46_zero_point_0" -> "464 quantize_per_channel_default_40" [label="(576,)", style=dashed]; +"462 conv2d_46_zero_point_0" -> "465 dequantize_per_channel_default_40" [label="(576,)", style=dashed]; "463 compressed_weight_updated_constant30" -> "464 quantize_per_channel_default_40" [label="(576, 96, 1, 1)", style=solid]; "464 quantize_per_channel_default_40" -> "465 dequantize_per_channel_default_40" [label="(576, 96, 1, 1)", style=solid]; "465 dequantize_per_channel_default_40" -> "466 conv2d_46" [label="(576, 96, 1, 1)", style=solid]; "466 conv2d_46" -> "469 hardswish__15" [label="(1, 576, -1, -1)", style=solid]; "467 hardswish__15_scale_0" -> "470 quantize_per_channel_default_41" [label="(576,)", style=solid]; "467 hardswish__15_scale_0" -> "471 dequantize_per_channel_default_41" [label="(576,)", style=solid]; -"468 hardswish__15_zero_point_0" -> "470 quantize_per_channel_default_41" [label="(576,)", style=solid]; -"468 hardswish__15_zero_point_0" -> "471 dequantize_per_channel_default_41" [label="(576,)", style=solid]; +"468 hardswish__15_zero_point_0" -> "470 quantize_per_channel_default_41" [label="(576,)", style=dashed]; +"468 hardswish__15_zero_point_0" -> "471 dequantize_per_channel_default_41" [label="(576,)", style=dashed]; "469 hardswish__15" -> "470 quantize_per_channel_default_41" [label="(1, 576, -1, -1)", style=solid]; "470 quantize_per_channel_default_41" -> "471 dequantize_per_channel_default_41" [label="(1, 576, -1, -1)", style=solid]; "471 dequantize_per_channel_default_41" -> "478 conv2d_47" [label="(1, 576, -1, -1)", style=solid]; "472 features_11_block_1_0_weight_bias" -> "478 conv2d_47" [label="(576,)", style=solid]; "473 conv2d_47_scale_0" -> "476 quantize_per_channel_default_42" [label="(576,)", style=solid]; "473 conv2d_47_scale_0" -> "477 dequantize_per_channel_default_42" [label="(576,)", style=solid]; -"474 conv2d_47_zero_point_0" -> "476 quantize_per_channel_default_42" [label="(576,)", style=solid]; -"474 conv2d_47_zero_point_0" -> "477 dequantize_per_channel_default_42" [label="(576,)", style=solid]; +"474 conv2d_47_zero_point_0" -> "476 quantize_per_channel_default_42" [label="(576,)", style=dashed]; +"474 conv2d_47_zero_point_0" -> "477 dequantize_per_channel_default_42" [label="(576,)", style=dashed]; "475 compressed_weight_updated_constant31" -> "476 quantize_per_channel_default_42" [label="(576, 1, 5, 5)", style=solid]; "476 quantize_per_channel_default_42" -> "477 dequantize_per_channel_default_42" [label="(576, 1, 5, 5)", style=solid]; "477 dequantize_per_channel_default_42" -> "478 conv2d_47" [label="(576, 1, 5, 5)", style=solid]; @@ -1132,8 +1132,8 @@ strict digraph { "493 features_11_block_3_0_weight_bias" -> "499 conv2d_50" [label="(96,)", style=solid]; "494 conv2d_50_scale_0" -> "497 quantize_per_channel_default_43" [label="(96,)", style=solid]; "494 conv2d_50_scale_0" -> "498 dequantize_per_channel_default_43" [label="(96,)", style=solid]; -"495 conv2d_50_zero_point_0" -> "497 quantize_per_channel_default_43" [label="(96,)", style=solid]; -"495 conv2d_50_zero_point_0" -> "498 dequantize_per_channel_default_43" [label="(96,)", style=solid]; +"495 conv2d_50_zero_point_0" -> "497 quantize_per_channel_default_43" [label="(96,)", style=dashed]; +"495 conv2d_50_zero_point_0" -> "498 dequantize_per_channel_default_43" [label="(96,)", style=dashed]; "496 compressed_weight_updated_constant32" -> "497 quantize_per_channel_default_43" [label="(96, 576, 1, 1)", style=solid]; "497 quantize_per_channel_default_43" -> "498 dequantize_per_channel_default_43" [label="(96, 576, 1, 1)", style=solid]; "498 dequantize_per_channel_default_43" -> "499 conv2d_50" [label="(96, 576, 1, 1)", style=solid]; @@ -1146,8 +1146,8 @@ strict digraph { "505 features_12_0_weight_bias" -> "511 conv2d_51" [label="(576,)", style=solid]; "506 conv2d_51_scale_0" -> "509 quantize_per_channel_default_44" [label="(576,)", style=solid]; "506 conv2d_51_scale_0" -> "510 dequantize_per_channel_default_44" [label="(576,)", style=solid]; -"507 conv2d_51_zero_point_0" -> "509 quantize_per_channel_default_44" [label="(576,)", style=solid]; -"507 conv2d_51_zero_point_0" -> "510 dequantize_per_channel_default_44" [label="(576,)", style=solid]; +"507 conv2d_51_zero_point_0" -> "509 quantize_per_channel_default_44" [label="(576,)", style=dashed]; +"507 conv2d_51_zero_point_0" -> "510 dequantize_per_channel_default_44" [label="(576,)", style=dashed]; "508 compressed_weight_updated_constant33" -> "509 quantize_per_channel_default_44" [label="(576, 96, 1, 1)", style=solid]; "509 quantize_per_channel_default_44" -> "510 dequantize_per_channel_default_44" [label="(576, 96, 1, 1)", style=solid]; "510 dequantize_per_channel_default_44" -> "511 conv2d_51" [label="(576, 96, 1, 1)", style=solid]; @@ -1161,8 +1161,8 @@ strict digraph { "518 flatten" -> "524 linear" [label="(1, 576)", style=solid]; "519 linear_scale_0" -> "522 quantize_per_channel_default_45" [label="(1024,)", style=solid]; "519 linear_scale_0" -> "523 dequantize_per_channel_default_45" [label="(1024,)", style=solid]; -"520 linear_zero_point_0" -> "522 quantize_per_channel_default_45" [label="(1024,)", style=solid]; -"520 linear_zero_point_0" -> "523 dequantize_per_channel_default_45" [label="(1024,)", style=solid]; +"520 linear_zero_point_0" -> "522 quantize_per_channel_default_45" [label="(1024,)", style=dashed]; +"520 linear_zero_point_0" -> "523 dequantize_per_channel_default_45" [label="(1024,)", style=dashed]; "521 compressed_weight_updated_constant34" -> "522 quantize_per_channel_default_45" [label="(1024, 576)", style=solid]; "522 quantize_per_channel_default_45" -> "523 dequantize_per_channel_default_45" [label="(1024, 576)", style=solid]; "523 dequantize_per_channel_default_45" -> "524 linear" [label="(1024, 576)", style=solid]; @@ -1173,8 +1173,8 @@ strict digraph { "528 dropout_" -> "534 linear_1" [label="(1, 1024)", style=solid]; "529 linear_1_scale_0" -> "532 quantize_per_channel_default_46" [label="(1000,)", style=solid]; "529 linear_1_scale_0" -> "533 dequantize_per_channel_default_46" [label="(1000,)", style=solid]; -"530 linear_1_zero_point_0" -> "532 quantize_per_channel_default_46" [label="(1000,)", style=solid]; -"530 linear_1_zero_point_0" -> "533 dequantize_per_channel_default_46" [label="(1000,)", style=solid]; +"530 linear_1_zero_point_0" -> "532 quantize_per_channel_default_46" [label="(1000,)", style=dashed]; +"530 linear_1_zero_point_0" -> "533 dequantize_per_channel_default_46" [label="(1000,)", style=dashed]; "531 compressed_weight_updated_constant35" -> "532 quantize_per_channel_default_46" [label="(1000, 1024)", style=solid]; "532 quantize_per_channel_default_46" -> "533 dequantize_per_channel_default_46" [label="(1000, 1024)", style=solid]; "533 dequantize_per_channel_default_46" -> "534 linear_1" [label="(1000, 1024)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/resnet18.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/resnet18.dot index 25818ed0af8..5374e3e5481 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/resnet18.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/resnet18.dot @@ -250,8 +250,8 @@ strict digraph { "4 conv1_weight_bias" -> "10 conv2d" [label="(64,)", style=solid]; "5 conv2d_scale_0" -> "8 quantize_per_channel_default" [label="(64,)", style=solid]; "5 conv2d_scale_0" -> "9 dequantize_per_channel_default" [label="(64,)", style=solid]; -"6 conv2d_zero_point_0" -> "8 quantize_per_channel_default" [label="(64,)", style=solid]; -"6 conv2d_zero_point_0" -> "9 dequantize_per_channel_default" [label="(64,)", style=solid]; +"6 conv2d_zero_point_0" -> "8 quantize_per_channel_default" [label="(64,)", style=dashed]; +"6 conv2d_zero_point_0" -> "9 dequantize_per_channel_default" [label="(64,)", style=dashed]; "7 compressed_weight_updated_constant0" -> "8 quantize_per_channel_default" [label="(64, 3, 7, 7)", style=solid]; "8 quantize_per_channel_default" -> "9 dequantize_per_channel_default" [label="(64, 3, 7, 7)", style=solid]; "9 dequantize_per_channel_default" -> "10 conv2d" [label="(64, 3, 7, 7)", style=solid]; @@ -264,8 +264,8 @@ strict digraph { "15 layer1_0_conv1_weight_bias" -> "21 conv2d_1" [label="(64,)", style=solid]; "16 conv2d_1_scale_0" -> "19 quantize_per_channel_default_1" [label="(64,)", style=solid]; "16 conv2d_1_scale_0" -> "20 dequantize_per_channel_default_1" [label="(64,)", style=solid]; -"17 conv2d_1_zero_point_0" -> "19 quantize_per_channel_default_1" [label="(64,)", style=solid]; -"17 conv2d_1_zero_point_0" -> "20 dequantize_per_channel_default_1" [label="(64,)", style=solid]; +"17 conv2d_1_zero_point_0" -> "19 quantize_per_channel_default_1" [label="(64,)", style=dashed]; +"17 conv2d_1_zero_point_0" -> "20 dequantize_per_channel_default_1" [label="(64,)", style=dashed]; "18 compressed_weight_updated_constant1" -> "19 quantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; "19 quantize_per_channel_default_1" -> "20 dequantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; "20 dequantize_per_channel_default_1" -> "21 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; @@ -276,8 +276,8 @@ strict digraph { "25 layer1_0_conv2_weight_bias" -> "31 conv2d_2" [label="(64,)", style=solid]; "26 conv2d_2_scale_0" -> "29 quantize_per_channel_default_2" [label="(64,)", style=solid]; "26 conv2d_2_scale_0" -> "30 dequantize_per_channel_default_2" [label="(64,)", style=solid]; -"27 conv2d_2_zero_point_0" -> "29 quantize_per_channel_default_2" [label="(64,)", style=solid]; -"27 conv2d_2_zero_point_0" -> "30 dequantize_per_channel_default_2" [label="(64,)", style=solid]; +"27 conv2d_2_zero_point_0" -> "29 quantize_per_channel_default_2" [label="(64,)", style=dashed]; +"27 conv2d_2_zero_point_0" -> "30 dequantize_per_channel_default_2" [label="(64,)", style=dashed]; "28 compressed_weight_updated_constant2" -> "29 quantize_per_channel_default_2" [label="(64, 64, 3, 3)", style=solid]; "29 quantize_per_channel_default_2" -> "30 dequantize_per_channel_default_2" [label="(64, 64, 3, 3)", style=solid]; "30 dequantize_per_channel_default_2" -> "31 conv2d_2" [label="(64, 64, 3, 3)", style=solid]; @@ -293,8 +293,8 @@ strict digraph { "39 layer1_1_conv1_weight_bias" -> "45 conv2d_3" [label="(64,)", style=solid]; "40 conv2d_3_scale_0" -> "43 quantize_per_channel_default_3" [label="(64,)", style=solid]; "40 conv2d_3_scale_0" -> "44 dequantize_per_channel_default_3" [label="(64,)", style=solid]; -"41 conv2d_3_zero_point_0" -> "43 quantize_per_channel_default_3" [label="(64,)", style=solid]; -"41 conv2d_3_zero_point_0" -> "44 dequantize_per_channel_default_3" [label="(64,)", style=solid]; +"41 conv2d_3_zero_point_0" -> "43 quantize_per_channel_default_3" [label="(64,)", style=dashed]; +"41 conv2d_3_zero_point_0" -> "44 dequantize_per_channel_default_3" [label="(64,)", style=dashed]; "42 compressed_weight_updated_constant3" -> "43 quantize_per_channel_default_3" [label="(64, 64, 3, 3)", style=solid]; "43 quantize_per_channel_default_3" -> "44 dequantize_per_channel_default_3" [label="(64, 64, 3, 3)", style=solid]; "44 dequantize_per_channel_default_3" -> "45 conv2d_3" [label="(64, 64, 3, 3)", style=solid]; @@ -305,8 +305,8 @@ strict digraph { "49 layer1_1_conv2_weight_bias" -> "55 conv2d_4" [label="(64,)", style=solid]; "50 conv2d_4_scale_0" -> "53 quantize_per_channel_default_4" [label="(64,)", style=solid]; "50 conv2d_4_scale_0" -> "54 dequantize_per_channel_default_4" [label="(64,)", style=solid]; -"51 conv2d_4_zero_point_0" -> "53 quantize_per_channel_default_4" [label="(64,)", style=solid]; -"51 conv2d_4_zero_point_0" -> "54 dequantize_per_channel_default_4" [label="(64,)", style=solid]; +"51 conv2d_4_zero_point_0" -> "53 quantize_per_channel_default_4" [label="(64,)", style=dashed]; +"51 conv2d_4_zero_point_0" -> "54 dequantize_per_channel_default_4" [label="(64,)", style=dashed]; "52 compressed_weight_updated_constant4" -> "53 quantize_per_channel_default_4" [label="(64, 64, 3, 3)", style=solid]; "53 quantize_per_channel_default_4" -> "54 dequantize_per_channel_default_4" [label="(64, 64, 3, 3)", style=solid]; "54 dequantize_per_channel_default_4" -> "55 conv2d_4" [label="(64, 64, 3, 3)", style=solid]; @@ -322,8 +322,8 @@ strict digraph { "63 layer2_0_conv1_weight_bias" -> "69 conv2d_5" [label="(128,)", style=solid]; "64 conv2d_5_scale_0" -> "67 quantize_per_channel_default_5" [label="(128,)", style=solid]; "64 conv2d_5_scale_0" -> "68 dequantize_per_channel_default_5" [label="(128,)", style=solid]; -"65 conv2d_5_zero_point_0" -> "67 quantize_per_channel_default_5" [label="(128,)", style=solid]; -"65 conv2d_5_zero_point_0" -> "68 dequantize_per_channel_default_5" [label="(128,)", style=solid]; +"65 conv2d_5_zero_point_0" -> "67 quantize_per_channel_default_5" [label="(128,)", style=dashed]; +"65 conv2d_5_zero_point_0" -> "68 dequantize_per_channel_default_5" [label="(128,)", style=dashed]; "66 compressed_weight_updated_constant5" -> "67 quantize_per_channel_default_5" [label="(128, 64, 3, 3)", style=solid]; "67 quantize_per_channel_default_5" -> "68 dequantize_per_channel_default_5" [label="(128, 64, 3, 3)", style=solid]; "68 dequantize_per_channel_default_5" -> "69 conv2d_5" [label="(128, 64, 3, 3)", style=solid]; @@ -334,8 +334,8 @@ strict digraph { "73 layer2_0_conv2_weight_bias" -> "79 conv2d_6" [label="(128,)", style=solid]; "74 conv2d_6_scale_0" -> "77 quantize_per_channel_default_6" [label="(128,)", style=solid]; "74 conv2d_6_scale_0" -> "78 dequantize_per_channel_default_6" [label="(128,)", style=solid]; -"75 conv2d_6_zero_point_0" -> "77 quantize_per_channel_default_6" [label="(128,)", style=solid]; -"75 conv2d_6_zero_point_0" -> "78 dequantize_per_channel_default_6" [label="(128,)", style=solid]; +"75 conv2d_6_zero_point_0" -> "77 quantize_per_channel_default_6" [label="(128,)", style=dashed]; +"75 conv2d_6_zero_point_0" -> "78 dequantize_per_channel_default_6" [label="(128,)", style=dashed]; "76 compressed_weight_updated_constant6" -> "77 quantize_per_channel_default_6" [label="(128, 128, 3, 3)", style=solid]; "77 quantize_per_channel_default_6" -> "78 dequantize_per_channel_default_6" [label="(128, 128, 3, 3)", style=solid]; "78 dequantize_per_channel_default_6" -> "79 conv2d_6" [label="(128, 128, 3, 3)", style=solid]; @@ -345,8 +345,8 @@ strict digraph { "82 layer2_0_downsample_0_weight_bias" -> "88 conv2d_7" [label="(128,)", style=solid]; "83 conv2d_7_scale_0" -> "86 quantize_per_channel_default_7" [label="(128,)", style=solid]; "83 conv2d_7_scale_0" -> "87 dequantize_per_channel_default_7" [label="(128,)", style=solid]; -"84 conv2d_7_zero_point_0" -> "86 quantize_per_channel_default_7" [label="(128,)", style=solid]; -"84 conv2d_7_zero_point_0" -> "87 dequantize_per_channel_default_7" [label="(128,)", style=solid]; +"84 conv2d_7_zero_point_0" -> "86 quantize_per_channel_default_7" [label="(128,)", style=dashed]; +"84 conv2d_7_zero_point_0" -> "87 dequantize_per_channel_default_7" [label="(128,)", style=dashed]; "85 compressed_weight_updated_constant7" -> "86 quantize_per_channel_default_7" [label="(128, 64, 1, 1)", style=solid]; "86 quantize_per_channel_default_7" -> "87 dequantize_per_channel_default_7" [label="(128, 64, 1, 1)", style=solid]; "87 dequantize_per_channel_default_7" -> "88 conv2d_7" [label="(128, 64, 1, 1)", style=solid]; @@ -362,8 +362,8 @@ strict digraph { "96 layer2_1_conv1_weight_bias" -> "102 conv2d_8" [label="(128,)", style=solid]; "97 conv2d_8_scale_0" -> "100 quantize_per_channel_default_8" [label="(128,)", style=solid]; "97 conv2d_8_scale_0" -> "101 dequantize_per_channel_default_8" [label="(128,)", style=solid]; -"98 conv2d_8_zero_point_0" -> "100 quantize_per_channel_default_8" [label="(128,)", style=solid]; -"98 conv2d_8_zero_point_0" -> "101 dequantize_per_channel_default_8" [label="(128,)", style=solid]; +"98 conv2d_8_zero_point_0" -> "100 quantize_per_channel_default_8" [label="(128,)", style=dashed]; +"98 conv2d_8_zero_point_0" -> "101 dequantize_per_channel_default_8" [label="(128,)", style=dashed]; "99 compressed_weight_updated_constant8" -> "100 quantize_per_channel_default_8" [label="(128, 128, 3, 3)", style=solid]; "100 quantize_per_channel_default_8" -> "101 dequantize_per_channel_default_8" [label="(128, 128, 3, 3)", style=solid]; "101 dequantize_per_channel_default_8" -> "102 conv2d_8" [label="(128, 128, 3, 3)", style=solid]; @@ -374,8 +374,8 @@ strict digraph { "106 layer2_1_conv2_weight_bias" -> "112 conv2d_9" [label="(128,)", style=solid]; "107 conv2d_9_scale_0" -> "110 quantize_per_channel_default_9" [label="(128,)", style=solid]; "107 conv2d_9_scale_0" -> "111 dequantize_per_channel_default_9" [label="(128,)", style=solid]; -"108 conv2d_9_zero_point_0" -> "110 quantize_per_channel_default_9" [label="(128,)", style=solid]; -"108 conv2d_9_zero_point_0" -> "111 dequantize_per_channel_default_9" [label="(128,)", style=solid]; +"108 conv2d_9_zero_point_0" -> "110 quantize_per_channel_default_9" [label="(128,)", style=dashed]; +"108 conv2d_9_zero_point_0" -> "111 dequantize_per_channel_default_9" [label="(128,)", style=dashed]; "109 compressed_weight_updated_constant9" -> "110 quantize_per_channel_default_9" [label="(128, 128, 3, 3)", style=solid]; "110 quantize_per_channel_default_9" -> "111 dequantize_per_channel_default_9" [label="(128, 128, 3, 3)", style=solid]; "111 dequantize_per_channel_default_9" -> "112 conv2d_9" [label="(128, 128, 3, 3)", style=solid]; @@ -391,8 +391,8 @@ strict digraph { "120 layer3_0_conv1_weight_bias" -> "126 conv2d_10" [label="(256,)", style=solid]; "121 conv2d_10_scale_0" -> "124 quantize_per_channel_default_10" [label="(256,)", style=solid]; "121 conv2d_10_scale_0" -> "125 dequantize_per_channel_default_10" [label="(256,)", style=solid]; -"122 conv2d_10_zero_point_0" -> "124 quantize_per_channel_default_10" [label="(256,)", style=solid]; -"122 conv2d_10_zero_point_0" -> "125 dequantize_per_channel_default_10" [label="(256,)", style=solid]; +"122 conv2d_10_zero_point_0" -> "124 quantize_per_channel_default_10" [label="(256,)", style=dashed]; +"122 conv2d_10_zero_point_0" -> "125 dequantize_per_channel_default_10" [label="(256,)", style=dashed]; "123 compressed_weight_updated_constant10" -> "124 quantize_per_channel_default_10" [label="(256, 128, 3, 3)", style=solid]; "124 quantize_per_channel_default_10" -> "125 dequantize_per_channel_default_10" [label="(256, 128, 3, 3)", style=solid]; "125 dequantize_per_channel_default_10" -> "126 conv2d_10" [label="(256, 128, 3, 3)", style=solid]; @@ -403,8 +403,8 @@ strict digraph { "130 layer3_0_conv2_weight_bias" -> "136 conv2d_11" [label="(256,)", style=solid]; "131 conv2d_11_scale_0" -> "134 quantize_per_channel_default_11" [label="(256,)", style=solid]; "131 conv2d_11_scale_0" -> "135 dequantize_per_channel_default_11" [label="(256,)", style=solid]; -"132 conv2d_11_zero_point_0" -> "134 quantize_per_channel_default_11" [label="(256,)", style=solid]; -"132 conv2d_11_zero_point_0" -> "135 dequantize_per_channel_default_11" [label="(256,)", style=solid]; +"132 conv2d_11_zero_point_0" -> "134 quantize_per_channel_default_11" [label="(256,)", style=dashed]; +"132 conv2d_11_zero_point_0" -> "135 dequantize_per_channel_default_11" [label="(256,)", style=dashed]; "133 compressed_weight_updated_constant11" -> "134 quantize_per_channel_default_11" [label="(256, 256, 3, 3)", style=solid]; "134 quantize_per_channel_default_11" -> "135 dequantize_per_channel_default_11" [label="(256, 256, 3, 3)", style=solid]; "135 dequantize_per_channel_default_11" -> "136 conv2d_11" [label="(256, 256, 3, 3)", style=solid]; @@ -414,8 +414,8 @@ strict digraph { "139 layer3_0_downsample_0_weight_bias" -> "145 conv2d_12" [label="(256,)", style=solid]; "140 conv2d_12_scale_0" -> "143 quantize_per_channel_default_12" [label="(256,)", style=solid]; "140 conv2d_12_scale_0" -> "144 dequantize_per_channel_default_12" [label="(256,)", style=solid]; -"141 conv2d_12_zero_point_0" -> "143 quantize_per_channel_default_12" [label="(256,)", style=solid]; -"141 conv2d_12_zero_point_0" -> "144 dequantize_per_channel_default_12" [label="(256,)", style=solid]; +"141 conv2d_12_zero_point_0" -> "143 quantize_per_channel_default_12" [label="(256,)", style=dashed]; +"141 conv2d_12_zero_point_0" -> "144 dequantize_per_channel_default_12" [label="(256,)", style=dashed]; "142 compressed_weight_updated_constant12" -> "143 quantize_per_channel_default_12" [label="(256, 128, 1, 1)", style=solid]; "143 quantize_per_channel_default_12" -> "144 dequantize_per_channel_default_12" [label="(256, 128, 1, 1)", style=solid]; "144 dequantize_per_channel_default_12" -> "145 conv2d_12" [label="(256, 128, 1, 1)", style=solid]; @@ -431,8 +431,8 @@ strict digraph { "153 layer3_1_conv1_weight_bias" -> "159 conv2d_13" [label="(256,)", style=solid]; "154 conv2d_13_scale_0" -> "157 quantize_per_channel_default_13" [label="(256,)", style=solid]; "154 conv2d_13_scale_0" -> "158 dequantize_per_channel_default_13" [label="(256,)", style=solid]; -"155 conv2d_13_zero_point_0" -> "157 quantize_per_channel_default_13" [label="(256,)", style=solid]; -"155 conv2d_13_zero_point_0" -> "158 dequantize_per_channel_default_13" [label="(256,)", style=solid]; +"155 conv2d_13_zero_point_0" -> "157 quantize_per_channel_default_13" [label="(256,)", style=dashed]; +"155 conv2d_13_zero_point_0" -> "158 dequantize_per_channel_default_13" [label="(256,)", style=dashed]; "156 compressed_weight_updated_constant13" -> "157 quantize_per_channel_default_13" [label="(256, 256, 3, 3)", style=solid]; "157 quantize_per_channel_default_13" -> "158 dequantize_per_channel_default_13" [label="(256, 256, 3, 3)", style=solid]; "158 dequantize_per_channel_default_13" -> "159 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; @@ -443,8 +443,8 @@ strict digraph { "163 layer3_1_conv2_weight_bias" -> "169 conv2d_14" [label="(256,)", style=solid]; "164 conv2d_14_scale_0" -> "167 quantize_per_channel_default_14" [label="(256,)", style=solid]; "164 conv2d_14_scale_0" -> "168 dequantize_per_channel_default_14" [label="(256,)", style=solid]; -"165 conv2d_14_zero_point_0" -> "167 quantize_per_channel_default_14" [label="(256,)", style=solid]; -"165 conv2d_14_zero_point_0" -> "168 dequantize_per_channel_default_14" [label="(256,)", style=solid]; +"165 conv2d_14_zero_point_0" -> "167 quantize_per_channel_default_14" [label="(256,)", style=dashed]; +"165 conv2d_14_zero_point_0" -> "168 dequantize_per_channel_default_14" [label="(256,)", style=dashed]; "166 compressed_weight_updated_constant14" -> "167 quantize_per_channel_default_14" [label="(256, 256, 3, 3)", style=solid]; "167 quantize_per_channel_default_14" -> "168 dequantize_per_channel_default_14" [label="(256, 256, 3, 3)", style=solid]; "168 dequantize_per_channel_default_14" -> "169 conv2d_14" [label="(256, 256, 3, 3)", style=solid]; @@ -460,8 +460,8 @@ strict digraph { "177 layer4_0_conv1_weight_bias" -> "183 conv2d_15" [label="(512,)", style=solid]; "178 conv2d_15_scale_0" -> "181 quantize_per_channel_default_15" [label="(512,)", style=solid]; "178 conv2d_15_scale_0" -> "182 dequantize_per_channel_default_15" [label="(512,)", style=solid]; -"179 conv2d_15_zero_point_0" -> "181 quantize_per_channel_default_15" [label="(512,)", style=solid]; -"179 conv2d_15_zero_point_0" -> "182 dequantize_per_channel_default_15" [label="(512,)", style=solid]; +"179 conv2d_15_zero_point_0" -> "181 quantize_per_channel_default_15" [label="(512,)", style=dashed]; +"179 conv2d_15_zero_point_0" -> "182 dequantize_per_channel_default_15" [label="(512,)", style=dashed]; "180 compressed_weight_updated_constant15" -> "181 quantize_per_channel_default_15" [label="(512, 256, 3, 3)", style=solid]; "181 quantize_per_channel_default_15" -> "182 dequantize_per_channel_default_15" [label="(512, 256, 3, 3)", style=solid]; "182 dequantize_per_channel_default_15" -> "183 conv2d_15" [label="(512, 256, 3, 3)", style=solid]; @@ -472,8 +472,8 @@ strict digraph { "187 layer4_0_conv2_weight_bias" -> "193 conv2d_16" [label="(512,)", style=solid]; "188 conv2d_16_scale_0" -> "191 quantize_per_channel_default_16" [label="(512,)", style=solid]; "188 conv2d_16_scale_0" -> "192 dequantize_per_channel_default_16" [label="(512,)", style=solid]; -"189 conv2d_16_zero_point_0" -> "191 quantize_per_channel_default_16" [label="(512,)", style=solid]; -"189 conv2d_16_zero_point_0" -> "192 dequantize_per_channel_default_16" [label="(512,)", style=solid]; +"189 conv2d_16_zero_point_0" -> "191 quantize_per_channel_default_16" [label="(512,)", style=dashed]; +"189 conv2d_16_zero_point_0" -> "192 dequantize_per_channel_default_16" [label="(512,)", style=dashed]; "190 compressed_weight_updated_constant16" -> "191 quantize_per_channel_default_16" [label="(512, 512, 3, 3)", style=solid]; "191 quantize_per_channel_default_16" -> "192 dequantize_per_channel_default_16" [label="(512, 512, 3, 3)", style=solid]; "192 dequantize_per_channel_default_16" -> "193 conv2d_16" [label="(512, 512, 3, 3)", style=solid]; @@ -483,8 +483,8 @@ strict digraph { "196 layer4_0_downsample_0_weight_bias" -> "202 conv2d_17" [label="(512,)", style=solid]; "197 conv2d_17_scale_0" -> "200 quantize_per_channel_default_17" [label="(512,)", style=solid]; "197 conv2d_17_scale_0" -> "201 dequantize_per_channel_default_17" [label="(512,)", style=solid]; -"198 conv2d_17_zero_point_0" -> "200 quantize_per_channel_default_17" [label="(512,)", style=solid]; -"198 conv2d_17_zero_point_0" -> "201 dequantize_per_channel_default_17" [label="(512,)", style=solid]; +"198 conv2d_17_zero_point_0" -> "200 quantize_per_channel_default_17" [label="(512,)", style=dashed]; +"198 conv2d_17_zero_point_0" -> "201 dequantize_per_channel_default_17" [label="(512,)", style=dashed]; "199 compressed_weight_updated_constant17" -> "200 quantize_per_channel_default_17" [label="(512, 256, 1, 1)", style=solid]; "200 quantize_per_channel_default_17" -> "201 dequantize_per_channel_default_17" [label="(512, 256, 1, 1)", style=solid]; "201 dequantize_per_channel_default_17" -> "202 conv2d_17" [label="(512, 256, 1, 1)", style=solid]; @@ -500,8 +500,8 @@ strict digraph { "210 layer4_1_conv1_weight_bias" -> "216 conv2d_18" [label="(512,)", style=solid]; "211 conv2d_18_scale_0" -> "214 quantize_per_channel_default_18" [label="(512,)", style=solid]; "211 conv2d_18_scale_0" -> "215 dequantize_per_channel_default_18" [label="(512,)", style=solid]; -"212 conv2d_18_zero_point_0" -> "214 quantize_per_channel_default_18" [label="(512,)", style=solid]; -"212 conv2d_18_zero_point_0" -> "215 dequantize_per_channel_default_18" [label="(512,)", style=solid]; +"212 conv2d_18_zero_point_0" -> "214 quantize_per_channel_default_18" [label="(512,)", style=dashed]; +"212 conv2d_18_zero_point_0" -> "215 dequantize_per_channel_default_18" [label="(512,)", style=dashed]; "213 compressed_weight_updated_constant18" -> "214 quantize_per_channel_default_18" [label="(512, 512, 3, 3)", style=solid]; "214 quantize_per_channel_default_18" -> "215 dequantize_per_channel_default_18" [label="(512, 512, 3, 3)", style=solid]; "215 dequantize_per_channel_default_18" -> "216 conv2d_18" [label="(512, 512, 3, 3)", style=solid]; @@ -512,8 +512,8 @@ strict digraph { "220 layer4_1_conv2_weight_bias" -> "226 conv2d_19" [label="(512,)", style=solid]; "221 conv2d_19_scale_0" -> "224 quantize_per_channel_default_19" [label="(512,)", style=solid]; "221 conv2d_19_scale_0" -> "225 dequantize_per_channel_default_19" [label="(512,)", style=solid]; -"222 conv2d_19_zero_point_0" -> "224 quantize_per_channel_default_19" [label="(512,)", style=solid]; -"222 conv2d_19_zero_point_0" -> "225 dequantize_per_channel_default_19" [label="(512,)", style=solid]; +"222 conv2d_19_zero_point_0" -> "224 quantize_per_channel_default_19" [label="(512,)", style=dashed]; +"222 conv2d_19_zero_point_0" -> "225 dequantize_per_channel_default_19" [label="(512,)", style=dashed]; "223 compressed_weight_updated_constant19" -> "224 quantize_per_channel_default_19" [label="(512, 512, 3, 3)", style=solid]; "224 quantize_per_channel_default_19" -> "225 dequantize_per_channel_default_19" [label="(512, 512, 3, 3)", style=solid]; "225 dequantize_per_channel_default_19" -> "226 conv2d_19" [label="(512, 512, 3, 3)", style=solid]; @@ -530,8 +530,8 @@ strict digraph { "236 flatten" -> "242 linear" [label="(1, 512)", style=solid]; "237 linear_scale_0" -> "240 quantize_per_channel_default_20" [label="(1000,)", style=solid]; "237 linear_scale_0" -> "241 dequantize_per_channel_default_20" [label="(1000,)", style=solid]; -"238 linear_zero_point_0" -> "240 quantize_per_channel_default_20" [label="(1000,)", style=solid]; -"238 linear_zero_point_0" -> "241 dequantize_per_channel_default_20" [label="(1000,)", style=solid]; +"238 linear_zero_point_0" -> "240 quantize_per_channel_default_20" [label="(1000,)", style=dashed]; +"238 linear_zero_point_0" -> "241 dequantize_per_channel_default_20" [label="(1000,)", style=dashed]; "239 compressed_weight_updated_constant20" -> "240 quantize_per_channel_default_20" [label="(1000, 512)", style=solid]; "240 quantize_per_channel_default_20" -> "241 dequantize_per_channel_default_20" [label="(1000, 512)", style=solid]; "241 dequantize_per_channel_default_20" -> "242 linear" [label="(1000, 512)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/swin_v2_s.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/swin_v2_s.dot index a4edb33ced5..638822d6bdf 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/swin_v2_s.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/swin_v2_s.dot @@ -2789,8 +2789,8 @@ strict digraph { "184 dequantize_per_tensor_default" -> "190 conv2d" [label="(1, 3, -1, -1)", style=solid]; "185 conv2d_scale_0" -> "188 quantize_per_channel_default" [label="(96,)", style=solid]; "185 conv2d_scale_0" -> "189 dequantize_per_channel_default" [label="(96,)", style=solid]; -"186 conv2d_zero_point_0" -> "188 quantize_per_channel_default" [label="(96,)", style=solid]; -"186 conv2d_zero_point_0" -> "189 dequantize_per_channel_default" [label="(96,)", style=solid]; +"186 conv2d_zero_point_0" -> "188 quantize_per_channel_default" [label="(96,)", style=dashed]; +"186 conv2d_zero_point_0" -> "189 dequantize_per_channel_default" [label="(96,)", style=dashed]; "187 compressed_weight_updated_constant0" -> "188 quantize_per_channel_default" [label="(96, 3, 4, 4)", style=solid]; "188 quantize_per_channel_default" -> "189 dequantize_per_channel_default" [label="(96, 3, 4, 4)", style=solid]; "189 dequantize_per_channel_default" -> "190 conv2d" [label="(96, 3, 4, 4)", style=solid]; @@ -3291,8 +3291,8 @@ strict digraph { "288 dequantize_per_tensor_default_1" -> "294 linear_2" [label="(-1, -1, 96)", style=solid]; "289 linear_2_scale_0" -> "292 quantize_per_channel_default_1" [label="(288,)", style=solid]; "289 linear_2_scale_0" -> "293 dequantize_per_channel_default_1" [label="(288,)", style=solid]; -"290 linear_2_zero_point_0" -> "292 quantize_per_channel_default_1" [label="(288,)", style=solid]; -"290 linear_2_zero_point_0" -> "293 dequantize_per_channel_default_1" [label="(288,)", style=solid]; +"290 linear_2_zero_point_0" -> "292 quantize_per_channel_default_1" [label="(288,)", style=dashed]; +"290 linear_2_zero_point_0" -> "293 dequantize_per_channel_default_1" [label="(288,)", style=dashed]; "291 compressed_weight_updated_constant1" -> "292 quantize_per_channel_default_1" [label="(288, 96)", style=solid]; "292 quantize_per_channel_default_1" -> "293 dequantize_per_channel_default_1" [label="(288, 96)", style=solid]; "293 dequantize_per_channel_default_1" -> "294 linear_2" [label="(288, 96)", style=solid]; @@ -3335,8 +3335,8 @@ strict digraph { "324 dequantize_per_tensor_default_4" -> "330 linear_3" [label="(-1, -1, 96)", style=solid]; "325 linear_3_scale_0" -> "328 quantize_per_channel_default_2" [label="(96,)", style=solid]; "325 linear_3_scale_0" -> "329 dequantize_per_channel_default_2" [label="(96,)", style=solid]; -"326 linear_3_zero_point_0" -> "328 quantize_per_channel_default_2" [label="(96,)", style=solid]; -"326 linear_3_zero_point_0" -> "329 dequantize_per_channel_default_2" [label="(96,)", style=solid]; +"326 linear_3_zero_point_0" -> "328 quantize_per_channel_default_2" [label="(96,)", style=dashed]; +"326 linear_3_zero_point_0" -> "329 dequantize_per_channel_default_2" [label="(96,)", style=dashed]; "327 compressed_weight_updated_constant2" -> "328 quantize_per_channel_default_2" [label="(96, 96)", style=solid]; "328 quantize_per_channel_default_2" -> "329 dequantize_per_channel_default_2" [label="(96, 96)", style=solid]; "329 dequantize_per_channel_default_2" -> "330 linear_3" [label="(96, 96)", style=solid]; @@ -3355,8 +3355,8 @@ strict digraph { "341 dequantize_per_tensor_default_5" -> "347 linear_4" [label="(1, -1, -1, 96)", style=solid]; "342 linear_4_scale_0" -> "345 quantize_per_channel_default_3" [label="(384,)", style=solid]; "342 linear_4_scale_0" -> "346 dequantize_per_channel_default_3" [label="(384,)", style=solid]; -"343 linear_4_zero_point_0" -> "345 quantize_per_channel_default_3" [label="(384,)", style=solid]; -"343 linear_4_zero_point_0" -> "346 dequantize_per_channel_default_3" [label="(384,)", style=solid]; +"343 linear_4_zero_point_0" -> "345 quantize_per_channel_default_3" [label="(384,)", style=dashed]; +"343 linear_4_zero_point_0" -> "346 dequantize_per_channel_default_3" [label="(384,)", style=dashed]; "344 compressed_weight_updated_constant3" -> "345 quantize_per_channel_default_3" [label="(384, 96)", style=solid]; "345 quantize_per_channel_default_3" -> "346 dequantize_per_channel_default_3" [label="(384, 96)", style=solid]; "346 dequantize_per_channel_default_3" -> "347 linear_4" [label="(384, 96)", style=solid]; @@ -3368,8 +3368,8 @@ strict digraph { "352 dequantize_per_tensor_default_6" -> "358 linear_5" [label="(1, -1, -1, 384)", style=solid]; "353 linear_5_scale_0" -> "356 quantize_per_channel_default_4" [label="(96,)", style=solid]; "353 linear_5_scale_0" -> "357 dequantize_per_channel_default_4" [label="(96,)", style=solid]; -"354 linear_5_zero_point_0" -> "356 quantize_per_channel_default_4" [label="(96,)", style=solid]; -"354 linear_5_zero_point_0" -> "357 dequantize_per_channel_default_4" [label="(96,)", style=solid]; +"354 linear_5_zero_point_0" -> "356 quantize_per_channel_default_4" [label="(96,)", style=dashed]; +"354 linear_5_zero_point_0" -> "357 dequantize_per_channel_default_4" [label="(96,)", style=dashed]; "355 compressed_weight_updated_constant4" -> "356 quantize_per_channel_default_4" [label="(96, 384)", style=solid]; "356 quantize_per_channel_default_4" -> "357 dequantize_per_channel_default_4" [label="(96, 384)", style=solid]; "357 dequantize_per_channel_default_4" -> "358 linear_5" [label="(96, 384)", style=solid]; @@ -3391,8 +3391,8 @@ strict digraph { "371 dequantize_per_tensor_default_7" -> "377 linear_8" [label="(-1, -1, 96)", style=solid]; "372 linear_8_scale_0" -> "375 quantize_per_channel_default_5" [label="(288,)", style=solid]; "372 linear_8_scale_0" -> "376 dequantize_per_channel_default_5" [label="(288,)", style=solid]; -"373 linear_8_zero_point_0" -> "375 quantize_per_channel_default_5" [label="(288,)", style=solid]; -"373 linear_8_zero_point_0" -> "376 dequantize_per_channel_default_5" [label="(288,)", style=solid]; +"373 linear_8_zero_point_0" -> "375 quantize_per_channel_default_5" [label="(288,)", style=dashed]; +"373 linear_8_zero_point_0" -> "376 dequantize_per_channel_default_5" [label="(288,)", style=dashed]; "374 compressed_weight_updated_constant5" -> "375 quantize_per_channel_default_5" [label="(288, 96)", style=solid]; "375 quantize_per_channel_default_5" -> "376 dequantize_per_channel_default_5" [label="(288, 96)", style=solid]; "376 dequantize_per_channel_default_5" -> "377 linear_8" [label="(288, 96)", style=solid]; @@ -3454,8 +3454,8 @@ strict digraph { "423 dequantize_per_tensor_default_10" -> "429 linear_9" [label="(-1, -1, 96)", style=solid]; "424 linear_9_scale_0" -> "427 quantize_per_channel_default_6" [label="(96,)", style=solid]; "424 linear_9_scale_0" -> "428 dequantize_per_channel_default_6" [label="(96,)", style=solid]; -"425 linear_9_zero_point_0" -> "427 quantize_per_channel_default_6" [label="(96,)", style=solid]; -"425 linear_9_zero_point_0" -> "428 dequantize_per_channel_default_6" [label="(96,)", style=solid]; +"425 linear_9_zero_point_0" -> "427 quantize_per_channel_default_6" [label="(96,)", style=dashed]; +"425 linear_9_zero_point_0" -> "428 dequantize_per_channel_default_6" [label="(96,)", style=dashed]; "426 compressed_weight_updated_constant6" -> "427 quantize_per_channel_default_6" [label="(96, 96)", style=solid]; "427 quantize_per_channel_default_6" -> "428 dequantize_per_channel_default_6" [label="(96, 96)", style=solid]; "428 dequantize_per_channel_default_6" -> "429 linear_9" [label="(96, 96)", style=solid]; @@ -3475,8 +3475,8 @@ strict digraph { "441 dequantize_per_tensor_default_11" -> "447 linear_10" [label="(1, -1, -1, 96)", style=solid]; "442 linear_10_scale_0" -> "445 quantize_per_channel_default_7" [label="(384,)", style=solid]; "442 linear_10_scale_0" -> "446 dequantize_per_channel_default_7" [label="(384,)", style=solid]; -"443 linear_10_zero_point_0" -> "445 quantize_per_channel_default_7" [label="(384,)", style=solid]; -"443 linear_10_zero_point_0" -> "446 dequantize_per_channel_default_7" [label="(384,)", style=solid]; +"443 linear_10_zero_point_0" -> "445 quantize_per_channel_default_7" [label="(384,)", style=dashed]; +"443 linear_10_zero_point_0" -> "446 dequantize_per_channel_default_7" [label="(384,)", style=dashed]; "444 compressed_weight_updated_constant7" -> "445 quantize_per_channel_default_7" [label="(384, 96)", style=solid]; "445 quantize_per_channel_default_7" -> "446 dequantize_per_channel_default_7" [label="(384, 96)", style=solid]; "446 dequantize_per_channel_default_7" -> "447 linear_10" [label="(384, 96)", style=solid]; @@ -3488,8 +3488,8 @@ strict digraph { "452 dequantize_per_tensor_default_12" -> "458 linear_11" [label="(1, -1, -1, 384)", style=solid]; "453 linear_11_scale_0" -> "456 quantize_per_channel_default_8" [label="(96,)", style=solid]; "453 linear_11_scale_0" -> "457 dequantize_per_channel_default_8" [label="(96,)", style=solid]; -"454 linear_11_zero_point_0" -> "456 quantize_per_channel_default_8" [label="(96,)", style=solid]; -"454 linear_11_zero_point_0" -> "457 dequantize_per_channel_default_8" [label="(96,)", style=solid]; +"454 linear_11_zero_point_0" -> "456 quantize_per_channel_default_8" [label="(96,)", style=dashed]; +"454 linear_11_zero_point_0" -> "457 dequantize_per_channel_default_8" [label="(96,)", style=dashed]; "455 compressed_weight_updated_constant8" -> "456 quantize_per_channel_default_8" [label="(96, 384)", style=solid]; "456 quantize_per_channel_default_8" -> "457 dequantize_per_channel_default_8" [label="(96, 384)", style=solid]; "457 dequantize_per_channel_default_8" -> "458 linear_11" [label="(96, 384)", style=solid]; @@ -3519,8 +3519,8 @@ strict digraph { "478 dequantize_per_tensor_default_13" -> "484 linear_12" [label="(1, -1, -1, 384)", style=solid]; "479 linear_12_scale_0" -> "482 quantize_per_channel_default_9" [label="(192,)", style=solid]; "479 linear_12_scale_0" -> "483 dequantize_per_channel_default_9" [label="(192,)", style=solid]; -"480 linear_12_zero_point_0" -> "482 quantize_per_channel_default_9" [label="(192,)", style=solid]; -"480 linear_12_zero_point_0" -> "483 dequantize_per_channel_default_9" [label="(192,)", style=solid]; +"480 linear_12_zero_point_0" -> "482 quantize_per_channel_default_9" [label="(192,)", style=dashed]; +"480 linear_12_zero_point_0" -> "483 dequantize_per_channel_default_9" [label="(192,)", style=dashed]; "481 compressed_weight_updated_constant9" -> "482 quantize_per_channel_default_9" [label="(192, 384)", style=solid]; "482 quantize_per_channel_default_9" -> "483 dequantize_per_channel_default_9" [label="(192, 384)", style=solid]; "483 dequantize_per_channel_default_9" -> "484 linear_12" [label="(192, 384)", style=solid]; @@ -3546,8 +3546,8 @@ strict digraph { "495 dequantize_per_tensor_default_14" -> "501 linear_15" [label="(-1, -1, 192)", style=solid]; "496 linear_15_scale_0" -> "499 quantize_per_channel_default_10" [label="(576,)", style=solid]; "496 linear_15_scale_0" -> "500 dequantize_per_channel_default_10" [label="(576,)", style=solid]; -"497 linear_15_zero_point_0" -> "499 quantize_per_channel_default_10" [label="(576,)", style=solid]; -"497 linear_15_zero_point_0" -> "500 dequantize_per_channel_default_10" [label="(576,)", style=solid]; +"497 linear_15_zero_point_0" -> "499 quantize_per_channel_default_10" [label="(576,)", style=dashed]; +"497 linear_15_zero_point_0" -> "500 dequantize_per_channel_default_10" [label="(576,)", style=dashed]; "498 compressed_weight_updated_constant10" -> "499 quantize_per_channel_default_10" [label="(576, 192)", style=solid]; "499 quantize_per_channel_default_10" -> "500 dequantize_per_channel_default_10" [label="(576, 192)", style=solid]; "500 dequantize_per_channel_default_10" -> "501 linear_15" [label="(576, 192)", style=solid]; @@ -3590,8 +3590,8 @@ strict digraph { "531 dequantize_per_tensor_default_17" -> "537 linear_16" [label="(-1, -1, 192)", style=solid]; "532 linear_16_scale_0" -> "535 quantize_per_channel_default_11" [label="(192,)", style=solid]; "532 linear_16_scale_0" -> "536 dequantize_per_channel_default_11" [label="(192,)", style=solid]; -"533 linear_16_zero_point_0" -> "535 quantize_per_channel_default_11" [label="(192,)", style=solid]; -"533 linear_16_zero_point_0" -> "536 dequantize_per_channel_default_11" [label="(192,)", style=solid]; +"533 linear_16_zero_point_0" -> "535 quantize_per_channel_default_11" [label="(192,)", style=dashed]; +"533 linear_16_zero_point_0" -> "536 dequantize_per_channel_default_11" [label="(192,)", style=dashed]; "534 compressed_weight_updated_constant11" -> "535 quantize_per_channel_default_11" [label="(192, 192)", style=solid]; "535 quantize_per_channel_default_11" -> "536 dequantize_per_channel_default_11" [label="(192, 192)", style=solid]; "536 dequantize_per_channel_default_11" -> "537 linear_16" [label="(192, 192)", style=solid]; @@ -3613,8 +3613,8 @@ strict digraph { "551 dequantize_per_tensor_default_18" -> "557 linear_17" [label="(1, -1, -1, 192)", style=solid]; "552 linear_17_scale_0" -> "555 quantize_per_channel_default_12" [label="(768,)", style=solid]; "552 linear_17_scale_0" -> "556 dequantize_per_channel_default_12" [label="(768,)", style=solid]; -"553 linear_17_zero_point_0" -> "555 quantize_per_channel_default_12" [label="(768,)", style=solid]; -"553 linear_17_zero_point_0" -> "556 dequantize_per_channel_default_12" [label="(768,)", style=solid]; +"553 linear_17_zero_point_0" -> "555 quantize_per_channel_default_12" [label="(768,)", style=dashed]; +"553 linear_17_zero_point_0" -> "556 dequantize_per_channel_default_12" [label="(768,)", style=dashed]; "554 compressed_weight_updated_constant12" -> "555 quantize_per_channel_default_12" [label="(768, 192)", style=solid]; "555 quantize_per_channel_default_12" -> "556 dequantize_per_channel_default_12" [label="(768, 192)", style=solid]; "556 dequantize_per_channel_default_12" -> "557 linear_17" [label="(768, 192)", style=solid]; @@ -3626,8 +3626,8 @@ strict digraph { "562 dequantize_per_tensor_default_19" -> "568 linear_18" [label="(1, -1, -1, 768)", style=solid]; "563 linear_18_scale_0" -> "566 quantize_per_channel_default_13" [label="(192,)", style=solid]; "563 linear_18_scale_0" -> "567 dequantize_per_channel_default_13" [label="(192,)", style=solid]; -"564 linear_18_zero_point_0" -> "566 quantize_per_channel_default_13" [label="(192,)", style=solid]; -"564 linear_18_zero_point_0" -> "567 dequantize_per_channel_default_13" [label="(192,)", style=solid]; +"564 linear_18_zero_point_0" -> "566 quantize_per_channel_default_13" [label="(192,)", style=dashed]; +"564 linear_18_zero_point_0" -> "567 dequantize_per_channel_default_13" [label="(192,)", style=dashed]; "565 compressed_weight_updated_constant13" -> "566 quantize_per_channel_default_13" [label="(192, 768)", style=solid]; "566 quantize_per_channel_default_13" -> "567 dequantize_per_channel_default_13" [label="(192, 768)", style=solid]; "567 dequantize_per_channel_default_13" -> "568 linear_18" [label="(192, 768)", style=solid]; @@ -3649,8 +3649,8 @@ strict digraph { "581 dequantize_per_tensor_default_20" -> "587 linear_21" [label="(-1, -1, 192)", style=solid]; "582 linear_21_scale_0" -> "585 quantize_per_channel_default_14" [label="(576,)", style=solid]; "582 linear_21_scale_0" -> "586 dequantize_per_channel_default_14" [label="(576,)", style=solid]; -"583 linear_21_zero_point_0" -> "585 quantize_per_channel_default_14" [label="(576,)", style=solid]; -"583 linear_21_zero_point_0" -> "586 dequantize_per_channel_default_14" [label="(576,)", style=solid]; +"583 linear_21_zero_point_0" -> "585 quantize_per_channel_default_14" [label="(576,)", style=dashed]; +"583 linear_21_zero_point_0" -> "586 dequantize_per_channel_default_14" [label="(576,)", style=dashed]; "584 compressed_weight_updated_constant14" -> "585 quantize_per_channel_default_14" [label="(576, 192)", style=solid]; "585 quantize_per_channel_default_14" -> "586 dequantize_per_channel_default_14" [label="(576, 192)", style=solid]; "586 dequantize_per_channel_default_14" -> "587 linear_21" [label="(576, 192)", style=solid]; @@ -3712,8 +3712,8 @@ strict digraph { "633 dequantize_per_tensor_default_23" -> "639 linear_22" [label="(-1, -1, 192)", style=solid]; "634 linear_22_scale_0" -> "637 quantize_per_channel_default_15" [label="(192,)", style=solid]; "634 linear_22_scale_0" -> "638 dequantize_per_channel_default_15" [label="(192,)", style=solid]; -"635 linear_22_zero_point_0" -> "637 quantize_per_channel_default_15" [label="(192,)", style=solid]; -"635 linear_22_zero_point_0" -> "638 dequantize_per_channel_default_15" [label="(192,)", style=solid]; +"635 linear_22_zero_point_0" -> "637 quantize_per_channel_default_15" [label="(192,)", style=dashed]; +"635 linear_22_zero_point_0" -> "638 dequantize_per_channel_default_15" [label="(192,)", style=dashed]; "636 compressed_weight_updated_constant15" -> "637 quantize_per_channel_default_15" [label="(192, 192)", style=solid]; "637 quantize_per_channel_default_15" -> "638 dequantize_per_channel_default_15" [label="(192, 192)", style=solid]; "638 dequantize_per_channel_default_15" -> "639 linear_22" [label="(192, 192)", style=solid]; @@ -3736,8 +3736,8 @@ strict digraph { "654 dequantize_per_tensor_default_24" -> "660 linear_23" [label="(1, -1, -1, 192)", style=solid]; "655 linear_23_scale_0" -> "658 quantize_per_channel_default_16" [label="(768,)", style=solid]; "655 linear_23_scale_0" -> "659 dequantize_per_channel_default_16" [label="(768,)", style=solid]; -"656 linear_23_zero_point_0" -> "658 quantize_per_channel_default_16" [label="(768,)", style=solid]; -"656 linear_23_zero_point_0" -> "659 dequantize_per_channel_default_16" [label="(768,)", style=solid]; +"656 linear_23_zero_point_0" -> "658 quantize_per_channel_default_16" [label="(768,)", style=dashed]; +"656 linear_23_zero_point_0" -> "659 dequantize_per_channel_default_16" [label="(768,)", style=dashed]; "657 compressed_weight_updated_constant16" -> "658 quantize_per_channel_default_16" [label="(768, 192)", style=solid]; "658 quantize_per_channel_default_16" -> "659 dequantize_per_channel_default_16" [label="(768, 192)", style=solid]; "659 dequantize_per_channel_default_16" -> "660 linear_23" [label="(768, 192)", style=solid]; @@ -3749,8 +3749,8 @@ strict digraph { "665 dequantize_per_tensor_default_25" -> "671 linear_24" [label="(1, -1, -1, 768)", style=solid]; "666 linear_24_scale_0" -> "669 quantize_per_channel_default_17" [label="(192,)", style=solid]; "666 linear_24_scale_0" -> "670 dequantize_per_channel_default_17" [label="(192,)", style=solid]; -"667 linear_24_zero_point_0" -> "669 quantize_per_channel_default_17" [label="(192,)", style=solid]; -"667 linear_24_zero_point_0" -> "670 dequantize_per_channel_default_17" [label="(192,)", style=solid]; +"667 linear_24_zero_point_0" -> "669 quantize_per_channel_default_17" [label="(192,)", style=dashed]; +"667 linear_24_zero_point_0" -> "670 dequantize_per_channel_default_17" [label="(192,)", style=dashed]; "668 compressed_weight_updated_constant17" -> "669 quantize_per_channel_default_17" [label="(192, 768)", style=solid]; "669 quantize_per_channel_default_17" -> "670 dequantize_per_channel_default_17" [label="(192, 768)", style=solid]; "670 dequantize_per_channel_default_17" -> "671 linear_24" [label="(192, 768)", style=solid]; @@ -3780,8 +3780,8 @@ strict digraph { "691 dequantize_per_tensor_default_26" -> "697 linear_25" [label="(1, -1, -1, 768)", style=solid]; "692 linear_25_scale_0" -> "695 quantize_per_channel_default_18" [label="(384,)", style=solid]; "692 linear_25_scale_0" -> "696 dequantize_per_channel_default_18" [label="(384,)", style=solid]; -"693 linear_25_zero_point_0" -> "695 quantize_per_channel_default_18" [label="(384,)", style=solid]; -"693 linear_25_zero_point_0" -> "696 dequantize_per_channel_default_18" [label="(384,)", style=solid]; +"693 linear_25_zero_point_0" -> "695 quantize_per_channel_default_18" [label="(384,)", style=dashed]; +"693 linear_25_zero_point_0" -> "696 dequantize_per_channel_default_18" [label="(384,)", style=dashed]; "694 compressed_weight_updated_constant18" -> "695 quantize_per_channel_default_18" [label="(384, 768)", style=solid]; "695 quantize_per_channel_default_18" -> "696 dequantize_per_channel_default_18" [label="(384, 768)", style=solid]; "696 dequantize_per_channel_default_18" -> "697 linear_25" [label="(384, 768)", style=solid]; @@ -3871,8 +3871,8 @@ strict digraph { "708 dequantize_per_tensor_default_27" -> "714 linear_28" [label="(-1, -1, 384)", style=solid]; "709 linear_28_scale_0" -> "712 quantize_per_channel_default_19" [label="(1152,)", style=solid]; "709 linear_28_scale_0" -> "713 dequantize_per_channel_default_19" [label="(1152,)", style=solid]; -"710 linear_28_zero_point_0" -> "712 quantize_per_channel_default_19" [label="(1152,)", style=solid]; -"710 linear_28_zero_point_0" -> "713 dequantize_per_channel_default_19" [label="(1152,)", style=solid]; +"710 linear_28_zero_point_0" -> "712 quantize_per_channel_default_19" [label="(1152,)", style=dashed]; +"710 linear_28_zero_point_0" -> "713 dequantize_per_channel_default_19" [label="(1152,)", style=dashed]; "711 compressed_weight_updated_constant19" -> "712 quantize_per_channel_default_19" [label="(1152, 384)", style=solid]; "712 quantize_per_channel_default_19" -> "713 dequantize_per_channel_default_19" [label="(1152, 384)", style=solid]; "713 dequantize_per_channel_default_19" -> "714 linear_28" [label="(1152, 384)", style=solid]; @@ -3915,8 +3915,8 @@ strict digraph { "744 dequantize_per_tensor_default_30" -> "750 linear_29" [label="(-1, -1, 384)", style=solid]; "745 linear_29_scale_0" -> "748 quantize_per_channel_default_20" [label="(384,)", style=solid]; "745 linear_29_scale_0" -> "749 dequantize_per_channel_default_20" [label="(384,)", style=solid]; -"746 linear_29_zero_point_0" -> "748 quantize_per_channel_default_20" [label="(384,)", style=solid]; -"746 linear_29_zero_point_0" -> "749 dequantize_per_channel_default_20" [label="(384,)", style=solid]; +"746 linear_29_zero_point_0" -> "748 quantize_per_channel_default_20" [label="(384,)", style=dashed]; +"746 linear_29_zero_point_0" -> "749 dequantize_per_channel_default_20" [label="(384,)", style=dashed]; "747 compressed_weight_updated_constant20" -> "748 quantize_per_channel_default_20" [label="(384, 384)", style=solid]; "748 quantize_per_channel_default_20" -> "749 dequantize_per_channel_default_20" [label="(384, 384)", style=solid]; "749 dequantize_per_channel_default_20" -> "750 linear_29" [label="(384, 384)", style=solid]; @@ -3938,8 +3938,8 @@ strict digraph { "764 dequantize_per_tensor_default_31" -> "770 linear_30" [label="(1, -1, -1, 384)", style=solid]; "765 linear_30_scale_0" -> "768 quantize_per_channel_default_21" [label="(1536,)", style=solid]; "765 linear_30_scale_0" -> "769 dequantize_per_channel_default_21" [label="(1536,)", style=solid]; -"766 linear_30_zero_point_0" -> "768 quantize_per_channel_default_21" [label="(1536,)", style=solid]; -"766 linear_30_zero_point_0" -> "769 dequantize_per_channel_default_21" [label="(1536,)", style=solid]; +"766 linear_30_zero_point_0" -> "768 quantize_per_channel_default_21" [label="(1536,)", style=dashed]; +"766 linear_30_zero_point_0" -> "769 dequantize_per_channel_default_21" [label="(1536,)", style=dashed]; "767 compressed_weight_updated_constant21" -> "768 quantize_per_channel_default_21" [label="(1536, 384)", style=solid]; "768 quantize_per_channel_default_21" -> "769 dequantize_per_channel_default_21" [label="(1536, 384)", style=solid]; "769 dequantize_per_channel_default_21" -> "770 linear_30" [label="(1536, 384)", style=solid]; @@ -3951,8 +3951,8 @@ strict digraph { "775 dequantize_per_tensor_default_32" -> "781 linear_31" [label="(1, -1, -1, 1536)", style=solid]; "776 linear_31_scale_0" -> "779 quantize_per_channel_default_22" [label="(384,)", style=solid]; "776 linear_31_scale_0" -> "780 dequantize_per_channel_default_22" [label="(384,)", style=solid]; -"777 linear_31_zero_point_0" -> "779 quantize_per_channel_default_22" [label="(384,)", style=solid]; -"777 linear_31_zero_point_0" -> "780 dequantize_per_channel_default_22" [label="(384,)", style=solid]; +"777 linear_31_zero_point_0" -> "779 quantize_per_channel_default_22" [label="(384,)", style=dashed]; +"777 linear_31_zero_point_0" -> "780 dequantize_per_channel_default_22" [label="(384,)", style=dashed]; "778 compressed_weight_updated_constant22" -> "779 quantize_per_channel_default_22" [label="(384, 1536)", style=solid]; "779 quantize_per_channel_default_22" -> "780 dequantize_per_channel_default_22" [label="(384, 1536)", style=solid]; "780 dequantize_per_channel_default_22" -> "781 linear_31" [label="(384, 1536)", style=solid]; @@ -3974,8 +3974,8 @@ strict digraph { "794 dequantize_per_tensor_default_33" -> "800 linear_34" [label="(-1, -1, 384)", style=solid]; "795 linear_34_scale_0" -> "798 quantize_per_channel_default_23" [label="(1152,)", style=solid]; "795 linear_34_scale_0" -> "799 dequantize_per_channel_default_23" [label="(1152,)", style=solid]; -"796 linear_34_zero_point_0" -> "798 quantize_per_channel_default_23" [label="(1152,)", style=solid]; -"796 linear_34_zero_point_0" -> "799 dequantize_per_channel_default_23" [label="(1152,)", style=solid]; +"796 linear_34_zero_point_0" -> "798 quantize_per_channel_default_23" [label="(1152,)", style=dashed]; +"796 linear_34_zero_point_0" -> "799 dequantize_per_channel_default_23" [label="(1152,)", style=dashed]; "797 compressed_weight_updated_constant23" -> "798 quantize_per_channel_default_23" [label="(1152, 384)", style=solid]; "798 quantize_per_channel_default_23" -> "799 dequantize_per_channel_default_23" [label="(1152, 384)", style=solid]; "799 dequantize_per_channel_default_23" -> "800 linear_34" [label="(1152, 384)", style=solid]; @@ -4037,8 +4037,8 @@ strict digraph { "846 dequantize_per_tensor_default_36" -> "852 linear_35" [label="(-1, -1, 384)", style=solid]; "847 linear_35_scale_0" -> "850 quantize_per_channel_default_24" [label="(384,)", style=solid]; "847 linear_35_scale_0" -> "851 dequantize_per_channel_default_24" [label="(384,)", style=solid]; -"848 linear_35_zero_point_0" -> "850 quantize_per_channel_default_24" [label="(384,)", style=solid]; -"848 linear_35_zero_point_0" -> "851 dequantize_per_channel_default_24" [label="(384,)", style=solid]; +"848 linear_35_zero_point_0" -> "850 quantize_per_channel_default_24" [label="(384,)", style=dashed]; +"848 linear_35_zero_point_0" -> "851 dequantize_per_channel_default_24" [label="(384,)", style=dashed]; "849 compressed_weight_updated_constant24" -> "850 quantize_per_channel_default_24" [label="(384, 384)", style=solid]; "850 quantize_per_channel_default_24" -> "851 dequantize_per_channel_default_24" [label="(384, 384)", style=solid]; "851 dequantize_per_channel_default_24" -> "852 linear_35" [label="(384, 384)", style=solid]; @@ -4061,8 +4061,8 @@ strict digraph { "867 dequantize_per_tensor_default_37" -> "873 linear_36" [label="(1, -1, -1, 384)", style=solid]; "868 linear_36_scale_0" -> "871 quantize_per_channel_default_25" [label="(1536,)", style=solid]; "868 linear_36_scale_0" -> "872 dequantize_per_channel_default_25" [label="(1536,)", style=solid]; -"869 linear_36_zero_point_0" -> "871 quantize_per_channel_default_25" [label="(1536,)", style=solid]; -"869 linear_36_zero_point_0" -> "872 dequantize_per_channel_default_25" [label="(1536,)", style=solid]; +"869 linear_36_zero_point_0" -> "871 quantize_per_channel_default_25" [label="(1536,)", style=dashed]; +"869 linear_36_zero_point_0" -> "872 dequantize_per_channel_default_25" [label="(1536,)", style=dashed]; "870 compressed_weight_updated_constant25" -> "871 quantize_per_channel_default_25" [label="(1536, 384)", style=solid]; "871 quantize_per_channel_default_25" -> "872 dequantize_per_channel_default_25" [label="(1536, 384)", style=solid]; "872 dequantize_per_channel_default_25" -> "873 linear_36" [label="(1536, 384)", style=solid]; @@ -4074,8 +4074,8 @@ strict digraph { "878 dequantize_per_tensor_default_38" -> "884 linear_37" [label="(1, -1, -1, 1536)", style=solid]; "879 linear_37_scale_0" -> "882 quantize_per_channel_default_26" [label="(384,)", style=solid]; "879 linear_37_scale_0" -> "883 dequantize_per_channel_default_26" [label="(384,)", style=solid]; -"880 linear_37_zero_point_0" -> "882 quantize_per_channel_default_26" [label="(384,)", style=solid]; -"880 linear_37_zero_point_0" -> "883 dequantize_per_channel_default_26" [label="(384,)", style=solid]; +"880 linear_37_zero_point_0" -> "882 quantize_per_channel_default_26" [label="(384,)", style=dashed]; +"880 linear_37_zero_point_0" -> "883 dequantize_per_channel_default_26" [label="(384,)", style=dashed]; "881 compressed_weight_updated_constant26" -> "882 quantize_per_channel_default_26" [label="(384, 1536)", style=solid]; "882 quantize_per_channel_default_26" -> "883 dequantize_per_channel_default_26" [label="(384, 1536)", style=solid]; "883 dequantize_per_channel_default_26" -> "884 linear_37" [label="(384, 1536)", style=solid]; @@ -4095,8 +4095,8 @@ strict digraph { "896 dequantize_per_tensor_default_39" -> "902 linear_40" [label="(-1, -1, 384)", style=solid]; "897 linear_40_scale_0" -> "900 quantize_per_channel_default_27" [label="(1152,)", style=solid]; "897 linear_40_scale_0" -> "901 dequantize_per_channel_default_27" [label="(1152,)", style=solid]; -"898 linear_40_zero_point_0" -> "900 quantize_per_channel_default_27" [label="(1152,)", style=solid]; -"898 linear_40_zero_point_0" -> "901 dequantize_per_channel_default_27" [label="(1152,)", style=solid]; +"898 linear_40_zero_point_0" -> "900 quantize_per_channel_default_27" [label="(1152,)", style=dashed]; +"898 linear_40_zero_point_0" -> "901 dequantize_per_channel_default_27" [label="(1152,)", style=dashed]; "899 compressed_weight_updated_constant27" -> "900 quantize_per_channel_default_27" [label="(1152, 384)", style=solid]; "900 quantize_per_channel_default_27" -> "901 dequantize_per_channel_default_27" [label="(1152, 384)", style=solid]; "901 dequantize_per_channel_default_27" -> "902 linear_40" [label="(1152, 384)", style=solid]; @@ -4139,8 +4139,8 @@ strict digraph { "932 dequantize_per_tensor_default_42" -> "938 linear_41" [label="(-1, -1, 384)", style=solid]; "933 linear_41_scale_0" -> "936 quantize_per_channel_default_28" [label="(384,)", style=solid]; "933 linear_41_scale_0" -> "937 dequantize_per_channel_default_28" [label="(384,)", style=solid]; -"934 linear_41_zero_point_0" -> "936 quantize_per_channel_default_28" [label="(384,)", style=solid]; -"934 linear_41_zero_point_0" -> "937 dequantize_per_channel_default_28" [label="(384,)", style=solid]; +"934 linear_41_zero_point_0" -> "936 quantize_per_channel_default_28" [label="(384,)", style=dashed]; +"934 linear_41_zero_point_0" -> "937 dequantize_per_channel_default_28" [label="(384,)", style=dashed]; "935 compressed_weight_updated_constant28" -> "936 quantize_per_channel_default_28" [label="(384, 384)", style=solid]; "936 quantize_per_channel_default_28" -> "937 dequantize_per_channel_default_28" [label="(384, 384)", style=solid]; "937 dequantize_per_channel_default_28" -> "938 linear_41" [label="(384, 384)", style=solid]; @@ -4162,8 +4162,8 @@ strict digraph { "952 dequantize_per_tensor_default_43" -> "958 linear_42" [label="(1, -1, -1, 384)", style=solid]; "953 linear_42_scale_0" -> "956 quantize_per_channel_default_29" [label="(1536,)", style=solid]; "953 linear_42_scale_0" -> "957 dequantize_per_channel_default_29" [label="(1536,)", style=solid]; -"954 linear_42_zero_point_0" -> "956 quantize_per_channel_default_29" [label="(1536,)", style=solid]; -"954 linear_42_zero_point_0" -> "957 dequantize_per_channel_default_29" [label="(1536,)", style=solid]; +"954 linear_42_zero_point_0" -> "956 quantize_per_channel_default_29" [label="(1536,)", style=dashed]; +"954 linear_42_zero_point_0" -> "957 dequantize_per_channel_default_29" [label="(1536,)", style=dashed]; "955 compressed_weight_updated_constant29" -> "956 quantize_per_channel_default_29" [label="(1536, 384)", style=solid]; "956 quantize_per_channel_default_29" -> "957 dequantize_per_channel_default_29" [label="(1536, 384)", style=solid]; "957 dequantize_per_channel_default_29" -> "958 linear_42" [label="(1536, 384)", style=solid]; @@ -4175,8 +4175,8 @@ strict digraph { "963 dequantize_per_tensor_default_44" -> "969 linear_43" [label="(1, -1, -1, 1536)", style=solid]; "964 linear_43_scale_0" -> "967 quantize_per_channel_default_30" [label="(384,)", style=solid]; "964 linear_43_scale_0" -> "968 dequantize_per_channel_default_30" [label="(384,)", style=solid]; -"965 linear_43_zero_point_0" -> "967 quantize_per_channel_default_30" [label="(384,)", style=solid]; -"965 linear_43_zero_point_0" -> "968 dequantize_per_channel_default_30" [label="(384,)", style=solid]; +"965 linear_43_zero_point_0" -> "967 quantize_per_channel_default_30" [label="(384,)", style=dashed]; +"965 linear_43_zero_point_0" -> "968 dequantize_per_channel_default_30" [label="(384,)", style=dashed]; "966 compressed_weight_updated_constant30" -> "967 quantize_per_channel_default_30" [label="(384, 1536)", style=solid]; "967 quantize_per_channel_default_30" -> "968 dequantize_per_channel_default_30" [label="(384, 1536)", style=solid]; "968 dequantize_per_channel_default_30" -> "969 linear_43" [label="(384, 1536)", style=solid]; @@ -4198,8 +4198,8 @@ strict digraph { "982 dequantize_per_tensor_default_45" -> "988 linear_46" [label="(-1, -1, 384)", style=solid]; "983 linear_46_scale_0" -> "986 quantize_per_channel_default_31" [label="(1152,)", style=solid]; "983 linear_46_scale_0" -> "987 dequantize_per_channel_default_31" [label="(1152,)", style=solid]; -"984 linear_46_zero_point_0" -> "986 quantize_per_channel_default_31" [label="(1152,)", style=solid]; -"984 linear_46_zero_point_0" -> "987 dequantize_per_channel_default_31" [label="(1152,)", style=solid]; +"984 linear_46_zero_point_0" -> "986 quantize_per_channel_default_31" [label="(1152,)", style=dashed]; +"984 linear_46_zero_point_0" -> "987 dequantize_per_channel_default_31" [label="(1152,)", style=dashed]; "985 compressed_weight_updated_constant31" -> "986 quantize_per_channel_default_31" [label="(1152, 384)", style=solid]; "986 quantize_per_channel_default_31" -> "987 dequantize_per_channel_default_31" [label="(1152, 384)", style=solid]; "987 dequantize_per_channel_default_31" -> "988 linear_46" [label="(1152, 384)", style=solid]; @@ -4261,8 +4261,8 @@ strict digraph { "1034 dequantize_per_tensor_default_48" -> "1040 linear_47" [label="(-1, -1, 384)", style=solid]; "1035 linear_47_scale_0" -> "1038 quantize_per_channel_default_32" [label="(384,)", style=solid]; "1035 linear_47_scale_0" -> "1039 dequantize_per_channel_default_32" [label="(384,)", style=solid]; -"1036 linear_47_zero_point_0" -> "1038 quantize_per_channel_default_32" [label="(384,)", style=solid]; -"1036 linear_47_zero_point_0" -> "1039 dequantize_per_channel_default_32" [label="(384,)", style=solid]; +"1036 linear_47_zero_point_0" -> "1038 quantize_per_channel_default_32" [label="(384,)", style=dashed]; +"1036 linear_47_zero_point_0" -> "1039 dequantize_per_channel_default_32" [label="(384,)", style=dashed]; "1037 compressed_weight_updated_constant32" -> "1038 quantize_per_channel_default_32" [label="(384, 384)", style=solid]; "1038 quantize_per_channel_default_32" -> "1039 dequantize_per_channel_default_32" [label="(384, 384)", style=solid]; "1039 dequantize_per_channel_default_32" -> "1040 linear_47" [label="(384, 384)", style=solid]; @@ -4285,8 +4285,8 @@ strict digraph { "1055 dequantize_per_tensor_default_49" -> "1061 linear_48" [label="(1, -1, -1, 384)", style=solid]; "1056 linear_48_scale_0" -> "1059 quantize_per_channel_default_33" [label="(1536,)", style=solid]; "1056 linear_48_scale_0" -> "1060 dequantize_per_channel_default_33" [label="(1536,)", style=solid]; -"1057 linear_48_zero_point_0" -> "1059 quantize_per_channel_default_33" [label="(1536,)", style=solid]; -"1057 linear_48_zero_point_0" -> "1060 dequantize_per_channel_default_33" [label="(1536,)", style=solid]; +"1057 linear_48_zero_point_0" -> "1059 quantize_per_channel_default_33" [label="(1536,)", style=dashed]; +"1057 linear_48_zero_point_0" -> "1060 dequantize_per_channel_default_33" [label="(1536,)", style=dashed]; "1058 compressed_weight_updated_constant33" -> "1059 quantize_per_channel_default_33" [label="(1536, 384)", style=solid]; "1059 quantize_per_channel_default_33" -> "1060 dequantize_per_channel_default_33" [label="(1536, 384)", style=solid]; "1060 dequantize_per_channel_default_33" -> "1061 linear_48" [label="(1536, 384)", style=solid]; @@ -4298,8 +4298,8 @@ strict digraph { "1066 dequantize_per_tensor_default_50" -> "1072 linear_49" [label="(1, -1, -1, 1536)", style=solid]; "1067 linear_49_scale_0" -> "1070 quantize_per_channel_default_34" [label="(384,)", style=solid]; "1067 linear_49_scale_0" -> "1071 dequantize_per_channel_default_34" [label="(384,)", style=solid]; -"1068 linear_49_zero_point_0" -> "1070 quantize_per_channel_default_34" [label="(384,)", style=solid]; -"1068 linear_49_zero_point_0" -> "1071 dequantize_per_channel_default_34" [label="(384,)", style=solid]; +"1068 linear_49_zero_point_0" -> "1070 quantize_per_channel_default_34" [label="(384,)", style=dashed]; +"1068 linear_49_zero_point_0" -> "1071 dequantize_per_channel_default_34" [label="(384,)", style=dashed]; "1069 compressed_weight_updated_constant34" -> "1070 quantize_per_channel_default_34" [label="(384, 1536)", style=solid]; "1070 quantize_per_channel_default_34" -> "1071 dequantize_per_channel_default_34" [label="(384, 1536)", style=solid]; "1071 dequantize_per_channel_default_34" -> "1072 linear_49" [label="(384, 1536)", style=solid]; @@ -4319,8 +4319,8 @@ strict digraph { "1084 dequantize_per_tensor_default_51" -> "1090 linear_52" [label="(-1, -1, 384)", style=solid]; "1085 linear_52_scale_0" -> "1088 quantize_per_channel_default_35" [label="(1152,)", style=solid]; "1085 linear_52_scale_0" -> "1089 dequantize_per_channel_default_35" [label="(1152,)", style=solid]; -"1086 linear_52_zero_point_0" -> "1088 quantize_per_channel_default_35" [label="(1152,)", style=solid]; -"1086 linear_52_zero_point_0" -> "1089 dequantize_per_channel_default_35" [label="(1152,)", style=solid]; +"1086 linear_52_zero_point_0" -> "1088 quantize_per_channel_default_35" [label="(1152,)", style=dashed]; +"1086 linear_52_zero_point_0" -> "1089 dequantize_per_channel_default_35" [label="(1152,)", style=dashed]; "1087 compressed_weight_updated_constant35" -> "1088 quantize_per_channel_default_35" [label="(1152, 384)", style=solid]; "1088 quantize_per_channel_default_35" -> "1089 dequantize_per_channel_default_35" [label="(1152, 384)", style=solid]; "1089 dequantize_per_channel_default_35" -> "1090 linear_52" [label="(1152, 384)", style=solid]; @@ -4363,8 +4363,8 @@ strict digraph { "1120 dequantize_per_tensor_default_54" -> "1126 linear_53" [label="(-1, -1, 384)", style=solid]; "1121 linear_53_scale_0" -> "1124 quantize_per_channel_default_36" [label="(384,)", style=solid]; "1121 linear_53_scale_0" -> "1125 dequantize_per_channel_default_36" [label="(384,)", style=solid]; -"1122 linear_53_zero_point_0" -> "1124 quantize_per_channel_default_36" [label="(384,)", style=solid]; -"1122 linear_53_zero_point_0" -> "1125 dequantize_per_channel_default_36" [label="(384,)", style=solid]; +"1122 linear_53_zero_point_0" -> "1124 quantize_per_channel_default_36" [label="(384,)", style=dashed]; +"1122 linear_53_zero_point_0" -> "1125 dequantize_per_channel_default_36" [label="(384,)", style=dashed]; "1123 compressed_weight_updated_constant36" -> "1124 quantize_per_channel_default_36" [label="(384, 384)", style=solid]; "1124 quantize_per_channel_default_36" -> "1125 dequantize_per_channel_default_36" [label="(384, 384)", style=solid]; "1125 dequantize_per_channel_default_36" -> "1126 linear_53" [label="(384, 384)", style=solid]; @@ -4386,8 +4386,8 @@ strict digraph { "1140 dequantize_per_tensor_default_55" -> "1146 linear_54" [label="(1, -1, -1, 384)", style=solid]; "1141 linear_54_scale_0" -> "1144 quantize_per_channel_default_37" [label="(1536,)", style=solid]; "1141 linear_54_scale_0" -> "1145 dequantize_per_channel_default_37" [label="(1536,)", style=solid]; -"1142 linear_54_zero_point_0" -> "1144 quantize_per_channel_default_37" [label="(1536,)", style=solid]; -"1142 linear_54_zero_point_0" -> "1145 dequantize_per_channel_default_37" [label="(1536,)", style=solid]; +"1142 linear_54_zero_point_0" -> "1144 quantize_per_channel_default_37" [label="(1536,)", style=dashed]; +"1142 linear_54_zero_point_0" -> "1145 dequantize_per_channel_default_37" [label="(1536,)", style=dashed]; "1143 compressed_weight_updated_constant37" -> "1144 quantize_per_channel_default_37" [label="(1536, 384)", style=solid]; "1144 quantize_per_channel_default_37" -> "1145 dequantize_per_channel_default_37" [label="(1536, 384)", style=solid]; "1145 dequantize_per_channel_default_37" -> "1146 linear_54" [label="(1536, 384)", style=solid]; @@ -4399,8 +4399,8 @@ strict digraph { "1151 dequantize_per_tensor_default_56" -> "1157 linear_55" [label="(1, -1, -1, 1536)", style=solid]; "1152 linear_55_scale_0" -> "1155 quantize_per_channel_default_38" [label="(384,)", style=solid]; "1152 linear_55_scale_0" -> "1156 dequantize_per_channel_default_38" [label="(384,)", style=solid]; -"1153 linear_55_zero_point_0" -> "1155 quantize_per_channel_default_38" [label="(384,)", style=solid]; -"1153 linear_55_zero_point_0" -> "1156 dequantize_per_channel_default_38" [label="(384,)", style=solid]; +"1153 linear_55_zero_point_0" -> "1155 quantize_per_channel_default_38" [label="(384,)", style=dashed]; +"1153 linear_55_zero_point_0" -> "1156 dequantize_per_channel_default_38" [label="(384,)", style=dashed]; "1154 compressed_weight_updated_constant38" -> "1155 quantize_per_channel_default_38" [label="(384, 1536)", style=solid]; "1155 quantize_per_channel_default_38" -> "1156 dequantize_per_channel_default_38" [label="(384, 1536)", style=solid]; "1156 dequantize_per_channel_default_38" -> "1157 linear_55" [label="(384, 1536)", style=solid]; @@ -4422,8 +4422,8 @@ strict digraph { "1170 dequantize_per_tensor_default_57" -> "1176 linear_58" [label="(-1, -1, 384)", style=solid]; "1171 linear_58_scale_0" -> "1174 quantize_per_channel_default_39" [label="(1152,)", style=solid]; "1171 linear_58_scale_0" -> "1175 dequantize_per_channel_default_39" [label="(1152,)", style=solid]; -"1172 linear_58_zero_point_0" -> "1174 quantize_per_channel_default_39" [label="(1152,)", style=solid]; -"1172 linear_58_zero_point_0" -> "1175 dequantize_per_channel_default_39" [label="(1152,)", style=solid]; +"1172 linear_58_zero_point_0" -> "1174 quantize_per_channel_default_39" [label="(1152,)", style=dashed]; +"1172 linear_58_zero_point_0" -> "1175 dequantize_per_channel_default_39" [label="(1152,)", style=dashed]; "1173 compressed_weight_updated_constant39" -> "1174 quantize_per_channel_default_39" [label="(1152, 384)", style=solid]; "1174 quantize_per_channel_default_39" -> "1175 dequantize_per_channel_default_39" [label="(1152, 384)", style=solid]; "1175 dequantize_per_channel_default_39" -> "1176 linear_58" [label="(1152, 384)", style=solid]; @@ -4485,8 +4485,8 @@ strict digraph { "1222 dequantize_per_tensor_default_60" -> "1228 linear_59" [label="(-1, -1, 384)", style=solid]; "1223 linear_59_scale_0" -> "1226 quantize_per_channel_default_40" [label="(384,)", style=solid]; "1223 linear_59_scale_0" -> "1227 dequantize_per_channel_default_40" [label="(384,)", style=solid]; -"1224 linear_59_zero_point_0" -> "1226 quantize_per_channel_default_40" [label="(384,)", style=solid]; -"1224 linear_59_zero_point_0" -> "1227 dequantize_per_channel_default_40" [label="(384,)", style=solid]; +"1224 linear_59_zero_point_0" -> "1226 quantize_per_channel_default_40" [label="(384,)", style=dashed]; +"1224 linear_59_zero_point_0" -> "1227 dequantize_per_channel_default_40" [label="(384,)", style=dashed]; "1225 compressed_weight_updated_constant40" -> "1226 quantize_per_channel_default_40" [label="(384, 384)", style=solid]; "1226 quantize_per_channel_default_40" -> "1227 dequantize_per_channel_default_40" [label="(384, 384)", style=solid]; "1227 dequantize_per_channel_default_40" -> "1228 linear_59" [label="(384, 384)", style=solid]; @@ -4509,8 +4509,8 @@ strict digraph { "1243 dequantize_per_tensor_default_61" -> "1249 linear_60" [label="(1, -1, -1, 384)", style=solid]; "1244 linear_60_scale_0" -> "1247 quantize_per_channel_default_41" [label="(1536,)", style=solid]; "1244 linear_60_scale_0" -> "1248 dequantize_per_channel_default_41" [label="(1536,)", style=solid]; -"1245 linear_60_zero_point_0" -> "1247 quantize_per_channel_default_41" [label="(1536,)", style=solid]; -"1245 linear_60_zero_point_0" -> "1248 dequantize_per_channel_default_41" [label="(1536,)", style=solid]; +"1245 linear_60_zero_point_0" -> "1247 quantize_per_channel_default_41" [label="(1536,)", style=dashed]; +"1245 linear_60_zero_point_0" -> "1248 dequantize_per_channel_default_41" [label="(1536,)", style=dashed]; "1246 compressed_weight_updated_constant41" -> "1247 quantize_per_channel_default_41" [label="(1536, 384)", style=solid]; "1247 quantize_per_channel_default_41" -> "1248 dequantize_per_channel_default_41" [label="(1536, 384)", style=solid]; "1248 dequantize_per_channel_default_41" -> "1249 linear_60" [label="(1536, 384)", style=solid]; @@ -4522,8 +4522,8 @@ strict digraph { "1254 dequantize_per_tensor_default_62" -> "1260 linear_61" [label="(1, -1, -1, 1536)", style=solid]; "1255 linear_61_scale_0" -> "1258 quantize_per_channel_default_42" [label="(384,)", style=solid]; "1255 linear_61_scale_0" -> "1259 dequantize_per_channel_default_42" [label="(384,)", style=solid]; -"1256 linear_61_zero_point_0" -> "1258 quantize_per_channel_default_42" [label="(384,)", style=solid]; -"1256 linear_61_zero_point_0" -> "1259 dequantize_per_channel_default_42" [label="(384,)", style=solid]; +"1256 linear_61_zero_point_0" -> "1258 quantize_per_channel_default_42" [label="(384,)", style=dashed]; +"1256 linear_61_zero_point_0" -> "1259 dequantize_per_channel_default_42" [label="(384,)", style=dashed]; "1257 compressed_weight_updated_constant42" -> "1258 quantize_per_channel_default_42" [label="(384, 1536)", style=solid]; "1258 quantize_per_channel_default_42" -> "1259 dequantize_per_channel_default_42" [label="(384, 1536)", style=solid]; "1259 dequantize_per_channel_default_42" -> "1260 linear_61" [label="(384, 1536)", style=solid]; @@ -4543,8 +4543,8 @@ strict digraph { "1272 dequantize_per_tensor_default_63" -> "1278 linear_64" [label="(-1, -1, 384)", style=solid]; "1273 linear_64_scale_0" -> "1276 quantize_per_channel_default_43" [label="(1152,)", style=solid]; "1273 linear_64_scale_0" -> "1277 dequantize_per_channel_default_43" [label="(1152,)", style=solid]; -"1274 linear_64_zero_point_0" -> "1276 quantize_per_channel_default_43" [label="(1152,)", style=solid]; -"1274 linear_64_zero_point_0" -> "1277 dequantize_per_channel_default_43" [label="(1152,)", style=solid]; +"1274 linear_64_zero_point_0" -> "1276 quantize_per_channel_default_43" [label="(1152,)", style=dashed]; +"1274 linear_64_zero_point_0" -> "1277 dequantize_per_channel_default_43" [label="(1152,)", style=dashed]; "1275 compressed_weight_updated_constant43" -> "1276 quantize_per_channel_default_43" [label="(1152, 384)", style=solid]; "1276 quantize_per_channel_default_43" -> "1277 dequantize_per_channel_default_43" [label="(1152, 384)", style=solid]; "1277 dequantize_per_channel_default_43" -> "1278 linear_64" [label="(1152, 384)", style=solid]; @@ -4587,8 +4587,8 @@ strict digraph { "1308 dequantize_per_tensor_default_66" -> "1314 linear_65" [label="(-1, -1, 384)", style=solid]; "1309 linear_65_scale_0" -> "1312 quantize_per_channel_default_44" [label="(384,)", style=solid]; "1309 linear_65_scale_0" -> "1313 dequantize_per_channel_default_44" [label="(384,)", style=solid]; -"1310 linear_65_zero_point_0" -> "1312 quantize_per_channel_default_44" [label="(384,)", style=solid]; -"1310 linear_65_zero_point_0" -> "1313 dequantize_per_channel_default_44" [label="(384,)", style=solid]; +"1310 linear_65_zero_point_0" -> "1312 quantize_per_channel_default_44" [label="(384,)", style=dashed]; +"1310 linear_65_zero_point_0" -> "1313 dequantize_per_channel_default_44" [label="(384,)", style=dashed]; "1311 compressed_weight_updated_constant44" -> "1312 quantize_per_channel_default_44" [label="(384, 384)", style=solid]; "1312 quantize_per_channel_default_44" -> "1313 dequantize_per_channel_default_44" [label="(384, 384)", style=solid]; "1313 dequantize_per_channel_default_44" -> "1314 linear_65" [label="(384, 384)", style=solid]; @@ -4610,8 +4610,8 @@ strict digraph { "1328 dequantize_per_tensor_default_67" -> "1334 linear_66" [label="(1, -1, -1, 384)", style=solid]; "1329 linear_66_scale_0" -> "1332 quantize_per_channel_default_45" [label="(1536,)", style=solid]; "1329 linear_66_scale_0" -> "1333 dequantize_per_channel_default_45" [label="(1536,)", style=solid]; -"1330 linear_66_zero_point_0" -> "1332 quantize_per_channel_default_45" [label="(1536,)", style=solid]; -"1330 linear_66_zero_point_0" -> "1333 dequantize_per_channel_default_45" [label="(1536,)", style=solid]; +"1330 linear_66_zero_point_0" -> "1332 quantize_per_channel_default_45" [label="(1536,)", style=dashed]; +"1330 linear_66_zero_point_0" -> "1333 dequantize_per_channel_default_45" [label="(1536,)", style=dashed]; "1331 compressed_weight_updated_constant45" -> "1332 quantize_per_channel_default_45" [label="(1536, 384)", style=solid]; "1332 quantize_per_channel_default_45" -> "1333 dequantize_per_channel_default_45" [label="(1536, 384)", style=solid]; "1333 dequantize_per_channel_default_45" -> "1334 linear_66" [label="(1536, 384)", style=solid]; @@ -4623,8 +4623,8 @@ strict digraph { "1339 dequantize_per_tensor_default_68" -> "1345 linear_67" [label="(1, -1, -1, 1536)", style=solid]; "1340 linear_67_scale_0" -> "1343 quantize_per_channel_default_46" [label="(384,)", style=solid]; "1340 linear_67_scale_0" -> "1344 dequantize_per_channel_default_46" [label="(384,)", style=solid]; -"1341 linear_67_zero_point_0" -> "1343 quantize_per_channel_default_46" [label="(384,)", style=solid]; -"1341 linear_67_zero_point_0" -> "1344 dequantize_per_channel_default_46" [label="(384,)", style=solid]; +"1341 linear_67_zero_point_0" -> "1343 quantize_per_channel_default_46" [label="(384,)", style=dashed]; +"1341 linear_67_zero_point_0" -> "1344 dequantize_per_channel_default_46" [label="(384,)", style=dashed]; "1342 compressed_weight_updated_constant46" -> "1343 quantize_per_channel_default_46" [label="(384, 1536)", style=solid]; "1343 quantize_per_channel_default_46" -> "1344 dequantize_per_channel_default_46" [label="(384, 1536)", style=solid]; "1344 dequantize_per_channel_default_46" -> "1345 linear_67" [label="(384, 1536)", style=solid]; @@ -4646,8 +4646,8 @@ strict digraph { "1358 dequantize_per_tensor_default_69" -> "1364 linear_70" [label="(-1, -1, 384)", style=solid]; "1359 linear_70_scale_0" -> "1362 quantize_per_channel_default_47" [label="(1152,)", style=solid]; "1359 linear_70_scale_0" -> "1363 dequantize_per_channel_default_47" [label="(1152,)", style=solid]; -"1360 linear_70_zero_point_0" -> "1362 quantize_per_channel_default_47" [label="(1152,)", style=solid]; -"1360 linear_70_zero_point_0" -> "1363 dequantize_per_channel_default_47" [label="(1152,)", style=solid]; +"1360 linear_70_zero_point_0" -> "1362 quantize_per_channel_default_47" [label="(1152,)", style=dashed]; +"1360 linear_70_zero_point_0" -> "1363 dequantize_per_channel_default_47" [label="(1152,)", style=dashed]; "1361 compressed_weight_updated_constant47" -> "1362 quantize_per_channel_default_47" [label="(1152, 384)", style=solid]; "1362 quantize_per_channel_default_47" -> "1363 dequantize_per_channel_default_47" [label="(1152, 384)", style=solid]; "1363 dequantize_per_channel_default_47" -> "1364 linear_70" [label="(1152, 384)", style=solid]; @@ -4709,8 +4709,8 @@ strict digraph { "1410 dequantize_per_tensor_default_72" -> "1416 linear_71" [label="(-1, -1, 384)", style=solid]; "1411 linear_71_scale_0" -> "1414 quantize_per_channel_default_48" [label="(384,)", style=solid]; "1411 linear_71_scale_0" -> "1415 dequantize_per_channel_default_48" [label="(384,)", style=solid]; -"1412 linear_71_zero_point_0" -> "1414 quantize_per_channel_default_48" [label="(384,)", style=solid]; -"1412 linear_71_zero_point_0" -> "1415 dequantize_per_channel_default_48" [label="(384,)", style=solid]; +"1412 linear_71_zero_point_0" -> "1414 quantize_per_channel_default_48" [label="(384,)", style=dashed]; +"1412 linear_71_zero_point_0" -> "1415 dequantize_per_channel_default_48" [label="(384,)", style=dashed]; "1413 compressed_weight_updated_constant48" -> "1414 quantize_per_channel_default_48" [label="(384, 384)", style=solid]; "1414 quantize_per_channel_default_48" -> "1415 dequantize_per_channel_default_48" [label="(384, 384)", style=solid]; "1415 dequantize_per_channel_default_48" -> "1416 linear_71" [label="(384, 384)", style=solid]; @@ -4733,8 +4733,8 @@ strict digraph { "1431 dequantize_per_tensor_default_73" -> "1437 linear_72" [label="(1, -1, -1, 384)", style=solid]; "1432 linear_72_scale_0" -> "1435 quantize_per_channel_default_49" [label="(1536,)", style=solid]; "1432 linear_72_scale_0" -> "1436 dequantize_per_channel_default_49" [label="(1536,)", style=solid]; -"1433 linear_72_zero_point_0" -> "1435 quantize_per_channel_default_49" [label="(1536,)", style=solid]; -"1433 linear_72_zero_point_0" -> "1436 dequantize_per_channel_default_49" [label="(1536,)", style=solid]; +"1433 linear_72_zero_point_0" -> "1435 quantize_per_channel_default_49" [label="(1536,)", style=dashed]; +"1433 linear_72_zero_point_0" -> "1436 dequantize_per_channel_default_49" [label="(1536,)", style=dashed]; "1434 compressed_weight_updated_constant49" -> "1435 quantize_per_channel_default_49" [label="(1536, 384)", style=solid]; "1435 quantize_per_channel_default_49" -> "1436 dequantize_per_channel_default_49" [label="(1536, 384)", style=solid]; "1436 dequantize_per_channel_default_49" -> "1437 linear_72" [label="(1536, 384)", style=solid]; @@ -4746,8 +4746,8 @@ strict digraph { "1442 dequantize_per_tensor_default_74" -> "1448 linear_73" [label="(1, -1, -1, 1536)", style=solid]; "1443 linear_73_scale_0" -> "1446 quantize_per_channel_default_50" [label="(384,)", style=solid]; "1443 linear_73_scale_0" -> "1447 dequantize_per_channel_default_50" [label="(384,)", style=solid]; -"1444 linear_73_zero_point_0" -> "1446 quantize_per_channel_default_50" [label="(384,)", style=solid]; -"1444 linear_73_zero_point_0" -> "1447 dequantize_per_channel_default_50" [label="(384,)", style=solid]; +"1444 linear_73_zero_point_0" -> "1446 quantize_per_channel_default_50" [label="(384,)", style=dashed]; +"1444 linear_73_zero_point_0" -> "1447 dequantize_per_channel_default_50" [label="(384,)", style=dashed]; "1445 compressed_weight_updated_constant50" -> "1446 quantize_per_channel_default_50" [label="(384, 1536)", style=solid]; "1446 quantize_per_channel_default_50" -> "1447 dequantize_per_channel_default_50" [label="(384, 1536)", style=solid]; "1447 dequantize_per_channel_default_50" -> "1448 linear_73" [label="(384, 1536)", style=solid]; @@ -4767,8 +4767,8 @@ strict digraph { "1460 dequantize_per_tensor_default_75" -> "1466 linear_76" [label="(-1, -1, 384)", style=solid]; "1461 linear_76_scale_0" -> "1464 quantize_per_channel_default_51" [label="(1152,)", style=solid]; "1461 linear_76_scale_0" -> "1465 dequantize_per_channel_default_51" [label="(1152,)", style=solid]; -"1462 linear_76_zero_point_0" -> "1464 quantize_per_channel_default_51" [label="(1152,)", style=solid]; -"1462 linear_76_zero_point_0" -> "1465 dequantize_per_channel_default_51" [label="(1152,)", style=solid]; +"1462 linear_76_zero_point_0" -> "1464 quantize_per_channel_default_51" [label="(1152,)", style=dashed]; +"1462 linear_76_zero_point_0" -> "1465 dequantize_per_channel_default_51" [label="(1152,)", style=dashed]; "1463 compressed_weight_updated_constant51" -> "1464 quantize_per_channel_default_51" [label="(1152, 384)", style=solid]; "1464 quantize_per_channel_default_51" -> "1465 dequantize_per_channel_default_51" [label="(1152, 384)", style=solid]; "1465 dequantize_per_channel_default_51" -> "1466 linear_76" [label="(1152, 384)", style=solid]; @@ -4811,8 +4811,8 @@ strict digraph { "1496 dequantize_per_tensor_default_78" -> "1502 linear_77" [label="(-1, -1, 384)", style=solid]; "1497 linear_77_scale_0" -> "1500 quantize_per_channel_default_52" [label="(384,)", style=solid]; "1497 linear_77_scale_0" -> "1501 dequantize_per_channel_default_52" [label="(384,)", style=solid]; -"1498 linear_77_zero_point_0" -> "1500 quantize_per_channel_default_52" [label="(384,)", style=solid]; -"1498 linear_77_zero_point_0" -> "1501 dequantize_per_channel_default_52" [label="(384,)", style=solid]; +"1498 linear_77_zero_point_0" -> "1500 quantize_per_channel_default_52" [label="(384,)", style=dashed]; +"1498 linear_77_zero_point_0" -> "1501 dequantize_per_channel_default_52" [label="(384,)", style=dashed]; "1499 compressed_weight_updated_constant52" -> "1500 quantize_per_channel_default_52" [label="(384, 384)", style=solid]; "1500 quantize_per_channel_default_52" -> "1501 dequantize_per_channel_default_52" [label="(384, 384)", style=solid]; "1501 dequantize_per_channel_default_52" -> "1502 linear_77" [label="(384, 384)", style=solid]; @@ -4834,8 +4834,8 @@ strict digraph { "1516 dequantize_per_tensor_default_79" -> "1522 linear_78" [label="(1, -1, -1, 384)", style=solid]; "1517 linear_78_scale_0" -> "1520 quantize_per_channel_default_53" [label="(1536,)", style=solid]; "1517 linear_78_scale_0" -> "1521 dequantize_per_channel_default_53" [label="(1536,)", style=solid]; -"1518 linear_78_zero_point_0" -> "1520 quantize_per_channel_default_53" [label="(1536,)", style=solid]; -"1518 linear_78_zero_point_0" -> "1521 dequantize_per_channel_default_53" [label="(1536,)", style=solid]; +"1518 linear_78_zero_point_0" -> "1520 quantize_per_channel_default_53" [label="(1536,)", style=dashed]; +"1518 linear_78_zero_point_0" -> "1521 dequantize_per_channel_default_53" [label="(1536,)", style=dashed]; "1519 compressed_weight_updated_constant53" -> "1520 quantize_per_channel_default_53" [label="(1536, 384)", style=solid]; "1520 quantize_per_channel_default_53" -> "1521 dequantize_per_channel_default_53" [label="(1536, 384)", style=solid]; "1521 dequantize_per_channel_default_53" -> "1522 linear_78" [label="(1536, 384)", style=solid]; @@ -4847,8 +4847,8 @@ strict digraph { "1527 dequantize_per_tensor_default_80" -> "1533 linear_79" [label="(1, -1, -1, 1536)", style=solid]; "1528 linear_79_scale_0" -> "1531 quantize_per_channel_default_54" [label="(384,)", style=solid]; "1528 linear_79_scale_0" -> "1532 dequantize_per_channel_default_54" [label="(384,)", style=solid]; -"1529 linear_79_zero_point_0" -> "1531 quantize_per_channel_default_54" [label="(384,)", style=solid]; -"1529 linear_79_zero_point_0" -> "1532 dequantize_per_channel_default_54" [label="(384,)", style=solid]; +"1529 linear_79_zero_point_0" -> "1531 quantize_per_channel_default_54" [label="(384,)", style=dashed]; +"1529 linear_79_zero_point_0" -> "1532 dequantize_per_channel_default_54" [label="(384,)", style=dashed]; "1530 compressed_weight_updated_constant54" -> "1531 quantize_per_channel_default_54" [label="(384, 1536)", style=solid]; "1531 quantize_per_channel_default_54" -> "1532 dequantize_per_channel_default_54" [label="(384, 1536)", style=solid]; "1532 dequantize_per_channel_default_54" -> "1533 linear_79" [label="(384, 1536)", style=solid]; @@ -4870,8 +4870,8 @@ strict digraph { "1546 dequantize_per_tensor_default_81" -> "1552 linear_82" [label="(-1, -1, 384)", style=solid]; "1547 linear_82_scale_0" -> "1550 quantize_per_channel_default_55" [label="(1152,)", style=solid]; "1547 linear_82_scale_0" -> "1551 dequantize_per_channel_default_55" [label="(1152,)", style=solid]; -"1548 linear_82_zero_point_0" -> "1550 quantize_per_channel_default_55" [label="(1152,)", style=solid]; -"1548 linear_82_zero_point_0" -> "1551 dequantize_per_channel_default_55" [label="(1152,)", style=solid]; +"1548 linear_82_zero_point_0" -> "1550 quantize_per_channel_default_55" [label="(1152,)", style=dashed]; +"1548 linear_82_zero_point_0" -> "1551 dequantize_per_channel_default_55" [label="(1152,)", style=dashed]; "1549 compressed_weight_updated_constant55" -> "1550 quantize_per_channel_default_55" [label="(1152, 384)", style=solid]; "1550 quantize_per_channel_default_55" -> "1551 dequantize_per_channel_default_55" [label="(1152, 384)", style=solid]; "1551 dequantize_per_channel_default_55" -> "1552 linear_82" [label="(1152, 384)", style=solid]; @@ -4933,8 +4933,8 @@ strict digraph { "1598 dequantize_per_tensor_default_84" -> "1604 linear_83" [label="(-1, -1, 384)", style=solid]; "1599 linear_83_scale_0" -> "1602 quantize_per_channel_default_56" [label="(384,)", style=solid]; "1599 linear_83_scale_0" -> "1603 dequantize_per_channel_default_56" [label="(384,)", style=solid]; -"1600 linear_83_zero_point_0" -> "1602 quantize_per_channel_default_56" [label="(384,)", style=solid]; -"1600 linear_83_zero_point_0" -> "1603 dequantize_per_channel_default_56" [label="(384,)", style=solid]; +"1600 linear_83_zero_point_0" -> "1602 quantize_per_channel_default_56" [label="(384,)", style=dashed]; +"1600 linear_83_zero_point_0" -> "1603 dequantize_per_channel_default_56" [label="(384,)", style=dashed]; "1601 compressed_weight_updated_constant56" -> "1602 quantize_per_channel_default_56" [label="(384, 384)", style=solid]; "1602 quantize_per_channel_default_56" -> "1603 dequantize_per_channel_default_56" [label="(384, 384)", style=solid]; "1603 dequantize_per_channel_default_56" -> "1604 linear_83" [label="(384, 384)", style=solid]; @@ -4957,8 +4957,8 @@ strict digraph { "1619 dequantize_per_tensor_default_85" -> "1625 linear_84" [label="(1, -1, -1, 384)", style=solid]; "1620 linear_84_scale_0" -> "1623 quantize_per_channel_default_57" [label="(1536,)", style=solid]; "1620 linear_84_scale_0" -> "1624 dequantize_per_channel_default_57" [label="(1536,)", style=solid]; -"1621 linear_84_zero_point_0" -> "1623 quantize_per_channel_default_57" [label="(1536,)", style=solid]; -"1621 linear_84_zero_point_0" -> "1624 dequantize_per_channel_default_57" [label="(1536,)", style=solid]; +"1621 linear_84_zero_point_0" -> "1623 quantize_per_channel_default_57" [label="(1536,)", style=dashed]; +"1621 linear_84_zero_point_0" -> "1624 dequantize_per_channel_default_57" [label="(1536,)", style=dashed]; "1622 compressed_weight_updated_constant57" -> "1623 quantize_per_channel_default_57" [label="(1536, 384)", style=solid]; "1623 quantize_per_channel_default_57" -> "1624 dequantize_per_channel_default_57" [label="(1536, 384)", style=solid]; "1624 dequantize_per_channel_default_57" -> "1625 linear_84" [label="(1536, 384)", style=solid]; @@ -4970,8 +4970,8 @@ strict digraph { "1630 dequantize_per_tensor_default_86" -> "1636 linear_85" [label="(1, -1, -1, 1536)", style=solid]; "1631 linear_85_scale_0" -> "1634 quantize_per_channel_default_58" [label="(384,)", style=solid]; "1631 linear_85_scale_0" -> "1635 dequantize_per_channel_default_58" [label="(384,)", style=solid]; -"1632 linear_85_zero_point_0" -> "1634 quantize_per_channel_default_58" [label="(384,)", style=solid]; -"1632 linear_85_zero_point_0" -> "1635 dequantize_per_channel_default_58" [label="(384,)", style=solid]; +"1632 linear_85_zero_point_0" -> "1634 quantize_per_channel_default_58" [label="(384,)", style=dashed]; +"1632 linear_85_zero_point_0" -> "1635 dequantize_per_channel_default_58" [label="(384,)", style=dashed]; "1633 compressed_weight_updated_constant58" -> "1634 quantize_per_channel_default_58" [label="(384, 1536)", style=solid]; "1634 quantize_per_channel_default_58" -> "1635 dequantize_per_channel_default_58" [label="(384, 1536)", style=solid]; "1635 dequantize_per_channel_default_58" -> "1636 linear_85" [label="(384, 1536)", style=solid]; @@ -4991,8 +4991,8 @@ strict digraph { "1648 dequantize_per_tensor_default_87" -> "1654 linear_88" [label="(-1, -1, 384)", style=solid]; "1649 linear_88_scale_0" -> "1652 quantize_per_channel_default_59" [label="(1152,)", style=solid]; "1649 linear_88_scale_0" -> "1653 dequantize_per_channel_default_59" [label="(1152,)", style=solid]; -"1650 linear_88_zero_point_0" -> "1652 quantize_per_channel_default_59" [label="(1152,)", style=solid]; -"1650 linear_88_zero_point_0" -> "1653 dequantize_per_channel_default_59" [label="(1152,)", style=solid]; +"1650 linear_88_zero_point_0" -> "1652 quantize_per_channel_default_59" [label="(1152,)", style=dashed]; +"1650 linear_88_zero_point_0" -> "1653 dequantize_per_channel_default_59" [label="(1152,)", style=dashed]; "1651 compressed_weight_updated_constant59" -> "1652 quantize_per_channel_default_59" [label="(1152, 384)", style=solid]; "1652 quantize_per_channel_default_59" -> "1653 dequantize_per_channel_default_59" [label="(1152, 384)", style=solid]; "1653 dequantize_per_channel_default_59" -> "1654 linear_88" [label="(1152, 384)", style=solid]; @@ -5035,8 +5035,8 @@ strict digraph { "1684 dequantize_per_tensor_default_90" -> "1690 linear_89" [label="(-1, -1, 384)", style=solid]; "1685 linear_89_scale_0" -> "1688 quantize_per_channel_default_60" [label="(384,)", style=solid]; "1685 linear_89_scale_0" -> "1689 dequantize_per_channel_default_60" [label="(384,)", style=solid]; -"1686 linear_89_zero_point_0" -> "1688 quantize_per_channel_default_60" [label="(384,)", style=solid]; -"1686 linear_89_zero_point_0" -> "1689 dequantize_per_channel_default_60" [label="(384,)", style=solid]; +"1686 linear_89_zero_point_0" -> "1688 quantize_per_channel_default_60" [label="(384,)", style=dashed]; +"1686 linear_89_zero_point_0" -> "1689 dequantize_per_channel_default_60" [label="(384,)", style=dashed]; "1687 compressed_weight_updated_constant60" -> "1688 quantize_per_channel_default_60" [label="(384, 384)", style=solid]; "1688 quantize_per_channel_default_60" -> "1689 dequantize_per_channel_default_60" [label="(384, 384)", style=solid]; "1689 dequantize_per_channel_default_60" -> "1690 linear_89" [label="(384, 384)", style=solid]; @@ -5058,8 +5058,8 @@ strict digraph { "1704 dequantize_per_tensor_default_91" -> "1710 linear_90" [label="(1, -1, -1, 384)", style=solid]; "1705 linear_90_scale_0" -> "1708 quantize_per_channel_default_61" [label="(1536,)", style=solid]; "1705 linear_90_scale_0" -> "1709 dequantize_per_channel_default_61" [label="(1536,)", style=solid]; -"1706 linear_90_zero_point_0" -> "1708 quantize_per_channel_default_61" [label="(1536,)", style=solid]; -"1706 linear_90_zero_point_0" -> "1709 dequantize_per_channel_default_61" [label="(1536,)", style=solid]; +"1706 linear_90_zero_point_0" -> "1708 quantize_per_channel_default_61" [label="(1536,)", style=dashed]; +"1706 linear_90_zero_point_0" -> "1709 dequantize_per_channel_default_61" [label="(1536,)", style=dashed]; "1707 compressed_weight_updated_constant61" -> "1708 quantize_per_channel_default_61" [label="(1536, 384)", style=solid]; "1708 quantize_per_channel_default_61" -> "1709 dequantize_per_channel_default_61" [label="(1536, 384)", style=solid]; "1709 dequantize_per_channel_default_61" -> "1710 linear_90" [label="(1536, 384)", style=solid]; @@ -5071,8 +5071,8 @@ strict digraph { "1715 dequantize_per_tensor_default_92" -> "1721 linear_91" [label="(1, -1, -1, 1536)", style=solid]; "1716 linear_91_scale_0" -> "1719 quantize_per_channel_default_62" [label="(384,)", style=solid]; "1716 linear_91_scale_0" -> "1720 dequantize_per_channel_default_62" [label="(384,)", style=solid]; -"1717 linear_91_zero_point_0" -> "1719 quantize_per_channel_default_62" [label="(384,)", style=solid]; -"1717 linear_91_zero_point_0" -> "1720 dequantize_per_channel_default_62" [label="(384,)", style=solid]; +"1717 linear_91_zero_point_0" -> "1719 quantize_per_channel_default_62" [label="(384,)", style=dashed]; +"1717 linear_91_zero_point_0" -> "1720 dequantize_per_channel_default_62" [label="(384,)", style=dashed]; "1718 compressed_weight_updated_constant62" -> "1719 quantize_per_channel_default_62" [label="(384, 1536)", style=solid]; "1719 quantize_per_channel_default_62" -> "1720 dequantize_per_channel_default_62" [label="(384, 1536)", style=solid]; "1720 dequantize_per_channel_default_62" -> "1721 linear_91" [label="(384, 1536)", style=solid]; @@ -5094,8 +5094,8 @@ strict digraph { "1734 dequantize_per_tensor_default_93" -> "1740 linear_94" [label="(-1, -1, 384)", style=solid]; "1735 linear_94_scale_0" -> "1738 quantize_per_channel_default_63" [label="(1152,)", style=solid]; "1735 linear_94_scale_0" -> "1739 dequantize_per_channel_default_63" [label="(1152,)", style=solid]; -"1736 linear_94_zero_point_0" -> "1738 quantize_per_channel_default_63" [label="(1152,)", style=solid]; -"1736 linear_94_zero_point_0" -> "1739 dequantize_per_channel_default_63" [label="(1152,)", style=solid]; +"1736 linear_94_zero_point_0" -> "1738 quantize_per_channel_default_63" [label="(1152,)", style=dashed]; +"1736 linear_94_zero_point_0" -> "1739 dequantize_per_channel_default_63" [label="(1152,)", style=dashed]; "1737 compressed_weight_updated_constant63" -> "1738 quantize_per_channel_default_63" [label="(1152, 384)", style=solid]; "1738 quantize_per_channel_default_63" -> "1739 dequantize_per_channel_default_63" [label="(1152, 384)", style=solid]; "1739 dequantize_per_channel_default_63" -> "1740 linear_94" [label="(1152, 384)", style=solid]; @@ -5157,8 +5157,8 @@ strict digraph { "1786 dequantize_per_tensor_default_96" -> "1792 linear_95" [label="(-1, -1, 384)", style=solid]; "1787 linear_95_scale_0" -> "1790 quantize_per_channel_default_64" [label="(384,)", style=solid]; "1787 linear_95_scale_0" -> "1791 dequantize_per_channel_default_64" [label="(384,)", style=solid]; -"1788 linear_95_zero_point_0" -> "1790 quantize_per_channel_default_64" [label="(384,)", style=solid]; -"1788 linear_95_zero_point_0" -> "1791 dequantize_per_channel_default_64" [label="(384,)", style=solid]; +"1788 linear_95_zero_point_0" -> "1790 quantize_per_channel_default_64" [label="(384,)", style=dashed]; +"1788 linear_95_zero_point_0" -> "1791 dequantize_per_channel_default_64" [label="(384,)", style=dashed]; "1789 compressed_weight_updated_constant64" -> "1790 quantize_per_channel_default_64" [label="(384, 384)", style=solid]; "1790 quantize_per_channel_default_64" -> "1791 dequantize_per_channel_default_64" [label="(384, 384)", style=solid]; "1791 dequantize_per_channel_default_64" -> "1792 linear_95" [label="(384, 384)", style=solid]; @@ -5181,8 +5181,8 @@ strict digraph { "1807 dequantize_per_tensor_default_97" -> "1813 linear_96" [label="(1, -1, -1, 384)", style=solid]; "1808 linear_96_scale_0" -> "1811 quantize_per_channel_default_65" [label="(1536,)", style=solid]; "1808 linear_96_scale_0" -> "1812 dequantize_per_channel_default_65" [label="(1536,)", style=solid]; -"1809 linear_96_zero_point_0" -> "1811 quantize_per_channel_default_65" [label="(1536,)", style=solid]; -"1809 linear_96_zero_point_0" -> "1812 dequantize_per_channel_default_65" [label="(1536,)", style=solid]; +"1809 linear_96_zero_point_0" -> "1811 quantize_per_channel_default_65" [label="(1536,)", style=dashed]; +"1809 linear_96_zero_point_0" -> "1812 dequantize_per_channel_default_65" [label="(1536,)", style=dashed]; "1810 compressed_weight_updated_constant65" -> "1811 quantize_per_channel_default_65" [label="(1536, 384)", style=solid]; "1811 quantize_per_channel_default_65" -> "1812 dequantize_per_channel_default_65" [label="(1536, 384)", style=solid]; "1812 dequantize_per_channel_default_65" -> "1813 linear_96" [label="(1536, 384)", style=solid]; @@ -5194,8 +5194,8 @@ strict digraph { "1818 dequantize_per_tensor_default_98" -> "1824 linear_97" [label="(1, -1, -1, 1536)", style=solid]; "1819 linear_97_scale_0" -> "1822 quantize_per_channel_default_66" [label="(384,)", style=solid]; "1819 linear_97_scale_0" -> "1823 dequantize_per_channel_default_66" [label="(384,)", style=solid]; -"1820 linear_97_zero_point_0" -> "1822 quantize_per_channel_default_66" [label="(384,)", style=solid]; -"1820 linear_97_zero_point_0" -> "1823 dequantize_per_channel_default_66" [label="(384,)", style=solid]; +"1820 linear_97_zero_point_0" -> "1822 quantize_per_channel_default_66" [label="(384,)", style=dashed]; +"1820 linear_97_zero_point_0" -> "1823 dequantize_per_channel_default_66" [label="(384,)", style=dashed]; "1821 compressed_weight_updated_constant66" -> "1822 quantize_per_channel_default_66" [label="(384, 1536)", style=solid]; "1822 quantize_per_channel_default_66" -> "1823 dequantize_per_channel_default_66" [label="(384, 1536)", style=solid]; "1823 dequantize_per_channel_default_66" -> "1824 linear_97" [label="(384, 1536)", style=solid]; @@ -5215,8 +5215,8 @@ strict digraph { "1836 dequantize_per_tensor_default_99" -> "1842 linear_100" [label="(-1, -1, 384)", style=solid]; "1837 linear_100_scale_0" -> "1840 quantize_per_channel_default_67" [label="(1152,)", style=solid]; "1837 linear_100_scale_0" -> "1841 dequantize_per_channel_default_67" [label="(1152,)", style=solid]; -"1838 linear_100_zero_point_0" -> "1840 quantize_per_channel_default_67" [label="(1152,)", style=solid]; -"1838 linear_100_zero_point_0" -> "1841 dequantize_per_channel_default_67" [label="(1152,)", style=solid]; +"1838 linear_100_zero_point_0" -> "1840 quantize_per_channel_default_67" [label="(1152,)", style=dashed]; +"1838 linear_100_zero_point_0" -> "1841 dequantize_per_channel_default_67" [label="(1152,)", style=dashed]; "1839 compressed_weight_updated_constant67" -> "1840 quantize_per_channel_default_67" [label="(1152, 384)", style=solid]; "1840 quantize_per_channel_default_67" -> "1841 dequantize_per_channel_default_67" [label="(1152, 384)", style=solid]; "1841 dequantize_per_channel_default_67" -> "1842 linear_100" [label="(1152, 384)", style=solid]; @@ -5259,8 +5259,8 @@ strict digraph { "1872 dequantize_per_tensor_default_102" -> "1878 linear_101" [label="(-1, -1, 384)", style=solid]; "1873 linear_101_scale_0" -> "1876 quantize_per_channel_default_68" [label="(384,)", style=solid]; "1873 linear_101_scale_0" -> "1877 dequantize_per_channel_default_68" [label="(384,)", style=solid]; -"1874 linear_101_zero_point_0" -> "1876 quantize_per_channel_default_68" [label="(384,)", style=solid]; -"1874 linear_101_zero_point_0" -> "1877 dequantize_per_channel_default_68" [label="(384,)", style=solid]; +"1874 linear_101_zero_point_0" -> "1876 quantize_per_channel_default_68" [label="(384,)", style=dashed]; +"1874 linear_101_zero_point_0" -> "1877 dequantize_per_channel_default_68" [label="(384,)", style=dashed]; "1875 compressed_weight_updated_constant68" -> "1876 quantize_per_channel_default_68" [label="(384, 384)", style=solid]; "1876 quantize_per_channel_default_68" -> "1877 dequantize_per_channel_default_68" [label="(384, 384)", style=solid]; "1877 dequantize_per_channel_default_68" -> "1878 linear_101" [label="(384, 384)", style=solid]; @@ -5282,8 +5282,8 @@ strict digraph { "1892 dequantize_per_tensor_default_103" -> "1898 linear_102" [label="(1, -1, -1, 384)", style=solid]; "1893 linear_102_scale_0" -> "1896 quantize_per_channel_default_69" [label="(1536,)", style=solid]; "1893 linear_102_scale_0" -> "1897 dequantize_per_channel_default_69" [label="(1536,)", style=solid]; -"1894 linear_102_zero_point_0" -> "1896 quantize_per_channel_default_69" [label="(1536,)", style=solid]; -"1894 linear_102_zero_point_0" -> "1897 dequantize_per_channel_default_69" [label="(1536,)", style=solid]; +"1894 linear_102_zero_point_0" -> "1896 quantize_per_channel_default_69" [label="(1536,)", style=dashed]; +"1894 linear_102_zero_point_0" -> "1897 dequantize_per_channel_default_69" [label="(1536,)", style=dashed]; "1895 compressed_weight_updated_constant69" -> "1896 quantize_per_channel_default_69" [label="(1536, 384)", style=solid]; "1896 quantize_per_channel_default_69" -> "1897 dequantize_per_channel_default_69" [label="(1536, 384)", style=solid]; "1897 dequantize_per_channel_default_69" -> "1898 linear_102" [label="(1536, 384)", style=solid]; @@ -5295,8 +5295,8 @@ strict digraph { "1903 dequantize_per_tensor_default_104" -> "1909 linear_103" [label="(1, -1, -1, 1536)", style=solid]; "1904 linear_103_scale_0" -> "1907 quantize_per_channel_default_70" [label="(384,)", style=solid]; "1904 linear_103_scale_0" -> "1908 dequantize_per_channel_default_70" [label="(384,)", style=solid]; -"1905 linear_103_zero_point_0" -> "1907 quantize_per_channel_default_70" [label="(384,)", style=solid]; -"1905 linear_103_zero_point_0" -> "1908 dequantize_per_channel_default_70" [label="(384,)", style=solid]; +"1905 linear_103_zero_point_0" -> "1907 quantize_per_channel_default_70" [label="(384,)", style=dashed]; +"1905 linear_103_zero_point_0" -> "1908 dequantize_per_channel_default_70" [label="(384,)", style=dashed]; "1906 compressed_weight_updated_constant70" -> "1907 quantize_per_channel_default_70" [label="(384, 1536)", style=solid]; "1907 quantize_per_channel_default_70" -> "1908 dequantize_per_channel_default_70" [label="(384, 1536)", style=solid]; "1908 dequantize_per_channel_default_70" -> "1909 linear_103" [label="(384, 1536)", style=solid]; @@ -5318,8 +5318,8 @@ strict digraph { "1922 dequantize_per_tensor_default_105" -> "1928 linear_106" [label="(-1, -1, 384)", style=solid]; "1923 linear_106_scale_0" -> "1926 quantize_per_channel_default_71" [label="(1152,)", style=solid]; "1923 linear_106_scale_0" -> "1927 dequantize_per_channel_default_71" [label="(1152,)", style=solid]; -"1924 linear_106_zero_point_0" -> "1926 quantize_per_channel_default_71" [label="(1152,)", style=solid]; -"1924 linear_106_zero_point_0" -> "1927 dequantize_per_channel_default_71" [label="(1152,)", style=solid]; +"1924 linear_106_zero_point_0" -> "1926 quantize_per_channel_default_71" [label="(1152,)", style=dashed]; +"1924 linear_106_zero_point_0" -> "1927 dequantize_per_channel_default_71" [label="(1152,)", style=dashed]; "1925 compressed_weight_updated_constant71" -> "1926 quantize_per_channel_default_71" [label="(1152, 384)", style=solid]; "1926 quantize_per_channel_default_71" -> "1927 dequantize_per_channel_default_71" [label="(1152, 384)", style=solid]; "1927 dequantize_per_channel_default_71" -> "1928 linear_106" [label="(1152, 384)", style=solid]; @@ -5381,8 +5381,8 @@ strict digraph { "1974 dequantize_per_tensor_default_108" -> "1980 linear_107" [label="(-1, -1, 384)", style=solid]; "1975 linear_107_scale_0" -> "1978 quantize_per_channel_default_72" [label="(384,)", style=solid]; "1975 linear_107_scale_0" -> "1979 dequantize_per_channel_default_72" [label="(384,)", style=solid]; -"1976 linear_107_zero_point_0" -> "1978 quantize_per_channel_default_72" [label="(384,)", style=solid]; -"1976 linear_107_zero_point_0" -> "1979 dequantize_per_channel_default_72" [label="(384,)", style=solid]; +"1976 linear_107_zero_point_0" -> "1978 quantize_per_channel_default_72" [label="(384,)", style=dashed]; +"1976 linear_107_zero_point_0" -> "1979 dequantize_per_channel_default_72" [label="(384,)", style=dashed]; "1977 compressed_weight_updated_constant72" -> "1978 quantize_per_channel_default_72" [label="(384, 384)", style=solid]; "1978 quantize_per_channel_default_72" -> "1979 dequantize_per_channel_default_72" [label="(384, 384)", style=solid]; "1979 dequantize_per_channel_default_72" -> "1980 linear_107" [label="(384, 384)", style=solid]; @@ -5405,8 +5405,8 @@ strict digraph { "1995 dequantize_per_tensor_default_109" -> "2001 linear_108" [label="(1, -1, -1, 384)", style=solid]; "1996 linear_108_scale_0" -> "1999 quantize_per_channel_default_73" [label="(1536,)", style=solid]; "1996 linear_108_scale_0" -> "2000 dequantize_per_channel_default_73" [label="(1536,)", style=solid]; -"1997 linear_108_zero_point_0" -> "1999 quantize_per_channel_default_73" [label="(1536,)", style=solid]; -"1997 linear_108_zero_point_0" -> "2000 dequantize_per_channel_default_73" [label="(1536,)", style=solid]; +"1997 linear_108_zero_point_0" -> "1999 quantize_per_channel_default_73" [label="(1536,)", style=dashed]; +"1997 linear_108_zero_point_0" -> "2000 dequantize_per_channel_default_73" [label="(1536,)", style=dashed]; "1998 compressed_weight_updated_constant73" -> "1999 quantize_per_channel_default_73" [label="(1536, 384)", style=solid]; "1999 quantize_per_channel_default_73" -> "2000 dequantize_per_channel_default_73" [label="(1536, 384)", style=solid]; "2000 dequantize_per_channel_default_73" -> "2001 linear_108" [label="(1536, 384)", style=solid]; @@ -5418,8 +5418,8 @@ strict digraph { "2006 dequantize_per_tensor_default_110" -> "2012 linear_109" [label="(1, -1, -1, 1536)", style=solid]; "2007 linear_109_scale_0" -> "2010 quantize_per_channel_default_74" [label="(384,)", style=solid]; "2007 linear_109_scale_0" -> "2011 dequantize_per_channel_default_74" [label="(384,)", style=solid]; -"2008 linear_109_zero_point_0" -> "2010 quantize_per_channel_default_74" [label="(384,)", style=solid]; -"2008 linear_109_zero_point_0" -> "2011 dequantize_per_channel_default_74" [label="(384,)", style=solid]; +"2008 linear_109_zero_point_0" -> "2010 quantize_per_channel_default_74" [label="(384,)", style=dashed]; +"2008 linear_109_zero_point_0" -> "2011 dequantize_per_channel_default_74" [label="(384,)", style=dashed]; "2009 compressed_weight_updated_constant74" -> "2010 quantize_per_channel_default_74" [label="(384, 1536)", style=solid]; "2010 quantize_per_channel_default_74" -> "2011 dequantize_per_channel_default_74" [label="(384, 1536)", style=solid]; "2011 dequantize_per_channel_default_74" -> "2012 linear_109" [label="(384, 1536)", style=solid]; @@ -5439,8 +5439,8 @@ strict digraph { "2024 dequantize_per_tensor_default_111" -> "2030 linear_112" [label="(-1, -1, 384)", style=solid]; "2025 linear_112_scale_0" -> "2028 quantize_per_channel_default_75" [label="(1152,)", style=solid]; "2025 linear_112_scale_0" -> "2029 dequantize_per_channel_default_75" [label="(1152,)", style=solid]; -"2026 linear_112_zero_point_0" -> "2028 quantize_per_channel_default_75" [label="(1152,)", style=solid]; -"2026 linear_112_zero_point_0" -> "2029 dequantize_per_channel_default_75" [label="(1152,)", style=solid]; +"2026 linear_112_zero_point_0" -> "2028 quantize_per_channel_default_75" [label="(1152,)", style=dashed]; +"2026 linear_112_zero_point_0" -> "2029 dequantize_per_channel_default_75" [label="(1152,)", style=dashed]; "2027 compressed_weight_updated_constant75" -> "2028 quantize_per_channel_default_75" [label="(1152, 384)", style=solid]; "2028 quantize_per_channel_default_75" -> "2029 dequantize_per_channel_default_75" [label="(1152, 384)", style=solid]; "2029 dequantize_per_channel_default_75" -> "2030 linear_112" [label="(1152, 384)", style=solid]; @@ -5483,8 +5483,8 @@ strict digraph { "2060 dequantize_per_tensor_default_114" -> "2066 linear_113" [label="(-1, -1, 384)", style=solid]; "2061 linear_113_scale_0" -> "2064 quantize_per_channel_default_76" [label="(384,)", style=solid]; "2061 linear_113_scale_0" -> "2065 dequantize_per_channel_default_76" [label="(384,)", style=solid]; -"2062 linear_113_zero_point_0" -> "2064 quantize_per_channel_default_76" [label="(384,)", style=solid]; -"2062 linear_113_zero_point_0" -> "2065 dequantize_per_channel_default_76" [label="(384,)", style=solid]; +"2062 linear_113_zero_point_0" -> "2064 quantize_per_channel_default_76" [label="(384,)", style=dashed]; +"2062 linear_113_zero_point_0" -> "2065 dequantize_per_channel_default_76" [label="(384,)", style=dashed]; "2063 compressed_weight_updated_constant76" -> "2064 quantize_per_channel_default_76" [label="(384, 384)", style=solid]; "2064 quantize_per_channel_default_76" -> "2065 dequantize_per_channel_default_76" [label="(384, 384)", style=solid]; "2065 dequantize_per_channel_default_76" -> "2066 linear_113" [label="(384, 384)", style=solid]; @@ -5506,8 +5506,8 @@ strict digraph { "2080 dequantize_per_tensor_default_115" -> "2086 linear_114" [label="(1, -1, -1, 384)", style=solid]; "2081 linear_114_scale_0" -> "2084 quantize_per_channel_default_77" [label="(1536,)", style=solid]; "2081 linear_114_scale_0" -> "2085 dequantize_per_channel_default_77" [label="(1536,)", style=solid]; -"2082 linear_114_zero_point_0" -> "2084 quantize_per_channel_default_77" [label="(1536,)", style=solid]; -"2082 linear_114_zero_point_0" -> "2085 dequantize_per_channel_default_77" [label="(1536,)", style=solid]; +"2082 linear_114_zero_point_0" -> "2084 quantize_per_channel_default_77" [label="(1536,)", style=dashed]; +"2082 linear_114_zero_point_0" -> "2085 dequantize_per_channel_default_77" [label="(1536,)", style=dashed]; "2083 compressed_weight_updated_constant77" -> "2084 quantize_per_channel_default_77" [label="(1536, 384)", style=solid]; "2084 quantize_per_channel_default_77" -> "2085 dequantize_per_channel_default_77" [label="(1536, 384)", style=solid]; "2085 dequantize_per_channel_default_77" -> "2086 linear_114" [label="(1536, 384)", style=solid]; @@ -5519,8 +5519,8 @@ strict digraph { "2091 dequantize_per_tensor_default_116" -> "2097 linear_115" [label="(1, -1, -1, 1536)", style=solid]; "2092 linear_115_scale_0" -> "2095 quantize_per_channel_default_78" [label="(384,)", style=solid]; "2092 linear_115_scale_0" -> "2096 dequantize_per_channel_default_78" [label="(384,)", style=solid]; -"2093 linear_115_zero_point_0" -> "2095 quantize_per_channel_default_78" [label="(384,)", style=solid]; -"2093 linear_115_zero_point_0" -> "2096 dequantize_per_channel_default_78" [label="(384,)", style=solid]; +"2093 linear_115_zero_point_0" -> "2095 quantize_per_channel_default_78" [label="(384,)", style=dashed]; +"2093 linear_115_zero_point_0" -> "2096 dequantize_per_channel_default_78" [label="(384,)", style=dashed]; "2094 compressed_weight_updated_constant78" -> "2095 quantize_per_channel_default_78" [label="(384, 1536)", style=solid]; "2095 quantize_per_channel_default_78" -> "2096 dequantize_per_channel_default_78" [label="(384, 1536)", style=solid]; "2096 dequantize_per_channel_default_78" -> "2097 linear_115" [label="(384, 1536)", style=solid]; @@ -5542,8 +5542,8 @@ strict digraph { "2110 dequantize_per_tensor_default_117" -> "2116 linear_118" [label="(-1, -1, 384)", style=solid]; "2111 linear_118_scale_0" -> "2114 quantize_per_channel_default_79" [label="(1152,)", style=solid]; "2111 linear_118_scale_0" -> "2115 dequantize_per_channel_default_79" [label="(1152,)", style=solid]; -"2112 linear_118_zero_point_0" -> "2114 quantize_per_channel_default_79" [label="(1152,)", style=solid]; -"2112 linear_118_zero_point_0" -> "2115 dequantize_per_channel_default_79" [label="(1152,)", style=solid]; +"2112 linear_118_zero_point_0" -> "2114 quantize_per_channel_default_79" [label="(1152,)", style=dashed]; +"2112 linear_118_zero_point_0" -> "2115 dequantize_per_channel_default_79" [label="(1152,)", style=dashed]; "2113 compressed_weight_updated_constant79" -> "2114 quantize_per_channel_default_79" [label="(1152, 384)", style=solid]; "2114 quantize_per_channel_default_79" -> "2115 dequantize_per_channel_default_79" [label="(1152, 384)", style=solid]; "2115 dequantize_per_channel_default_79" -> "2116 linear_118" [label="(1152, 384)", style=solid]; @@ -5605,8 +5605,8 @@ strict digraph { "2162 dequantize_per_tensor_default_120" -> "2168 linear_119" [label="(-1, -1, 384)", style=solid]; "2163 linear_119_scale_0" -> "2166 quantize_per_channel_default_80" [label="(384,)", style=solid]; "2163 linear_119_scale_0" -> "2167 dequantize_per_channel_default_80" [label="(384,)", style=solid]; -"2164 linear_119_zero_point_0" -> "2166 quantize_per_channel_default_80" [label="(384,)", style=solid]; -"2164 linear_119_zero_point_0" -> "2167 dequantize_per_channel_default_80" [label="(384,)", style=solid]; +"2164 linear_119_zero_point_0" -> "2166 quantize_per_channel_default_80" [label="(384,)", style=dashed]; +"2164 linear_119_zero_point_0" -> "2167 dequantize_per_channel_default_80" [label="(384,)", style=dashed]; "2165 compressed_weight_updated_constant80" -> "2166 quantize_per_channel_default_80" [label="(384, 384)", style=solid]; "2166 quantize_per_channel_default_80" -> "2167 dequantize_per_channel_default_80" [label="(384, 384)", style=solid]; "2167 dequantize_per_channel_default_80" -> "2168 linear_119" [label="(384, 384)", style=solid]; @@ -5629,8 +5629,8 @@ strict digraph { "2183 dequantize_per_tensor_default_121" -> "2189 linear_120" [label="(1, -1, -1, 384)", style=solid]; "2184 linear_120_scale_0" -> "2187 quantize_per_channel_default_81" [label="(1536,)", style=solid]; "2184 linear_120_scale_0" -> "2188 dequantize_per_channel_default_81" [label="(1536,)", style=solid]; -"2185 linear_120_zero_point_0" -> "2187 quantize_per_channel_default_81" [label="(1536,)", style=solid]; -"2185 linear_120_zero_point_0" -> "2188 dequantize_per_channel_default_81" [label="(1536,)", style=solid]; +"2185 linear_120_zero_point_0" -> "2187 quantize_per_channel_default_81" [label="(1536,)", style=dashed]; +"2185 linear_120_zero_point_0" -> "2188 dequantize_per_channel_default_81" [label="(1536,)", style=dashed]; "2186 compressed_weight_updated_constant81" -> "2187 quantize_per_channel_default_81" [label="(1536, 384)", style=solid]; "2187 quantize_per_channel_default_81" -> "2188 dequantize_per_channel_default_81" [label="(1536, 384)", style=solid]; "2188 dequantize_per_channel_default_81" -> "2189 linear_120" [label="(1536, 384)", style=solid]; @@ -5642,8 +5642,8 @@ strict digraph { "2194 dequantize_per_tensor_default_122" -> "2200 linear_121" [label="(1, -1, -1, 1536)", style=solid]; "2195 linear_121_scale_0" -> "2198 quantize_per_channel_default_82" [label="(384,)", style=solid]; "2195 linear_121_scale_0" -> "2199 dequantize_per_channel_default_82" [label="(384,)", style=solid]; -"2196 linear_121_zero_point_0" -> "2198 quantize_per_channel_default_82" [label="(384,)", style=solid]; -"2196 linear_121_zero_point_0" -> "2199 dequantize_per_channel_default_82" [label="(384,)", style=solid]; +"2196 linear_121_zero_point_0" -> "2198 quantize_per_channel_default_82" [label="(384,)", style=dashed]; +"2196 linear_121_zero_point_0" -> "2199 dequantize_per_channel_default_82" [label="(384,)", style=dashed]; "2197 compressed_weight_updated_constant82" -> "2198 quantize_per_channel_default_82" [label="(384, 1536)", style=solid]; "2198 quantize_per_channel_default_82" -> "2199 dequantize_per_channel_default_82" [label="(384, 1536)", style=solid]; "2199 dequantize_per_channel_default_82" -> "2200 linear_121" [label="(384, 1536)", style=solid]; @@ -5663,8 +5663,8 @@ strict digraph { "2212 dequantize_per_tensor_default_123" -> "2218 linear_124" [label="(-1, -1, 384)", style=solid]; "2213 linear_124_scale_0" -> "2216 quantize_per_channel_default_83" [label="(1152,)", style=solid]; "2213 linear_124_scale_0" -> "2217 dequantize_per_channel_default_83" [label="(1152,)", style=solid]; -"2214 linear_124_zero_point_0" -> "2216 quantize_per_channel_default_83" [label="(1152,)", style=solid]; -"2214 linear_124_zero_point_0" -> "2217 dequantize_per_channel_default_83" [label="(1152,)", style=solid]; +"2214 linear_124_zero_point_0" -> "2216 quantize_per_channel_default_83" [label="(1152,)", style=dashed]; +"2214 linear_124_zero_point_0" -> "2217 dequantize_per_channel_default_83" [label="(1152,)", style=dashed]; "2215 compressed_weight_updated_constant83" -> "2216 quantize_per_channel_default_83" [label="(1152, 384)", style=solid]; "2216 quantize_per_channel_default_83" -> "2217 dequantize_per_channel_default_83" [label="(1152, 384)", style=solid]; "2217 dequantize_per_channel_default_83" -> "2218 linear_124" [label="(1152, 384)", style=solid]; @@ -5707,8 +5707,8 @@ strict digraph { "2248 dequantize_per_tensor_default_126" -> "2254 linear_125" [label="(-1, -1, 384)", style=solid]; "2249 linear_125_scale_0" -> "2252 quantize_per_channel_default_84" [label="(384,)", style=solid]; "2249 linear_125_scale_0" -> "2253 dequantize_per_channel_default_84" [label="(384,)", style=solid]; -"2250 linear_125_zero_point_0" -> "2252 quantize_per_channel_default_84" [label="(384,)", style=solid]; -"2250 linear_125_zero_point_0" -> "2253 dequantize_per_channel_default_84" [label="(384,)", style=solid]; +"2250 linear_125_zero_point_0" -> "2252 quantize_per_channel_default_84" [label="(384,)", style=dashed]; +"2250 linear_125_zero_point_0" -> "2253 dequantize_per_channel_default_84" [label="(384,)", style=dashed]; "2251 compressed_weight_updated_constant84" -> "2252 quantize_per_channel_default_84" [label="(384, 384)", style=solid]; "2252 quantize_per_channel_default_84" -> "2253 dequantize_per_channel_default_84" [label="(384, 384)", style=solid]; "2253 dequantize_per_channel_default_84" -> "2254 linear_125" [label="(384, 384)", style=solid]; @@ -5730,8 +5730,8 @@ strict digraph { "2268 dequantize_per_tensor_default_127" -> "2274 linear_126" [label="(1, -1, -1, 384)", style=solid]; "2269 linear_126_scale_0" -> "2272 quantize_per_channel_default_85" [label="(1536,)", style=solid]; "2269 linear_126_scale_0" -> "2273 dequantize_per_channel_default_85" [label="(1536,)", style=solid]; -"2270 linear_126_zero_point_0" -> "2272 quantize_per_channel_default_85" [label="(1536,)", style=solid]; -"2270 linear_126_zero_point_0" -> "2273 dequantize_per_channel_default_85" [label="(1536,)", style=solid]; +"2270 linear_126_zero_point_0" -> "2272 quantize_per_channel_default_85" [label="(1536,)", style=dashed]; +"2270 linear_126_zero_point_0" -> "2273 dequantize_per_channel_default_85" [label="(1536,)", style=dashed]; "2271 compressed_weight_updated_constant85" -> "2272 quantize_per_channel_default_85" [label="(1536, 384)", style=solid]; "2272 quantize_per_channel_default_85" -> "2273 dequantize_per_channel_default_85" [label="(1536, 384)", style=solid]; "2273 dequantize_per_channel_default_85" -> "2274 linear_126" [label="(1536, 384)", style=solid]; @@ -5743,8 +5743,8 @@ strict digraph { "2279 dequantize_per_tensor_default_128" -> "2285 linear_127" [label="(1, -1, -1, 1536)", style=solid]; "2280 linear_127_scale_0" -> "2283 quantize_per_channel_default_86" [label="(384,)", style=solid]; "2280 linear_127_scale_0" -> "2284 dequantize_per_channel_default_86" [label="(384,)", style=solid]; -"2281 linear_127_zero_point_0" -> "2283 quantize_per_channel_default_86" [label="(384,)", style=solid]; -"2281 linear_127_zero_point_0" -> "2284 dequantize_per_channel_default_86" [label="(384,)", style=solid]; +"2281 linear_127_zero_point_0" -> "2283 quantize_per_channel_default_86" [label="(384,)", style=dashed]; +"2281 linear_127_zero_point_0" -> "2284 dequantize_per_channel_default_86" [label="(384,)", style=dashed]; "2282 compressed_weight_updated_constant86" -> "2283 quantize_per_channel_default_86" [label="(384, 1536)", style=solid]; "2283 quantize_per_channel_default_86" -> "2284 dequantize_per_channel_default_86" [label="(384, 1536)", style=solid]; "2284 dequantize_per_channel_default_86" -> "2285 linear_127" [label="(384, 1536)", style=solid]; @@ -5766,8 +5766,8 @@ strict digraph { "2298 dequantize_per_tensor_default_129" -> "2304 linear_130" [label="(-1, -1, 384)", style=solid]; "2299 linear_130_scale_0" -> "2302 quantize_per_channel_default_87" [label="(1152,)", style=solid]; "2299 linear_130_scale_0" -> "2303 dequantize_per_channel_default_87" [label="(1152,)", style=solid]; -"2300 linear_130_zero_point_0" -> "2302 quantize_per_channel_default_87" [label="(1152,)", style=solid]; -"2300 linear_130_zero_point_0" -> "2303 dequantize_per_channel_default_87" [label="(1152,)", style=solid]; +"2300 linear_130_zero_point_0" -> "2302 quantize_per_channel_default_87" [label="(1152,)", style=dashed]; +"2300 linear_130_zero_point_0" -> "2303 dequantize_per_channel_default_87" [label="(1152,)", style=dashed]; "2301 compressed_weight_updated_constant87" -> "2302 quantize_per_channel_default_87" [label="(1152, 384)", style=solid]; "2302 quantize_per_channel_default_87" -> "2303 dequantize_per_channel_default_87" [label="(1152, 384)", style=solid]; "2303 dequantize_per_channel_default_87" -> "2304 linear_130" [label="(1152, 384)", style=solid]; @@ -5829,8 +5829,8 @@ strict digraph { "2350 dequantize_per_tensor_default_132" -> "2356 linear_131" [label="(-1, -1, 384)", style=solid]; "2351 linear_131_scale_0" -> "2354 quantize_per_channel_default_88" [label="(384,)", style=solid]; "2351 linear_131_scale_0" -> "2355 dequantize_per_channel_default_88" [label="(384,)", style=solid]; -"2352 linear_131_zero_point_0" -> "2354 quantize_per_channel_default_88" [label="(384,)", style=solid]; -"2352 linear_131_zero_point_0" -> "2355 dequantize_per_channel_default_88" [label="(384,)", style=solid]; +"2352 linear_131_zero_point_0" -> "2354 quantize_per_channel_default_88" [label="(384,)", style=dashed]; +"2352 linear_131_zero_point_0" -> "2355 dequantize_per_channel_default_88" [label="(384,)", style=dashed]; "2353 compressed_weight_updated_constant88" -> "2354 quantize_per_channel_default_88" [label="(384, 384)", style=solid]; "2354 quantize_per_channel_default_88" -> "2355 dequantize_per_channel_default_88" [label="(384, 384)", style=solid]; "2355 dequantize_per_channel_default_88" -> "2356 linear_131" [label="(384, 384)", style=solid]; @@ -5853,8 +5853,8 @@ strict digraph { "2371 dequantize_per_tensor_default_133" -> "2377 linear_132" [label="(1, -1, -1, 384)", style=solid]; "2372 linear_132_scale_0" -> "2375 quantize_per_channel_default_89" [label="(1536,)", style=solid]; "2372 linear_132_scale_0" -> "2376 dequantize_per_channel_default_89" [label="(1536,)", style=solid]; -"2373 linear_132_zero_point_0" -> "2375 quantize_per_channel_default_89" [label="(1536,)", style=solid]; -"2373 linear_132_zero_point_0" -> "2376 dequantize_per_channel_default_89" [label="(1536,)", style=solid]; +"2373 linear_132_zero_point_0" -> "2375 quantize_per_channel_default_89" [label="(1536,)", style=dashed]; +"2373 linear_132_zero_point_0" -> "2376 dequantize_per_channel_default_89" [label="(1536,)", style=dashed]; "2374 compressed_weight_updated_constant89" -> "2375 quantize_per_channel_default_89" [label="(1536, 384)", style=solid]; "2375 quantize_per_channel_default_89" -> "2376 dequantize_per_channel_default_89" [label="(1536, 384)", style=solid]; "2376 dequantize_per_channel_default_89" -> "2377 linear_132" [label="(1536, 384)", style=solid]; @@ -5866,8 +5866,8 @@ strict digraph { "2382 dequantize_per_tensor_default_134" -> "2388 linear_133" [label="(1, -1, -1, 1536)", style=solid]; "2383 linear_133_scale_0" -> "2386 quantize_per_channel_default_90" [label="(384,)", style=solid]; "2383 linear_133_scale_0" -> "2387 dequantize_per_channel_default_90" [label="(384,)", style=solid]; -"2384 linear_133_zero_point_0" -> "2386 quantize_per_channel_default_90" [label="(384,)", style=solid]; -"2384 linear_133_zero_point_0" -> "2387 dequantize_per_channel_default_90" [label="(384,)", style=solid]; +"2384 linear_133_zero_point_0" -> "2386 quantize_per_channel_default_90" [label="(384,)", style=dashed]; +"2384 linear_133_zero_point_0" -> "2387 dequantize_per_channel_default_90" [label="(384,)", style=dashed]; "2385 compressed_weight_updated_constant90" -> "2386 quantize_per_channel_default_90" [label="(384, 1536)", style=solid]; "2386 quantize_per_channel_default_90" -> "2387 dequantize_per_channel_default_90" [label="(384, 1536)", style=solid]; "2387 dequantize_per_channel_default_90" -> "2388 linear_133" [label="(384, 1536)", style=solid]; @@ -5897,8 +5897,8 @@ strict digraph { "2408 dequantize_per_tensor_default_135" -> "2414 linear_134" [label="(1, -1, -1, 1536)", style=solid]; "2409 linear_134_scale_0" -> "2412 quantize_per_channel_default_91" [label="(768,)", style=solid]; "2409 linear_134_scale_0" -> "2413 dequantize_per_channel_default_91" [label="(768,)", style=solid]; -"2410 linear_134_zero_point_0" -> "2412 quantize_per_channel_default_91" [label="(768,)", style=solid]; -"2410 linear_134_zero_point_0" -> "2413 dequantize_per_channel_default_91" [label="(768,)", style=solid]; +"2410 linear_134_zero_point_0" -> "2412 quantize_per_channel_default_91" [label="(768,)", style=dashed]; +"2410 linear_134_zero_point_0" -> "2413 dequantize_per_channel_default_91" [label="(768,)", style=dashed]; "2411 compressed_weight_updated_constant91" -> "2412 quantize_per_channel_default_91" [label="(768, 1536)", style=solid]; "2412 quantize_per_channel_default_91" -> "2413 dequantize_per_channel_default_91" [label="(768, 1536)", style=solid]; "2413 dequantize_per_channel_default_91" -> "2414 linear_134" [label="(768, 1536)", style=solid]; @@ -5918,8 +5918,8 @@ strict digraph { "2425 dequantize_per_tensor_default_136" -> "2431 linear_137" [label="(1, -1, 768)", style=solid]; "2426 linear_137_scale_0" -> "2429 quantize_per_channel_default_92" [label="(2304,)", style=solid]; "2426 linear_137_scale_0" -> "2430 dequantize_per_channel_default_92" [label="(2304,)", style=solid]; -"2427 linear_137_zero_point_0" -> "2429 quantize_per_channel_default_92" [label="(2304,)", style=solid]; -"2427 linear_137_zero_point_0" -> "2430 dequantize_per_channel_default_92" [label="(2304,)", style=solid]; +"2427 linear_137_zero_point_0" -> "2429 quantize_per_channel_default_92" [label="(2304,)", style=dashed]; +"2427 linear_137_zero_point_0" -> "2430 dequantize_per_channel_default_92" [label="(2304,)", style=dashed]; "2428 compressed_weight_updated_constant92" -> "2429 quantize_per_channel_default_92" [label="(2304, 768)", style=solid]; "2429 quantize_per_channel_default_92" -> "2430 dequantize_per_channel_default_92" [label="(2304, 768)", style=solid]; "2430 dequantize_per_channel_default_92" -> "2431 linear_137" [label="(2304, 768)", style=solid]; @@ -5962,8 +5962,8 @@ strict digraph { "2461 dequantize_per_tensor_default_139" -> "2467 linear_138" [label="(1, -1, 768)", style=solid]; "2462 linear_138_scale_0" -> "2465 quantize_per_channel_default_93" [label="(768,)", style=solid]; "2462 linear_138_scale_0" -> "2466 dequantize_per_channel_default_93" [label="(768,)", style=solid]; -"2463 linear_138_zero_point_0" -> "2465 quantize_per_channel_default_93" [label="(768,)", style=solid]; -"2463 linear_138_zero_point_0" -> "2466 dequantize_per_channel_default_93" [label="(768,)", style=solid]; +"2463 linear_138_zero_point_0" -> "2465 quantize_per_channel_default_93" [label="(768,)", style=dashed]; +"2463 linear_138_zero_point_0" -> "2466 dequantize_per_channel_default_93" [label="(768,)", style=dashed]; "2464 compressed_weight_updated_constant93" -> "2465 quantize_per_channel_default_93" [label="(768, 768)", style=solid]; "2465 quantize_per_channel_default_93" -> "2466 dequantize_per_channel_default_93" [label="(768, 768)", style=solid]; "2466 dequantize_per_channel_default_93" -> "2467 linear_138" [label="(768, 768)", style=solid]; @@ -5985,8 +5985,8 @@ strict digraph { "2481 dequantize_per_tensor_default_140" -> "2487 linear_139" [label="(1, -1, -1, 768)", style=solid]; "2482 linear_139_scale_0" -> "2485 quantize_per_channel_default_94" [label="(3072,)", style=solid]; "2482 linear_139_scale_0" -> "2486 dequantize_per_channel_default_94" [label="(3072,)", style=solid]; -"2483 linear_139_zero_point_0" -> "2485 quantize_per_channel_default_94" [label="(3072,)", style=solid]; -"2483 linear_139_zero_point_0" -> "2486 dequantize_per_channel_default_94" [label="(3072,)", style=solid]; +"2483 linear_139_zero_point_0" -> "2485 quantize_per_channel_default_94" [label="(3072,)", style=dashed]; +"2483 linear_139_zero_point_0" -> "2486 dequantize_per_channel_default_94" [label="(3072,)", style=dashed]; "2484 compressed_weight_updated_constant94" -> "2485 quantize_per_channel_default_94" [label="(3072, 768)", style=solid]; "2485 quantize_per_channel_default_94" -> "2486 dequantize_per_channel_default_94" [label="(3072, 768)", style=solid]; "2486 dequantize_per_channel_default_94" -> "2487 linear_139" [label="(3072, 768)", style=solid]; @@ -5998,8 +5998,8 @@ strict digraph { "2492 dequantize_per_tensor_default_141" -> "2498 linear_140" [label="(1, -1, -1, 3072)", style=solid]; "2493 linear_140_scale_0" -> "2496 quantize_per_channel_default_95" [label="(768,)", style=solid]; "2493 linear_140_scale_0" -> "2497 dequantize_per_channel_default_95" [label="(768,)", style=solid]; -"2494 linear_140_zero_point_0" -> "2496 quantize_per_channel_default_95" [label="(768,)", style=solid]; -"2494 linear_140_zero_point_0" -> "2497 dequantize_per_channel_default_95" [label="(768,)", style=solid]; +"2494 linear_140_zero_point_0" -> "2496 quantize_per_channel_default_95" [label="(768,)", style=dashed]; +"2494 linear_140_zero_point_0" -> "2497 dequantize_per_channel_default_95" [label="(768,)", style=dashed]; "2495 compressed_weight_updated_constant95" -> "2496 quantize_per_channel_default_95" [label="(768, 3072)", style=solid]; "2496 quantize_per_channel_default_95" -> "2497 dequantize_per_channel_default_95" [label="(768, 3072)", style=solid]; "2497 dequantize_per_channel_default_95" -> "2498 linear_140" [label="(768, 3072)", style=solid]; @@ -6019,8 +6019,8 @@ strict digraph { "2510 dequantize_per_tensor_default_142" -> "2516 linear_143" [label="(1, -1, 768)", style=solid]; "2511 linear_143_scale_0" -> "2514 quantize_per_channel_default_96" [label="(2304,)", style=solid]; "2511 linear_143_scale_0" -> "2515 dequantize_per_channel_default_96" [label="(2304,)", style=solid]; -"2512 linear_143_zero_point_0" -> "2514 quantize_per_channel_default_96" [label="(2304,)", style=solid]; -"2512 linear_143_zero_point_0" -> "2515 dequantize_per_channel_default_96" [label="(2304,)", style=solid]; +"2512 linear_143_zero_point_0" -> "2514 quantize_per_channel_default_96" [label="(2304,)", style=dashed]; +"2512 linear_143_zero_point_0" -> "2515 dequantize_per_channel_default_96" [label="(2304,)", style=dashed]; "2513 compressed_weight_updated_constant96" -> "2514 quantize_per_channel_default_96" [label="(2304, 768)", style=solid]; "2514 quantize_per_channel_default_96" -> "2515 dequantize_per_channel_default_96" [label="(2304, 768)", style=solid]; "2515 dequantize_per_channel_default_96" -> "2516 linear_143" [label="(2304, 768)", style=solid]; @@ -6063,8 +6063,8 @@ strict digraph { "2546 dequantize_per_tensor_default_145" -> "2552 linear_144" [label="(1, -1, 768)", style=solid]; "2547 linear_144_scale_0" -> "2550 quantize_per_channel_default_97" [label="(768,)", style=solid]; "2547 linear_144_scale_0" -> "2551 dequantize_per_channel_default_97" [label="(768,)", style=solid]; -"2548 linear_144_zero_point_0" -> "2550 quantize_per_channel_default_97" [label="(768,)", style=solid]; -"2548 linear_144_zero_point_0" -> "2551 dequantize_per_channel_default_97" [label="(768,)", style=solid]; +"2548 linear_144_zero_point_0" -> "2550 quantize_per_channel_default_97" [label="(768,)", style=dashed]; +"2548 linear_144_zero_point_0" -> "2551 dequantize_per_channel_default_97" [label="(768,)", style=dashed]; "2549 compressed_weight_updated_constant97" -> "2550 quantize_per_channel_default_97" [label="(768, 768)", style=solid]; "2550 quantize_per_channel_default_97" -> "2551 dequantize_per_channel_default_97" [label="(768, 768)", style=solid]; "2551 dequantize_per_channel_default_97" -> "2552 linear_144" [label="(768, 768)", style=solid]; @@ -6086,8 +6086,8 @@ strict digraph { "2566 dequantize_per_tensor_default_146" -> "2572 linear_145" [label="(1, -1, -1, 768)", style=solid]; "2567 linear_145_scale_0" -> "2570 quantize_per_channel_default_98" [label="(3072,)", style=solid]; "2567 linear_145_scale_0" -> "2571 dequantize_per_channel_default_98" [label="(3072,)", style=solid]; -"2568 linear_145_zero_point_0" -> "2570 quantize_per_channel_default_98" [label="(3072,)", style=solid]; -"2568 linear_145_zero_point_0" -> "2571 dequantize_per_channel_default_98" [label="(3072,)", style=solid]; +"2568 linear_145_zero_point_0" -> "2570 quantize_per_channel_default_98" [label="(3072,)", style=dashed]; +"2568 linear_145_zero_point_0" -> "2571 dequantize_per_channel_default_98" [label="(3072,)", style=dashed]; "2569 compressed_weight_updated_constant98" -> "2570 quantize_per_channel_default_98" [label="(3072, 768)", style=solid]; "2570 quantize_per_channel_default_98" -> "2571 dequantize_per_channel_default_98" [label="(3072, 768)", style=solid]; "2571 dequantize_per_channel_default_98" -> "2572 linear_145" [label="(3072, 768)", style=solid]; @@ -6099,8 +6099,8 @@ strict digraph { "2577 dequantize_per_tensor_default_147" -> "2583 linear_146" [label="(1, -1, -1, 3072)", style=solid]; "2578 linear_146_scale_0" -> "2581 quantize_per_channel_default_99" [label="(768,)", style=solid]; "2578 linear_146_scale_0" -> "2582 dequantize_per_channel_default_99" [label="(768,)", style=solid]; -"2579 linear_146_zero_point_0" -> "2581 quantize_per_channel_default_99" [label="(768,)", style=solid]; -"2579 linear_146_zero_point_0" -> "2582 dequantize_per_channel_default_99" [label="(768,)", style=solid]; +"2579 linear_146_zero_point_0" -> "2581 quantize_per_channel_default_99" [label="(768,)", style=dashed]; +"2579 linear_146_zero_point_0" -> "2582 dequantize_per_channel_default_99" [label="(768,)", style=dashed]; "2580 compressed_weight_updated_constant99" -> "2581 quantize_per_channel_default_99" [label="(768, 3072)", style=solid]; "2581 quantize_per_channel_default_99" -> "2582 dequantize_per_channel_default_99" [label="(768, 3072)", style=solid]; "2582 dequantize_per_channel_default_99" -> "2583 linear_146" [label="(768, 3072)", style=solid]; @@ -6117,8 +6117,8 @@ strict digraph { "2593 dequantize_per_tensor_default_148" -> "2599 linear_147" [label="(1, 768)", style=solid]; "2594 linear_147_scale_0" -> "2597 quantize_per_channel_default_100" [label="(1000,)", style=solid]; "2594 linear_147_scale_0" -> "2598 dequantize_per_channel_default_100" [label="(1000,)", style=solid]; -"2595 linear_147_zero_point_0" -> "2597 quantize_per_channel_default_100" [label="(1000,)", style=solid]; -"2595 linear_147_zero_point_0" -> "2598 dequantize_per_channel_default_100" [label="(1000,)", style=solid]; +"2595 linear_147_zero_point_0" -> "2597 quantize_per_channel_default_100" [label="(1000,)", style=dashed]; +"2595 linear_147_zero_point_0" -> "2598 dequantize_per_channel_default_100" [label="(1000,)", style=dashed]; "2596 compressed_weight_updated_constant100" -> "2597 quantize_per_channel_default_100" [label="(1000, 768)", style=solid]; "2597 quantize_per_channel_default_100" -> "2598 dequantize_per_channel_default_100" [label="(1000, 768)", style=solid]; "2598 dequantize_per_channel_default_100" -> "2599 linear_147" [label="(1000, 768)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/synthetic_transformer.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/synthetic_transformer.dot index 3eb47535540..5aee8c90882 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/synthetic_transformer.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/synthetic_transformer.dot @@ -27,37 +27,37 @@ strict digraph { "25 dequantize_per_channel_default_2" [id=25, type=dequantize_per_channel]; "26 linear_1" [id=26, type=linear]; "27 output" [id=27, type=output]; -"0 linear_bias" -> "17 linear"; -"1 lm_head_bias" -> "26 linear_1"; -"2 input_ids" -> "8 embedding"; -"3 embedding_scale_0" -> "6 quantize_per_channel_default"; -"3 embedding_scale_0" -> "7 dequantize_per_channel_default"; -"4 embedding_zero_point_0" -> "6 quantize_per_channel_default"; -"4 embedding_zero_point_0" -> "7 dequantize_per_channel_default"; -"5 compressed_weight_updated_constant0" -> "6 quantize_per_channel_default"; -"6 quantize_per_channel_default" -> "7 dequantize_per_channel_default"; -"7 dequantize_per_channel_default" -> "8 embedding"; -"8 embedding" -> "9 embedding_0_0_nncf_smooth_quant_0"; -"9 embedding_0_0_nncf_smooth_quant_0" -> "10 quantize_per_tensor_default"; -"10 quantize_per_tensor_default" -> "11 dequantize_per_tensor_default"; -"11 dequantize_per_tensor_default" -> "17 linear"; -"12 linear_scale_0" -> "15 quantize_per_channel_default_1"; -"12 linear_scale_0" -> "16 dequantize_per_channel_default_1"; -"13 linear_zero_point_0" -> "15 quantize_per_channel_default_1"; -"13 linear_zero_point_0" -> "16 dequantize_per_channel_default_1"; -"14 compressed_weight_updated_constant1" -> "15 quantize_per_channel_default_1"; -"15 quantize_per_channel_default_1" -> "16 dequantize_per_channel_default_1"; -"16 dequantize_per_channel_default_1" -> "17 linear"; -"17 linear" -> "18 linear_0_0_nncf_smooth_quant_0"; -"18 linear_0_0_nncf_smooth_quant_0" -> "19 quantize_per_tensor_default_1"; -"19 quantize_per_tensor_default_1" -> "20 dequantize_per_tensor_default_1"; -"20 dequantize_per_tensor_default_1" -> "26 linear_1"; -"21 linear_1_scale_0" -> "24 quantize_per_channel_default_2"; -"21 linear_1_scale_0" -> "25 dequantize_per_channel_default_2"; -"22 linear_1_zero_point_0" -> "24 quantize_per_channel_default_2"; -"22 linear_1_zero_point_0" -> "25 dequantize_per_channel_default_2"; -"23 compressed_weight_updated_constant2" -> "24 quantize_per_channel_default_2"; -"24 quantize_per_channel_default_2" -> "25 dequantize_per_channel_default_2"; -"25 dequantize_per_channel_default_2" -> "26 linear_1"; -"26 linear_1" -> "27 output"; +"0 linear_bias" -> "17 linear" [label="(5,)", style=solid]; +"1 lm_head_bias" -> "26 linear_1" [label="(10,)", style=solid]; +"2 input_ids" -> "8 embedding" [label="(-1,)", style=dashed]; +"3 embedding_scale_0" -> "6 quantize_per_channel_default" [label="(10,)", style=solid]; +"3 embedding_scale_0" -> "7 dequantize_per_channel_default" [label="(10,)", style=solid]; +"4 embedding_zero_point_0" -> "6 quantize_per_channel_default" [label="(10,)", style=dashed]; +"4 embedding_zero_point_0" -> "7 dequantize_per_channel_default" [label="(10,)", style=dashed]; +"5 compressed_weight_updated_constant0" -> "6 quantize_per_channel_default" [label="(10, 5)", style=solid]; +"6 quantize_per_channel_default" -> "7 dequantize_per_channel_default" [label="(10, 5)", style=solid]; +"7 dequantize_per_channel_default" -> "8 embedding" [label="(10, 5)", style=solid]; +"8 embedding" -> "9 embedding_0_0_nncf_smooth_quant_0" [label="(-1, 5)", style=solid]; +"9 embedding_0_0_nncf_smooth_quant_0" -> "10 quantize_per_tensor_default" [label="(-1, 5)", style=solid]; +"10 quantize_per_tensor_default" -> "11 dequantize_per_tensor_default" [label="(-1, 5)", style=solid]; +"11 dequantize_per_tensor_default" -> "17 linear" [label="(-1, 5)", style=solid]; +"12 linear_scale_0" -> "15 quantize_per_channel_default_1" [label="(5,)", style=solid]; +"12 linear_scale_0" -> "16 dequantize_per_channel_default_1" [label="(5,)", style=solid]; +"13 linear_zero_point_0" -> "15 quantize_per_channel_default_1" [label="(5,)", style=dashed]; +"13 linear_zero_point_0" -> "16 dequantize_per_channel_default_1" [label="(5,)", style=dashed]; +"14 compressed_weight_updated_constant1" -> "15 quantize_per_channel_default_1" [label="(5, 5)", style=solid]; +"15 quantize_per_channel_default_1" -> "16 dequantize_per_channel_default_1" [label="(5, 5)", style=solid]; +"16 dequantize_per_channel_default_1" -> "17 linear" [label="(5, 5)", style=solid]; +"17 linear" -> "18 linear_0_0_nncf_smooth_quant_0" [label="(-1, 5)", style=solid]; +"18 linear_0_0_nncf_smooth_quant_0" -> "19 quantize_per_tensor_default_1" [label="(-1, 5)", style=solid]; +"19 quantize_per_tensor_default_1" -> "20 dequantize_per_tensor_default_1" [label="(-1, 5)", style=solid]; +"20 dequantize_per_tensor_default_1" -> "26 linear_1" [label="(-1, 5)", style=solid]; +"21 linear_1_scale_0" -> "24 quantize_per_channel_default_2" [label="(10,)", style=solid]; +"21 linear_1_scale_0" -> "25 dequantize_per_channel_default_2" [label="(10,)", style=solid]; +"22 linear_1_zero_point_0" -> "24 quantize_per_channel_default_2" [label="(10,)", style=dashed]; +"22 linear_1_zero_point_0" -> "25 dequantize_per_channel_default_2" [label="(10,)", style=dashed]; +"23 compressed_weight_updated_constant2" -> "24 quantize_per_channel_default_2" [label="(10, 5)", style=solid]; +"24 quantize_per_channel_default_2" -> "25 dequantize_per_channel_default_2" [label="(10, 5)", style=solid]; +"25 dequantize_per_channel_default_2" -> "26 linear_1" [label="(10, 5)", style=solid]; +"26 linear_1" -> "27 output" [label="(-1, 10)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/unet.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/unet.dot index 7b9ccc4a6b3..a4272e41321 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/unet.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/unet.dot @@ -282,8 +282,8 @@ strict digraph { "25 dequantize_per_tensor_default_12" -> "31 conv2d" [label="(1, 3, 224, 224)", style=solid]; "26 conv2d_scale_0" -> "29 quantize_per_channel_default" [label="(64,)", style=solid]; "26 conv2d_scale_0" -> "30 dequantize_per_channel_default" [label="(64,)", style=solid]; -"27 conv2d_zero_point_0" -> "29 quantize_per_channel_default" [label="(64,)", style=solid]; -"27 conv2d_zero_point_0" -> "30 dequantize_per_channel_default" [label="(64,)", style=solid]; +"27 conv2d_zero_point_0" -> "29 quantize_per_channel_default" [label="(64,)", style=dashed]; +"27 conv2d_zero_point_0" -> "30 dequantize_per_channel_default" [label="(64,)", style=dashed]; "28 compressed_weight_updated_constant0" -> "29 quantize_per_channel_default" [label="(64, 3, 3, 3)", style=solid]; "29 quantize_per_channel_default" -> "30 dequantize_per_channel_default" [label="(64, 3, 3, 3)", style=solid]; "30 dequantize_per_channel_default" -> "31 conv2d" [label="(64, 3, 3, 3)", style=solid]; @@ -293,8 +293,8 @@ strict digraph { "34 dequantize_per_tensor_default_13" -> "40 conv2d_1" [label="(1, 64, 222, 222)", style=solid]; "35 conv2d_1_scale_0" -> "38 quantize_per_channel_default_1" [label="(64,)", style=solid]; "35 conv2d_1_scale_0" -> "39 dequantize_per_channel_default_1" [label="(64,)", style=solid]; -"36 conv2d_1_zero_point_0" -> "38 quantize_per_channel_default_1" [label="(64,)", style=solid]; -"36 conv2d_1_zero_point_0" -> "39 dequantize_per_channel_default_1" [label="(64,)", style=solid]; +"36 conv2d_1_zero_point_0" -> "38 quantize_per_channel_default_1" [label="(64,)", style=dashed]; +"36 conv2d_1_zero_point_0" -> "39 dequantize_per_channel_default_1" [label="(64,)", style=dashed]; "37 compressed_weight_updated_constant1" -> "38 quantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; "38 quantize_per_channel_default_1" -> "39 dequantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; "39 dequantize_per_channel_default_1" -> "40 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; @@ -307,8 +307,8 @@ strict digraph { "45 max_pool2d" -> "51 conv2d_2" [label="(1, 64, 110, 110)", style=solid]; "46 conv2d_2_scale_0" -> "49 quantize_per_channel_default_2" [label="(128,)", style=solid]; "46 conv2d_2_scale_0" -> "50 dequantize_per_channel_default_2" [label="(128,)", style=solid]; -"47 conv2d_2_zero_point_0" -> "49 quantize_per_channel_default_2" [label="(128,)", style=solid]; -"47 conv2d_2_zero_point_0" -> "50 dequantize_per_channel_default_2" [label="(128,)", style=solid]; +"47 conv2d_2_zero_point_0" -> "49 quantize_per_channel_default_2" [label="(128,)", style=dashed]; +"47 conv2d_2_zero_point_0" -> "50 dequantize_per_channel_default_2" [label="(128,)", style=dashed]; "48 compressed_weight_updated_constant2" -> "49 quantize_per_channel_default_2" [label="(128, 64, 3, 3)", style=solid]; "49 quantize_per_channel_default_2" -> "50 dequantize_per_channel_default_2" [label="(128, 64, 3, 3)", style=solid]; "50 dequantize_per_channel_default_2" -> "51 conv2d_2" [label="(128, 64, 3, 3)", style=solid]; @@ -318,8 +318,8 @@ strict digraph { "54 dequantize_per_tensor_default_14" -> "60 conv2d_3" [label="(1, 128, 108, 108)", style=solid]; "55 conv2d_3_scale_0" -> "58 quantize_per_channel_default_3" [label="(128,)", style=solid]; "55 conv2d_3_scale_0" -> "59 dequantize_per_channel_default_3" [label="(128,)", style=solid]; -"56 conv2d_3_zero_point_0" -> "58 quantize_per_channel_default_3" [label="(128,)", style=solid]; -"56 conv2d_3_zero_point_0" -> "59 dequantize_per_channel_default_3" [label="(128,)", style=solid]; +"56 conv2d_3_zero_point_0" -> "58 quantize_per_channel_default_3" [label="(128,)", style=dashed]; +"56 conv2d_3_zero_point_0" -> "59 dequantize_per_channel_default_3" [label="(128,)", style=dashed]; "57 compressed_weight_updated_constant3" -> "58 quantize_per_channel_default_3" [label="(128, 128, 3, 3)", style=solid]; "58 quantize_per_channel_default_3" -> "59 dequantize_per_channel_default_3" [label="(128, 128, 3, 3)", style=solid]; "59 dequantize_per_channel_default_3" -> "60 conv2d_3" [label="(128, 128, 3, 3)", style=solid]; @@ -332,8 +332,8 @@ strict digraph { "65 max_pool2d_1" -> "71 conv2d_4" [label="(1, 128, 53, 53)", style=solid]; "66 conv2d_4_scale_0" -> "69 quantize_per_channel_default_4" [label="(256,)", style=solid]; "66 conv2d_4_scale_0" -> "70 dequantize_per_channel_default_4" [label="(256,)", style=solid]; -"67 conv2d_4_zero_point_0" -> "69 quantize_per_channel_default_4" [label="(256,)", style=solid]; -"67 conv2d_4_zero_point_0" -> "70 dequantize_per_channel_default_4" [label="(256,)", style=solid]; +"67 conv2d_4_zero_point_0" -> "69 quantize_per_channel_default_4" [label="(256,)", style=dashed]; +"67 conv2d_4_zero_point_0" -> "70 dequantize_per_channel_default_4" [label="(256,)", style=dashed]; "68 compressed_weight_updated_constant4" -> "69 quantize_per_channel_default_4" [label="(256, 128, 3, 3)", style=solid]; "69 quantize_per_channel_default_4" -> "70 dequantize_per_channel_default_4" [label="(256, 128, 3, 3)", style=solid]; "70 dequantize_per_channel_default_4" -> "71 conv2d_4" [label="(256, 128, 3, 3)", style=solid]; @@ -343,8 +343,8 @@ strict digraph { "74 dequantize_per_tensor_default_15" -> "80 conv2d_5" [label="(1, 256, 51, 51)", style=solid]; "75 conv2d_5_scale_0" -> "78 quantize_per_channel_default_5" [label="(256,)", style=solid]; "75 conv2d_5_scale_0" -> "79 dequantize_per_channel_default_5" [label="(256,)", style=solid]; -"76 conv2d_5_zero_point_0" -> "78 quantize_per_channel_default_5" [label="(256,)", style=solid]; -"76 conv2d_5_zero_point_0" -> "79 dequantize_per_channel_default_5" [label="(256,)", style=solid]; +"76 conv2d_5_zero_point_0" -> "78 quantize_per_channel_default_5" [label="(256,)", style=dashed]; +"76 conv2d_5_zero_point_0" -> "79 dequantize_per_channel_default_5" [label="(256,)", style=dashed]; "77 compressed_weight_updated_constant5" -> "78 quantize_per_channel_default_5" [label="(256, 256, 3, 3)", style=solid]; "78 quantize_per_channel_default_5" -> "79 dequantize_per_channel_default_5" [label="(256, 256, 3, 3)", style=solid]; "79 dequantize_per_channel_default_5" -> "80 conv2d_5" [label="(256, 256, 3, 3)", style=solid]; @@ -357,8 +357,8 @@ strict digraph { "85 max_pool2d_2" -> "91 conv2d_6" [label="(1, 256, 24, 24)", style=solid]; "86 conv2d_6_scale_0" -> "89 quantize_per_channel_default_6" [label="(512,)", style=solid]; "86 conv2d_6_scale_0" -> "90 dequantize_per_channel_default_6" [label="(512,)", style=solid]; -"87 conv2d_6_zero_point_0" -> "89 quantize_per_channel_default_6" [label="(512,)", style=solid]; -"87 conv2d_6_zero_point_0" -> "90 dequantize_per_channel_default_6" [label="(512,)", style=solid]; +"87 conv2d_6_zero_point_0" -> "89 quantize_per_channel_default_6" [label="(512,)", style=dashed]; +"87 conv2d_6_zero_point_0" -> "90 dequantize_per_channel_default_6" [label="(512,)", style=dashed]; "88 compressed_weight_updated_constant6" -> "89 quantize_per_channel_default_6" [label="(512, 256, 3, 3)", style=solid]; "89 quantize_per_channel_default_6" -> "90 dequantize_per_channel_default_6" [label="(512, 256, 3, 3)", style=solid]; "90 dequantize_per_channel_default_6" -> "91 conv2d_6" [label="(512, 256, 3, 3)", style=solid]; @@ -368,8 +368,8 @@ strict digraph { "94 dequantize_per_tensor_default_16" -> "100 conv2d_7" [label="(1, 512, 22, 22)", style=solid]; "95 conv2d_7_scale_0" -> "98 quantize_per_channel_default_7" [label="(512,)", style=solid]; "95 conv2d_7_scale_0" -> "99 dequantize_per_channel_default_7" [label="(512,)", style=solid]; -"96 conv2d_7_zero_point_0" -> "98 quantize_per_channel_default_7" [label="(512,)", style=solid]; -"96 conv2d_7_zero_point_0" -> "99 dequantize_per_channel_default_7" [label="(512,)", style=solid]; +"96 conv2d_7_zero_point_0" -> "98 quantize_per_channel_default_7" [label="(512,)", style=dashed]; +"96 conv2d_7_zero_point_0" -> "99 dequantize_per_channel_default_7" [label="(512,)", style=dashed]; "97 compressed_weight_updated_constant7" -> "98 quantize_per_channel_default_7" [label="(512, 512, 3, 3)", style=solid]; "98 quantize_per_channel_default_7" -> "99 dequantize_per_channel_default_7" [label="(512, 512, 3, 3)", style=solid]; "99 dequantize_per_channel_default_7" -> "100 conv2d_7" [label="(512, 512, 3, 3)", style=solid]; @@ -382,8 +382,8 @@ strict digraph { "105 max_pool2d_3" -> "111 conv2d_8" [label="(1, 512, 10, 10)", style=solid]; "106 conv2d_8_scale_0" -> "109 quantize_per_channel_default_8" [label="(1024,)", style=solid]; "106 conv2d_8_scale_0" -> "110 dequantize_per_channel_default_8" [label="(1024,)", style=solid]; -"107 conv2d_8_zero_point_0" -> "109 quantize_per_channel_default_8" [label="(1024,)", style=solid]; -"107 conv2d_8_zero_point_0" -> "110 dequantize_per_channel_default_8" [label="(1024,)", style=solid]; +"107 conv2d_8_zero_point_0" -> "109 quantize_per_channel_default_8" [label="(1024,)", style=dashed]; +"107 conv2d_8_zero_point_0" -> "110 dequantize_per_channel_default_8" [label="(1024,)", style=dashed]; "108 compressed_weight_updated_constant8" -> "109 quantize_per_channel_default_8" [label="(1024, 512, 3, 3)", style=solid]; "109 quantize_per_channel_default_8" -> "110 dequantize_per_channel_default_8" [label="(1024, 512, 3, 3)", style=solid]; "110 dequantize_per_channel_default_8" -> "111 conv2d_8" [label="(1024, 512, 3, 3)", style=solid]; @@ -393,8 +393,8 @@ strict digraph { "114 dequantize_per_tensor_default_17" -> "120 conv2d_9" [label="(1, 1024, 8, 8)", style=solid]; "115 conv2d_9_scale_0" -> "118 quantize_per_channel_default_9" [label="(1024,)", style=solid]; "115 conv2d_9_scale_0" -> "119 dequantize_per_channel_default_9" [label="(1024,)", style=solid]; -"116 conv2d_9_zero_point_0" -> "118 quantize_per_channel_default_9" [label="(1024,)", style=solid]; -"116 conv2d_9_zero_point_0" -> "119 dequantize_per_channel_default_9" [label="(1024,)", style=solid]; +"116 conv2d_9_zero_point_0" -> "118 quantize_per_channel_default_9" [label="(1024,)", style=dashed]; +"116 conv2d_9_zero_point_0" -> "119 dequantize_per_channel_default_9" [label="(1024,)", style=dashed]; "117 compressed_weight_updated_constant9" -> "118 quantize_per_channel_default_9" [label="(1024, 1024, 3, 3)", style=solid]; "118 quantize_per_channel_default_9" -> "119 dequantize_per_channel_default_9" [label="(1024, 1024, 3, 3)", style=solid]; "119 dequantize_per_channel_default_9" -> "120 conv2d_9" [label="(1024, 1024, 3, 3)", style=solid]; @@ -404,8 +404,8 @@ strict digraph { "123 dequantize_per_tensor_default_18" -> "129 conv_transpose2d" [label="(1, 1024, 6, 6)", style=solid]; "124 conv_transpose2d_scale_0" -> "127 quantize_per_channel_default_10" [label="(1024,)", style=solid]; "124 conv_transpose2d_scale_0" -> "128 dequantize_per_channel_default_10" [label="(1024,)", style=solid]; -"125 conv_transpose2d_zero_point_0" -> "127 quantize_per_channel_default_10" [label="(1024,)", style=solid]; -"125 conv_transpose2d_zero_point_0" -> "128 dequantize_per_channel_default_10" [label="(1024,)", style=solid]; +"125 conv_transpose2d_zero_point_0" -> "127 quantize_per_channel_default_10" [label="(1024,)", style=dashed]; +"125 conv_transpose2d_zero_point_0" -> "128 dequantize_per_channel_default_10" [label="(1024,)", style=dashed]; "126 compressed_weight_updated_constant10" -> "127 quantize_per_channel_default_10" [label="(1024, 512, 2, 2)", style=solid]; "127 quantize_per_channel_default_10" -> "128 dequantize_per_channel_default_10" [label="(1024, 512, 2, 2)", style=solid]; "128 dequantize_per_channel_default_10" -> "129 conv_transpose2d" [label="(1024, 512, 2, 2)", style=solid]; @@ -419,8 +419,8 @@ strict digraph { "136 cat" -> "142 conv2d_10" [label="(1, 1024, 12, 12)", style=solid]; "137 conv2d_10_scale_0" -> "140 quantize_per_channel_default_11" [label="(512,)", style=solid]; "137 conv2d_10_scale_0" -> "141 dequantize_per_channel_default_11" [label="(512,)", style=solid]; -"138 conv2d_10_zero_point_0" -> "140 quantize_per_channel_default_11" [label="(512,)", style=solid]; -"138 conv2d_10_zero_point_0" -> "141 dequantize_per_channel_default_11" [label="(512,)", style=solid]; +"138 conv2d_10_zero_point_0" -> "140 quantize_per_channel_default_11" [label="(512,)", style=dashed]; +"138 conv2d_10_zero_point_0" -> "141 dequantize_per_channel_default_11" [label="(512,)", style=dashed]; "139 compressed_weight_updated_constant11" -> "140 quantize_per_channel_default_11" [label="(512, 1024, 3, 3)", style=solid]; "140 quantize_per_channel_default_11" -> "141 dequantize_per_channel_default_11" [label="(512, 1024, 3, 3)", style=solid]; "141 dequantize_per_channel_default_11" -> "142 conv2d_10" [label="(512, 1024, 3, 3)", style=solid]; @@ -430,8 +430,8 @@ strict digraph { "145 dequantize_per_tensor_default_19" -> "151 conv2d_11" [label="(1, 512, 10, 10)", style=solid]; "146 conv2d_11_scale_0" -> "149 quantize_per_channel_default_12" [label="(512,)", style=solid]; "146 conv2d_11_scale_0" -> "150 dequantize_per_channel_default_12" [label="(512,)", style=solid]; -"147 conv2d_11_zero_point_0" -> "149 quantize_per_channel_default_12" [label="(512,)", style=solid]; -"147 conv2d_11_zero_point_0" -> "150 dequantize_per_channel_default_12" [label="(512,)", style=solid]; +"147 conv2d_11_zero_point_0" -> "149 quantize_per_channel_default_12" [label="(512,)", style=dashed]; +"147 conv2d_11_zero_point_0" -> "150 dequantize_per_channel_default_12" [label="(512,)", style=dashed]; "148 compressed_weight_updated_constant12" -> "149 quantize_per_channel_default_12" [label="(512, 512, 3, 3)", style=solid]; "149 quantize_per_channel_default_12" -> "150 dequantize_per_channel_default_12" [label="(512, 512, 3, 3)", style=solid]; "150 dequantize_per_channel_default_12" -> "151 conv2d_11" [label="(512, 512, 3, 3)", style=solid]; @@ -441,8 +441,8 @@ strict digraph { "154 dequantize_per_tensor_default_20" -> "160 conv_transpose2d_1" [label="(1, 512, 8, 8)", style=solid]; "155 conv_transpose2d_1_scale_0" -> "158 quantize_per_channel_default_13" [label="(512,)", style=solid]; "155 conv_transpose2d_1_scale_0" -> "159 dequantize_per_channel_default_13" [label="(512,)", style=solid]; -"156 conv_transpose2d_1_zero_point_0" -> "158 quantize_per_channel_default_13" [label="(512,)", style=solid]; -"156 conv_transpose2d_1_zero_point_0" -> "159 dequantize_per_channel_default_13" [label="(512,)", style=solid]; +"156 conv_transpose2d_1_zero_point_0" -> "158 quantize_per_channel_default_13" [label="(512,)", style=dashed]; +"156 conv_transpose2d_1_zero_point_0" -> "159 dequantize_per_channel_default_13" [label="(512,)", style=dashed]; "157 compressed_weight_updated_constant13" -> "158 quantize_per_channel_default_13" [label="(512, 256, 2, 2)", style=solid]; "158 quantize_per_channel_default_13" -> "159 dequantize_per_channel_default_13" [label="(512, 256, 2, 2)", style=solid]; "159 dequantize_per_channel_default_13" -> "160 conv_transpose2d_1" [label="(512, 256, 2, 2)", style=solid]; @@ -456,8 +456,8 @@ strict digraph { "167 cat_1" -> "173 conv2d_12" [label="(1, 512, 16, 16)", style=solid]; "168 conv2d_12_scale_0" -> "171 quantize_per_channel_default_14" [label="(256,)", style=solid]; "168 conv2d_12_scale_0" -> "172 dequantize_per_channel_default_14" [label="(256,)", style=solid]; -"169 conv2d_12_zero_point_0" -> "171 quantize_per_channel_default_14" [label="(256,)", style=solid]; -"169 conv2d_12_zero_point_0" -> "172 dequantize_per_channel_default_14" [label="(256,)", style=solid]; +"169 conv2d_12_zero_point_0" -> "171 quantize_per_channel_default_14" [label="(256,)", style=dashed]; +"169 conv2d_12_zero_point_0" -> "172 dequantize_per_channel_default_14" [label="(256,)", style=dashed]; "170 compressed_weight_updated_constant14" -> "171 quantize_per_channel_default_14" [label="(256, 512, 3, 3)", style=solid]; "171 quantize_per_channel_default_14" -> "172 dequantize_per_channel_default_14" [label="(256, 512, 3, 3)", style=solid]; "172 dequantize_per_channel_default_14" -> "173 conv2d_12" [label="(256, 512, 3, 3)", style=solid]; @@ -467,8 +467,8 @@ strict digraph { "176 dequantize_per_tensor_default_21" -> "182 conv2d_13" [label="(1, 256, 14, 14)", style=solid]; "177 conv2d_13_scale_0" -> "180 quantize_per_channel_default_15" [label="(256,)", style=solid]; "177 conv2d_13_scale_0" -> "181 dequantize_per_channel_default_15" [label="(256,)", style=solid]; -"178 conv2d_13_zero_point_0" -> "180 quantize_per_channel_default_15" [label="(256,)", style=solid]; -"178 conv2d_13_zero_point_0" -> "181 dequantize_per_channel_default_15" [label="(256,)", style=solid]; +"178 conv2d_13_zero_point_0" -> "180 quantize_per_channel_default_15" [label="(256,)", style=dashed]; +"178 conv2d_13_zero_point_0" -> "181 dequantize_per_channel_default_15" [label="(256,)", style=dashed]; "179 compressed_weight_updated_constant15" -> "180 quantize_per_channel_default_15" [label="(256, 256, 3, 3)", style=solid]; "180 quantize_per_channel_default_15" -> "181 dequantize_per_channel_default_15" [label="(256, 256, 3, 3)", style=solid]; "181 dequantize_per_channel_default_15" -> "182 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; @@ -478,8 +478,8 @@ strict digraph { "185 dequantize_per_tensor_default_22" -> "191 conv_transpose2d_2" [label="(1, 256, 12, 12)", style=solid]; "186 conv_transpose2d_2_scale_0" -> "189 quantize_per_channel_default_16" [label="(256,)", style=solid]; "186 conv_transpose2d_2_scale_0" -> "190 dequantize_per_channel_default_16" [label="(256,)", style=solid]; -"187 conv_transpose2d_2_zero_point_0" -> "189 quantize_per_channel_default_16" [label="(256,)", style=solid]; -"187 conv_transpose2d_2_zero_point_0" -> "190 dequantize_per_channel_default_16" [label="(256,)", style=solid]; +"187 conv_transpose2d_2_zero_point_0" -> "189 quantize_per_channel_default_16" [label="(256,)", style=dashed]; +"187 conv_transpose2d_2_zero_point_0" -> "190 dequantize_per_channel_default_16" [label="(256,)", style=dashed]; "188 compressed_weight_updated_constant16" -> "189 quantize_per_channel_default_16" [label="(256, 128, 2, 2)", style=solid]; "189 quantize_per_channel_default_16" -> "190 dequantize_per_channel_default_16" [label="(256, 128, 2, 2)", style=solid]; "190 dequantize_per_channel_default_16" -> "191 conv_transpose2d_2" [label="(256, 128, 2, 2)", style=solid]; @@ -493,8 +493,8 @@ strict digraph { "198 cat_2" -> "204 conv2d_14" [label="(1, 256, 24, 24)", style=solid]; "199 conv2d_14_scale_0" -> "202 quantize_per_channel_default_17" [label="(128,)", style=solid]; "199 conv2d_14_scale_0" -> "203 dequantize_per_channel_default_17" [label="(128,)", style=solid]; -"200 conv2d_14_zero_point_0" -> "202 quantize_per_channel_default_17" [label="(128,)", style=solid]; -"200 conv2d_14_zero_point_0" -> "203 dequantize_per_channel_default_17" [label="(128,)", style=solid]; +"200 conv2d_14_zero_point_0" -> "202 quantize_per_channel_default_17" [label="(128,)", style=dashed]; +"200 conv2d_14_zero_point_0" -> "203 dequantize_per_channel_default_17" [label="(128,)", style=dashed]; "201 compressed_weight_updated_constant17" -> "202 quantize_per_channel_default_17" [label="(128, 256, 3, 3)", style=solid]; "202 quantize_per_channel_default_17" -> "203 dequantize_per_channel_default_17" [label="(128, 256, 3, 3)", style=solid]; "203 dequantize_per_channel_default_17" -> "204 conv2d_14" [label="(128, 256, 3, 3)", style=solid]; @@ -504,8 +504,8 @@ strict digraph { "207 dequantize_per_tensor_default_23" -> "213 conv2d_15" [label="(1, 128, 22, 22)", style=solid]; "208 conv2d_15_scale_0" -> "211 quantize_per_channel_default_18" [label="(128,)", style=solid]; "208 conv2d_15_scale_0" -> "212 dequantize_per_channel_default_18" [label="(128,)", style=solid]; -"209 conv2d_15_zero_point_0" -> "211 quantize_per_channel_default_18" [label="(128,)", style=solid]; -"209 conv2d_15_zero_point_0" -> "212 dequantize_per_channel_default_18" [label="(128,)", style=solid]; +"209 conv2d_15_zero_point_0" -> "211 quantize_per_channel_default_18" [label="(128,)", style=dashed]; +"209 conv2d_15_zero_point_0" -> "212 dequantize_per_channel_default_18" [label="(128,)", style=dashed]; "210 compressed_weight_updated_constant18" -> "211 quantize_per_channel_default_18" [label="(128, 128, 3, 3)", style=solid]; "211 quantize_per_channel_default_18" -> "212 dequantize_per_channel_default_18" [label="(128, 128, 3, 3)", style=solid]; "212 dequantize_per_channel_default_18" -> "213 conv2d_15" [label="(128, 128, 3, 3)", style=solid]; @@ -515,8 +515,8 @@ strict digraph { "216 dequantize_per_tensor_default_24" -> "222 conv_transpose2d_3" [label="(1, 128, 20, 20)", style=solid]; "217 conv_transpose2d_3_scale_0" -> "220 quantize_per_channel_default_19" [label="(128,)", style=solid]; "217 conv_transpose2d_3_scale_0" -> "221 dequantize_per_channel_default_19" [label="(128,)", style=solid]; -"218 conv_transpose2d_3_zero_point_0" -> "220 quantize_per_channel_default_19" [label="(128,)", style=solid]; -"218 conv_transpose2d_3_zero_point_0" -> "221 dequantize_per_channel_default_19" [label="(128,)", style=solid]; +"218 conv_transpose2d_3_zero_point_0" -> "220 quantize_per_channel_default_19" [label="(128,)", style=dashed]; +"218 conv_transpose2d_3_zero_point_0" -> "221 dequantize_per_channel_default_19" [label="(128,)", style=dashed]; "219 compressed_weight_updated_constant19" -> "220 quantize_per_channel_default_19" [label="(128, 64, 2, 2)", style=solid]; "220 quantize_per_channel_default_19" -> "221 dequantize_per_channel_default_19" [label="(128, 64, 2, 2)", style=solid]; "221 dequantize_per_channel_default_19" -> "222 conv_transpose2d_3" [label="(128, 64, 2, 2)", style=solid]; @@ -530,8 +530,8 @@ strict digraph { "229 cat_3" -> "235 conv2d_16" [label="(1, 128, 40, 40)", style=solid]; "230 conv2d_16_scale_0" -> "233 quantize_per_channel_default_20" [label="(64,)", style=solid]; "230 conv2d_16_scale_0" -> "234 dequantize_per_channel_default_20" [label="(64,)", style=solid]; -"231 conv2d_16_zero_point_0" -> "233 quantize_per_channel_default_20" [label="(64,)", style=solid]; -"231 conv2d_16_zero_point_0" -> "234 dequantize_per_channel_default_20" [label="(64,)", style=solid]; +"231 conv2d_16_zero_point_0" -> "233 quantize_per_channel_default_20" [label="(64,)", style=dashed]; +"231 conv2d_16_zero_point_0" -> "234 dequantize_per_channel_default_20" [label="(64,)", style=dashed]; "232 compressed_weight_updated_constant20" -> "233 quantize_per_channel_default_20" [label="(64, 128, 3, 3)", style=solid]; "233 quantize_per_channel_default_20" -> "234 dequantize_per_channel_default_20" [label="(64, 128, 3, 3)", style=solid]; "234 dequantize_per_channel_default_20" -> "235 conv2d_16" [label="(64, 128, 3, 3)", style=solid]; @@ -541,8 +541,8 @@ strict digraph { "238 dequantize_per_tensor_default_25" -> "244 conv2d_17" [label="(1, 64, 38, 38)", style=solid]; "239 conv2d_17_scale_0" -> "242 quantize_per_channel_default_21" [label="(64,)", style=solid]; "239 conv2d_17_scale_0" -> "243 dequantize_per_channel_default_21" [label="(64,)", style=solid]; -"240 conv2d_17_zero_point_0" -> "242 quantize_per_channel_default_21" [label="(64,)", style=solid]; -"240 conv2d_17_zero_point_0" -> "243 dequantize_per_channel_default_21" [label="(64,)", style=solid]; +"240 conv2d_17_zero_point_0" -> "242 quantize_per_channel_default_21" [label="(64,)", style=dashed]; +"240 conv2d_17_zero_point_0" -> "243 dequantize_per_channel_default_21" [label="(64,)", style=dashed]; "241 compressed_weight_updated_constant21" -> "242 quantize_per_channel_default_21" [label="(64, 64, 3, 3)", style=solid]; "242 quantize_per_channel_default_21" -> "243 dequantize_per_channel_default_21" [label="(64, 64, 3, 3)", style=solid]; "243 dequantize_per_channel_default_21" -> "244 conv2d_17" [label="(64, 64, 3, 3)", style=solid]; @@ -552,8 +552,8 @@ strict digraph { "247 dequantize_per_tensor_default_26" -> "253 conv2d_18" [label="(1, 64, 36, 36)", style=solid]; "248 conv2d_18_scale_0" -> "251 quantize_per_channel_default_22" [label="(12,)", style=solid]; "248 conv2d_18_scale_0" -> "252 dequantize_per_channel_default_22" [label="(12,)", style=solid]; -"249 conv2d_18_zero_point_0" -> "251 quantize_per_channel_default_22" [label="(12,)", style=solid]; -"249 conv2d_18_zero_point_0" -> "252 dequantize_per_channel_default_22" [label="(12,)", style=solid]; +"249 conv2d_18_zero_point_0" -> "251 quantize_per_channel_default_22" [label="(12,)", style=dashed]; +"249 conv2d_18_zero_point_0" -> "252 dequantize_per_channel_default_22" [label="(12,)", style=dashed]; "250 compressed_weight_updated_constant22" -> "251 quantize_per_channel_default_22" [label="(12, 64, 1, 1)", style=solid]; "251 quantize_per_channel_default_22" -> "252 dequantize_per_channel_default_22" [label="(12, 64, 1, 1)", style=solid]; "252 dequantize_per_channel_default_22" -> "253 conv2d_18" [label="(12, 64, 1, 1)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/vit_b_16.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/vit_b_16.dot index 8cdf4eb5e4b..d1ca9963e66 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/vit_b_16.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/vit_b_16.dot @@ -1086,8 +1086,8 @@ strict digraph { "103 dequantize_per_tensor_default" -> "109 conv2d" [label="(1, 3, 224, 224)", style=solid]; "104 conv2d_scale_0" -> "107 quantize_per_channel_default" [label="(768,)", style=solid]; "104 conv2d_scale_0" -> "108 dequantize_per_channel_default" [label="(768,)", style=solid]; -"105 conv2d_zero_point_0" -> "107 quantize_per_channel_default" [label="(768,)", style=solid]; -"105 conv2d_zero_point_0" -> "108 dequantize_per_channel_default" [label="(768,)", style=solid]; +"105 conv2d_zero_point_0" -> "107 quantize_per_channel_default" [label="(768,)", style=dashed]; +"105 conv2d_zero_point_0" -> "108 dequantize_per_channel_default" [label="(768,)", style=dashed]; "106 compressed_weight_updated_constant0" -> "107 quantize_per_channel_default" [label="(768, 3, 16, 16)", style=solid]; "107 quantize_per_channel_default" -> "108 dequantize_per_channel_default" [label="(768, 3, 16, 16)", style=solid]; "108 dequantize_per_channel_default" -> "109 conv2d" [label="(768, 3, 16, 16)", style=solid]; @@ -1106,8 +1106,8 @@ strict digraph { "120 dequantize_per_tensor_default_1" -> "126 linear" [label="(197, 1, 768)", style=solid]; "121 linear_scale_0" -> "124 quantize_per_channel_default_1" [label="(2304,)", style=solid]; "121 linear_scale_0" -> "125 dequantize_per_channel_default_1" [label="(2304,)", style=solid]; -"122 linear_zero_point_0" -> "124 quantize_per_channel_default_1" [label="(2304,)", style=solid]; -"122 linear_zero_point_0" -> "125 dequantize_per_channel_default_1" [label="(2304,)", style=solid]; +"122 linear_zero_point_0" -> "124 quantize_per_channel_default_1" [label="(2304,)", style=dashed]; +"122 linear_zero_point_0" -> "125 dequantize_per_channel_default_1" [label="(2304,)", style=dashed]; "123 compressed_weight_updated_constant1" -> "124 quantize_per_channel_default_1" [label="(2304, 768)", style=solid]; "124 quantize_per_channel_default_1" -> "125 dequantize_per_channel_default_1" [label="(2304, 768)", style=solid]; "125 dequantize_per_channel_default_1" -> "126 linear" [label="(2304, 768)", style=solid]; @@ -1143,8 +1143,8 @@ strict digraph { "153 dequantize_per_tensor_default_4" -> "159 linear_1" [label="(197, 768)", style=solid]; "154 linear_1_scale_0" -> "157 quantize_per_channel_default_2" [label="(768,)", style=solid]; "154 linear_1_scale_0" -> "158 dequantize_per_channel_default_2" [label="(768,)", style=solid]; -"155 linear_1_zero_point_0" -> "157 quantize_per_channel_default_2" [label="(768,)", style=solid]; -"155 linear_1_zero_point_0" -> "158 dequantize_per_channel_default_2" [label="(768,)", style=solid]; +"155 linear_1_zero_point_0" -> "157 quantize_per_channel_default_2" [label="(768,)", style=dashed]; +"155 linear_1_zero_point_0" -> "158 dequantize_per_channel_default_2" [label="(768,)", style=dashed]; "156 compressed_weight_updated_constant2" -> "157 quantize_per_channel_default_2" [label="(768, 768)", style=solid]; "157 quantize_per_channel_default_2" -> "158 dequantize_per_channel_default_2" [label="(768, 768)", style=solid]; "158 dequantize_per_channel_default_2" -> "159 linear_1" [label="(768, 768)", style=solid]; @@ -1160,8 +1160,8 @@ strict digraph { "167 dequantize_per_tensor_default_5" -> "173 linear_2" [label="(1, 197, 768)", style=solid]; "168 linear_2_scale_0" -> "171 quantize_per_channel_default_3" [label="(3072,)", style=solid]; "168 linear_2_scale_0" -> "172 dequantize_per_channel_default_3" [label="(3072,)", style=solid]; -"169 linear_2_zero_point_0" -> "171 quantize_per_channel_default_3" [label="(3072,)", style=solid]; -"169 linear_2_zero_point_0" -> "172 dequantize_per_channel_default_3" [label="(3072,)", style=solid]; +"169 linear_2_zero_point_0" -> "171 quantize_per_channel_default_3" [label="(3072,)", style=dashed]; +"169 linear_2_zero_point_0" -> "172 dequantize_per_channel_default_3" [label="(3072,)", style=dashed]; "170 compressed_weight_updated_constant3" -> "171 quantize_per_channel_default_3" [label="(3072, 768)", style=solid]; "171 quantize_per_channel_default_3" -> "172 dequantize_per_channel_default_3" [label="(3072, 768)", style=solid]; "172 dequantize_per_channel_default_3" -> "173 linear_2" [label="(3072, 768)", style=solid]; @@ -1173,8 +1173,8 @@ strict digraph { "178 dequantize_per_tensor_default_6" -> "184 linear_3" [label="(1, 197, 3072)", style=solid]; "179 linear_3_scale_0" -> "182 quantize_per_channel_default_4" [label="(768,)", style=solid]; "179 linear_3_scale_0" -> "183 dequantize_per_channel_default_4" [label="(768,)", style=solid]; -"180 linear_3_zero_point_0" -> "182 quantize_per_channel_default_4" [label="(768,)", style=solid]; -"180 linear_3_zero_point_0" -> "183 dequantize_per_channel_default_4" [label="(768,)", style=solid]; +"180 linear_3_zero_point_0" -> "182 quantize_per_channel_default_4" [label="(768,)", style=dashed]; +"180 linear_3_zero_point_0" -> "183 dequantize_per_channel_default_4" [label="(768,)", style=dashed]; "181 compressed_weight_updated_constant4" -> "182 quantize_per_channel_default_4" [label="(768, 3072)", style=solid]; "182 quantize_per_channel_default_4" -> "183 dequantize_per_channel_default_4" [label="(768, 3072)", style=solid]; "183 dequantize_per_channel_default_4" -> "184 linear_3" [label="(768, 3072)", style=solid]; @@ -1189,8 +1189,8 @@ strict digraph { "191 dequantize_per_tensor_default_7" -> "197 linear_4" [label="(197, 1, 768)", style=solid]; "192 linear_4_scale_0" -> "195 quantize_per_channel_default_5" [label="(2304,)", style=solid]; "192 linear_4_scale_0" -> "196 dequantize_per_channel_default_5" [label="(2304,)", style=solid]; -"193 linear_4_zero_point_0" -> "195 quantize_per_channel_default_5" [label="(2304,)", style=solid]; -"193 linear_4_zero_point_0" -> "196 dequantize_per_channel_default_5" [label="(2304,)", style=solid]; +"193 linear_4_zero_point_0" -> "195 quantize_per_channel_default_5" [label="(2304,)", style=dashed]; +"193 linear_4_zero_point_0" -> "196 dequantize_per_channel_default_5" [label="(2304,)", style=dashed]; "194 compressed_weight_updated_constant5" -> "195 quantize_per_channel_default_5" [label="(2304, 768)", style=solid]; "195 quantize_per_channel_default_5" -> "196 dequantize_per_channel_default_5" [label="(2304, 768)", style=solid]; "196 dequantize_per_channel_default_5" -> "197 linear_4" [label="(2304, 768)", style=solid]; @@ -1226,8 +1226,8 @@ strict digraph { "224 dequantize_per_tensor_default_10" -> "230 linear_5" [label="(197, 768)", style=solid]; "225 linear_5_scale_0" -> "228 quantize_per_channel_default_6" [label="(768,)", style=solid]; "225 linear_5_scale_0" -> "229 dequantize_per_channel_default_6" [label="(768,)", style=solid]; -"226 linear_5_zero_point_0" -> "228 quantize_per_channel_default_6" [label="(768,)", style=solid]; -"226 linear_5_zero_point_0" -> "229 dequantize_per_channel_default_6" [label="(768,)", style=solid]; +"226 linear_5_zero_point_0" -> "228 quantize_per_channel_default_6" [label="(768,)", style=dashed]; +"226 linear_5_zero_point_0" -> "229 dequantize_per_channel_default_6" [label="(768,)", style=dashed]; "227 compressed_weight_updated_constant6" -> "228 quantize_per_channel_default_6" [label="(768, 768)", style=solid]; "228 quantize_per_channel_default_6" -> "229 dequantize_per_channel_default_6" [label="(768, 768)", style=solid]; "229 dequantize_per_channel_default_6" -> "230 linear_5" [label="(768, 768)", style=solid]; @@ -1243,8 +1243,8 @@ strict digraph { "238 dequantize_per_tensor_default_11" -> "244 linear_6" [label="(1, 197, 768)", style=solid]; "239 linear_6_scale_0" -> "242 quantize_per_channel_default_7" [label="(3072,)", style=solid]; "239 linear_6_scale_0" -> "243 dequantize_per_channel_default_7" [label="(3072,)", style=solid]; -"240 linear_6_zero_point_0" -> "242 quantize_per_channel_default_7" [label="(3072,)", style=solid]; -"240 linear_6_zero_point_0" -> "243 dequantize_per_channel_default_7" [label="(3072,)", style=solid]; +"240 linear_6_zero_point_0" -> "242 quantize_per_channel_default_7" [label="(3072,)", style=dashed]; +"240 linear_6_zero_point_0" -> "243 dequantize_per_channel_default_7" [label="(3072,)", style=dashed]; "241 compressed_weight_updated_constant7" -> "242 quantize_per_channel_default_7" [label="(3072, 768)", style=solid]; "242 quantize_per_channel_default_7" -> "243 dequantize_per_channel_default_7" [label="(3072, 768)", style=solid]; "243 dequantize_per_channel_default_7" -> "244 linear_6" [label="(3072, 768)", style=solid]; @@ -1256,8 +1256,8 @@ strict digraph { "249 dequantize_per_tensor_default_12" -> "255 linear_7" [label="(1, 197, 3072)", style=solid]; "250 linear_7_scale_0" -> "253 quantize_per_channel_default_8" [label="(768,)", style=solid]; "250 linear_7_scale_0" -> "254 dequantize_per_channel_default_8" [label="(768,)", style=solid]; -"251 linear_7_zero_point_0" -> "253 quantize_per_channel_default_8" [label="(768,)", style=solid]; -"251 linear_7_zero_point_0" -> "254 dequantize_per_channel_default_8" [label="(768,)", style=solid]; +"251 linear_7_zero_point_0" -> "253 quantize_per_channel_default_8" [label="(768,)", style=dashed]; +"251 linear_7_zero_point_0" -> "254 dequantize_per_channel_default_8" [label="(768,)", style=dashed]; "252 compressed_weight_updated_constant8" -> "253 quantize_per_channel_default_8" [label="(768, 3072)", style=solid]; "253 quantize_per_channel_default_8" -> "254 dequantize_per_channel_default_8" [label="(768, 3072)", style=solid]; "254 dequantize_per_channel_default_8" -> "255 linear_7" [label="(768, 3072)", style=solid]; @@ -1272,8 +1272,8 @@ strict digraph { "262 dequantize_per_tensor_default_13" -> "268 linear_8" [label="(197, 1, 768)", style=solid]; "263 linear_8_scale_0" -> "266 quantize_per_channel_default_9" [label="(2304,)", style=solid]; "263 linear_8_scale_0" -> "267 dequantize_per_channel_default_9" [label="(2304,)", style=solid]; -"264 linear_8_zero_point_0" -> "266 quantize_per_channel_default_9" [label="(2304,)", style=solid]; -"264 linear_8_zero_point_0" -> "267 dequantize_per_channel_default_9" [label="(2304,)", style=solid]; +"264 linear_8_zero_point_0" -> "266 quantize_per_channel_default_9" [label="(2304,)", style=dashed]; +"264 linear_8_zero_point_0" -> "267 dequantize_per_channel_default_9" [label="(2304,)", style=dashed]; "265 compressed_weight_updated_constant9" -> "266 quantize_per_channel_default_9" [label="(2304, 768)", style=solid]; "266 quantize_per_channel_default_9" -> "267 dequantize_per_channel_default_9" [label="(2304, 768)", style=solid]; "267 dequantize_per_channel_default_9" -> "268 linear_8" [label="(2304, 768)", style=solid]; @@ -1309,8 +1309,8 @@ strict digraph { "295 dequantize_per_tensor_default_16" -> "301 linear_9" [label="(197, 768)", style=solid]; "296 linear_9_scale_0" -> "299 quantize_per_channel_default_10" [label="(768,)", style=solid]; "296 linear_9_scale_0" -> "300 dequantize_per_channel_default_10" [label="(768,)", style=solid]; -"297 linear_9_zero_point_0" -> "299 quantize_per_channel_default_10" [label="(768,)", style=solid]; -"297 linear_9_zero_point_0" -> "300 dequantize_per_channel_default_10" [label="(768,)", style=solid]; +"297 linear_9_zero_point_0" -> "299 quantize_per_channel_default_10" [label="(768,)", style=dashed]; +"297 linear_9_zero_point_0" -> "300 dequantize_per_channel_default_10" [label="(768,)", style=dashed]; "298 compressed_weight_updated_constant10" -> "299 quantize_per_channel_default_10" [label="(768, 768)", style=solid]; "299 quantize_per_channel_default_10" -> "300 dequantize_per_channel_default_10" [label="(768, 768)", style=solid]; "300 dequantize_per_channel_default_10" -> "301 linear_9" [label="(768, 768)", style=solid]; @@ -1326,8 +1326,8 @@ strict digraph { "309 dequantize_per_tensor_default_17" -> "315 linear_10" [label="(1, 197, 768)", style=solid]; "310 linear_10_scale_0" -> "313 quantize_per_channel_default_11" [label="(3072,)", style=solid]; "310 linear_10_scale_0" -> "314 dequantize_per_channel_default_11" [label="(3072,)", style=solid]; -"311 linear_10_zero_point_0" -> "313 quantize_per_channel_default_11" [label="(3072,)", style=solid]; -"311 linear_10_zero_point_0" -> "314 dequantize_per_channel_default_11" [label="(3072,)", style=solid]; +"311 linear_10_zero_point_0" -> "313 quantize_per_channel_default_11" [label="(3072,)", style=dashed]; +"311 linear_10_zero_point_0" -> "314 dequantize_per_channel_default_11" [label="(3072,)", style=dashed]; "312 compressed_weight_updated_constant11" -> "313 quantize_per_channel_default_11" [label="(3072, 768)", style=solid]; "313 quantize_per_channel_default_11" -> "314 dequantize_per_channel_default_11" [label="(3072, 768)", style=solid]; "314 dequantize_per_channel_default_11" -> "315 linear_10" [label="(3072, 768)", style=solid]; @@ -1339,8 +1339,8 @@ strict digraph { "320 dequantize_per_tensor_default_18" -> "326 linear_11" [label="(1, 197, 3072)", style=solid]; "321 linear_11_scale_0" -> "324 quantize_per_channel_default_12" [label="(768,)", style=solid]; "321 linear_11_scale_0" -> "325 dequantize_per_channel_default_12" [label="(768,)", style=solid]; -"322 linear_11_zero_point_0" -> "324 quantize_per_channel_default_12" [label="(768,)", style=solid]; -"322 linear_11_zero_point_0" -> "325 dequantize_per_channel_default_12" [label="(768,)", style=solid]; +"322 linear_11_zero_point_0" -> "324 quantize_per_channel_default_12" [label="(768,)", style=dashed]; +"322 linear_11_zero_point_0" -> "325 dequantize_per_channel_default_12" [label="(768,)", style=dashed]; "323 compressed_weight_updated_constant12" -> "324 quantize_per_channel_default_12" [label="(768, 3072)", style=solid]; "324 quantize_per_channel_default_12" -> "325 dequantize_per_channel_default_12" [label="(768, 3072)", style=solid]; "325 dequantize_per_channel_default_12" -> "326 linear_11" [label="(768, 3072)", style=solid]; @@ -1355,8 +1355,8 @@ strict digraph { "333 dequantize_per_tensor_default_19" -> "339 linear_12" [label="(197, 1, 768)", style=solid]; "334 linear_12_scale_0" -> "337 quantize_per_channel_default_13" [label="(2304,)", style=solid]; "334 linear_12_scale_0" -> "338 dequantize_per_channel_default_13" [label="(2304,)", style=solid]; -"335 linear_12_zero_point_0" -> "337 quantize_per_channel_default_13" [label="(2304,)", style=solid]; -"335 linear_12_zero_point_0" -> "338 dequantize_per_channel_default_13" [label="(2304,)", style=solid]; +"335 linear_12_zero_point_0" -> "337 quantize_per_channel_default_13" [label="(2304,)", style=dashed]; +"335 linear_12_zero_point_0" -> "338 dequantize_per_channel_default_13" [label="(2304,)", style=dashed]; "336 compressed_weight_updated_constant13" -> "337 quantize_per_channel_default_13" [label="(2304, 768)", style=solid]; "337 quantize_per_channel_default_13" -> "338 dequantize_per_channel_default_13" [label="(2304, 768)", style=solid]; "338 dequantize_per_channel_default_13" -> "339 linear_12" [label="(2304, 768)", style=solid]; @@ -1392,8 +1392,8 @@ strict digraph { "366 dequantize_per_tensor_default_22" -> "372 linear_13" [label="(197, 768)", style=solid]; "367 linear_13_scale_0" -> "370 quantize_per_channel_default_14" [label="(768,)", style=solid]; "367 linear_13_scale_0" -> "371 dequantize_per_channel_default_14" [label="(768,)", style=solid]; -"368 linear_13_zero_point_0" -> "370 quantize_per_channel_default_14" [label="(768,)", style=solid]; -"368 linear_13_zero_point_0" -> "371 dequantize_per_channel_default_14" [label="(768,)", style=solid]; +"368 linear_13_zero_point_0" -> "370 quantize_per_channel_default_14" [label="(768,)", style=dashed]; +"368 linear_13_zero_point_0" -> "371 dequantize_per_channel_default_14" [label="(768,)", style=dashed]; "369 compressed_weight_updated_constant14" -> "370 quantize_per_channel_default_14" [label="(768, 768)", style=solid]; "370 quantize_per_channel_default_14" -> "371 dequantize_per_channel_default_14" [label="(768, 768)", style=solid]; "371 dequantize_per_channel_default_14" -> "372 linear_13" [label="(768, 768)", style=solid]; @@ -1409,8 +1409,8 @@ strict digraph { "380 dequantize_per_tensor_default_23" -> "386 linear_14" [label="(1, 197, 768)", style=solid]; "381 linear_14_scale_0" -> "384 quantize_per_channel_default_15" [label="(3072,)", style=solid]; "381 linear_14_scale_0" -> "385 dequantize_per_channel_default_15" [label="(3072,)", style=solid]; -"382 linear_14_zero_point_0" -> "384 quantize_per_channel_default_15" [label="(3072,)", style=solid]; -"382 linear_14_zero_point_0" -> "385 dequantize_per_channel_default_15" [label="(3072,)", style=solid]; +"382 linear_14_zero_point_0" -> "384 quantize_per_channel_default_15" [label="(3072,)", style=dashed]; +"382 linear_14_zero_point_0" -> "385 dequantize_per_channel_default_15" [label="(3072,)", style=dashed]; "383 compressed_weight_updated_constant15" -> "384 quantize_per_channel_default_15" [label="(3072, 768)", style=solid]; "384 quantize_per_channel_default_15" -> "385 dequantize_per_channel_default_15" [label="(3072, 768)", style=solid]; "385 dequantize_per_channel_default_15" -> "386 linear_14" [label="(3072, 768)", style=solid]; @@ -1422,8 +1422,8 @@ strict digraph { "391 dequantize_per_tensor_default_24" -> "397 linear_15" [label="(1, 197, 3072)", style=solid]; "392 linear_15_scale_0" -> "395 quantize_per_channel_default_16" [label="(768,)", style=solid]; "392 linear_15_scale_0" -> "396 dequantize_per_channel_default_16" [label="(768,)", style=solid]; -"393 linear_15_zero_point_0" -> "395 quantize_per_channel_default_16" [label="(768,)", style=solid]; -"393 linear_15_zero_point_0" -> "396 dequantize_per_channel_default_16" [label="(768,)", style=solid]; +"393 linear_15_zero_point_0" -> "395 quantize_per_channel_default_16" [label="(768,)", style=dashed]; +"393 linear_15_zero_point_0" -> "396 dequantize_per_channel_default_16" [label="(768,)", style=dashed]; "394 compressed_weight_updated_constant16" -> "395 quantize_per_channel_default_16" [label="(768, 3072)", style=solid]; "395 quantize_per_channel_default_16" -> "396 dequantize_per_channel_default_16" [label="(768, 3072)", style=solid]; "396 dequantize_per_channel_default_16" -> "397 linear_15" [label="(768, 3072)", style=solid]; @@ -1438,8 +1438,8 @@ strict digraph { "404 dequantize_per_tensor_default_25" -> "410 linear_16" [label="(197, 1, 768)", style=solid]; "405 linear_16_scale_0" -> "408 quantize_per_channel_default_17" [label="(2304,)", style=solid]; "405 linear_16_scale_0" -> "409 dequantize_per_channel_default_17" [label="(2304,)", style=solid]; -"406 linear_16_zero_point_0" -> "408 quantize_per_channel_default_17" [label="(2304,)", style=solid]; -"406 linear_16_zero_point_0" -> "409 dequantize_per_channel_default_17" [label="(2304,)", style=solid]; +"406 linear_16_zero_point_0" -> "408 quantize_per_channel_default_17" [label="(2304,)", style=dashed]; +"406 linear_16_zero_point_0" -> "409 dequantize_per_channel_default_17" [label="(2304,)", style=dashed]; "407 compressed_weight_updated_constant17" -> "408 quantize_per_channel_default_17" [label="(2304, 768)", style=solid]; "408 quantize_per_channel_default_17" -> "409 dequantize_per_channel_default_17" [label="(2304, 768)", style=solid]; "409 dequantize_per_channel_default_17" -> "410 linear_16" [label="(2304, 768)", style=solid]; @@ -1475,8 +1475,8 @@ strict digraph { "437 dequantize_per_tensor_default_28" -> "443 linear_17" [label="(197, 768)", style=solid]; "438 linear_17_scale_0" -> "441 quantize_per_channel_default_18" [label="(768,)", style=solid]; "438 linear_17_scale_0" -> "442 dequantize_per_channel_default_18" [label="(768,)", style=solid]; -"439 linear_17_zero_point_0" -> "441 quantize_per_channel_default_18" [label="(768,)", style=solid]; -"439 linear_17_zero_point_0" -> "442 dequantize_per_channel_default_18" [label="(768,)", style=solid]; +"439 linear_17_zero_point_0" -> "441 quantize_per_channel_default_18" [label="(768,)", style=dashed]; +"439 linear_17_zero_point_0" -> "442 dequantize_per_channel_default_18" [label="(768,)", style=dashed]; "440 compressed_weight_updated_constant18" -> "441 quantize_per_channel_default_18" [label="(768, 768)", style=solid]; "441 quantize_per_channel_default_18" -> "442 dequantize_per_channel_default_18" [label="(768, 768)", style=solid]; "442 dequantize_per_channel_default_18" -> "443 linear_17" [label="(768, 768)", style=solid]; @@ -1492,8 +1492,8 @@ strict digraph { "451 dequantize_per_tensor_default_29" -> "457 linear_18" [label="(1, 197, 768)", style=solid]; "452 linear_18_scale_0" -> "455 quantize_per_channel_default_19" [label="(3072,)", style=solid]; "452 linear_18_scale_0" -> "456 dequantize_per_channel_default_19" [label="(3072,)", style=solid]; -"453 linear_18_zero_point_0" -> "455 quantize_per_channel_default_19" [label="(3072,)", style=solid]; -"453 linear_18_zero_point_0" -> "456 dequantize_per_channel_default_19" [label="(3072,)", style=solid]; +"453 linear_18_zero_point_0" -> "455 quantize_per_channel_default_19" [label="(3072,)", style=dashed]; +"453 linear_18_zero_point_0" -> "456 dequantize_per_channel_default_19" [label="(3072,)", style=dashed]; "454 compressed_weight_updated_constant19" -> "455 quantize_per_channel_default_19" [label="(3072, 768)", style=solid]; "455 quantize_per_channel_default_19" -> "456 dequantize_per_channel_default_19" [label="(3072, 768)", style=solid]; "456 dequantize_per_channel_default_19" -> "457 linear_18" [label="(3072, 768)", style=solid]; @@ -1505,8 +1505,8 @@ strict digraph { "462 dequantize_per_tensor_default_30" -> "468 linear_19" [label="(1, 197, 3072)", style=solid]; "463 linear_19_scale_0" -> "466 quantize_per_channel_default_20" [label="(768,)", style=solid]; "463 linear_19_scale_0" -> "467 dequantize_per_channel_default_20" [label="(768,)", style=solid]; -"464 linear_19_zero_point_0" -> "466 quantize_per_channel_default_20" [label="(768,)", style=solid]; -"464 linear_19_zero_point_0" -> "467 dequantize_per_channel_default_20" [label="(768,)", style=solid]; +"464 linear_19_zero_point_0" -> "466 quantize_per_channel_default_20" [label="(768,)", style=dashed]; +"464 linear_19_zero_point_0" -> "467 dequantize_per_channel_default_20" [label="(768,)", style=dashed]; "465 compressed_weight_updated_constant20" -> "466 quantize_per_channel_default_20" [label="(768, 3072)", style=solid]; "466 quantize_per_channel_default_20" -> "467 dequantize_per_channel_default_20" [label="(768, 3072)", style=solid]; "467 dequantize_per_channel_default_20" -> "468 linear_19" [label="(768, 3072)", style=solid]; @@ -1521,8 +1521,8 @@ strict digraph { "475 dequantize_per_tensor_default_31" -> "481 linear_20" [label="(197, 1, 768)", style=solid]; "476 linear_20_scale_0" -> "479 quantize_per_channel_default_21" [label="(2304,)", style=solid]; "476 linear_20_scale_0" -> "480 dequantize_per_channel_default_21" [label="(2304,)", style=solid]; -"477 linear_20_zero_point_0" -> "479 quantize_per_channel_default_21" [label="(2304,)", style=solid]; -"477 linear_20_zero_point_0" -> "480 dequantize_per_channel_default_21" [label="(2304,)", style=solid]; +"477 linear_20_zero_point_0" -> "479 quantize_per_channel_default_21" [label="(2304,)", style=dashed]; +"477 linear_20_zero_point_0" -> "480 dequantize_per_channel_default_21" [label="(2304,)", style=dashed]; "478 compressed_weight_updated_constant21" -> "479 quantize_per_channel_default_21" [label="(2304, 768)", style=solid]; "479 quantize_per_channel_default_21" -> "480 dequantize_per_channel_default_21" [label="(2304, 768)", style=solid]; "480 dequantize_per_channel_default_21" -> "481 linear_20" [label="(2304, 768)", style=solid]; @@ -1558,8 +1558,8 @@ strict digraph { "508 dequantize_per_tensor_default_34" -> "514 linear_21" [label="(197, 768)", style=solid]; "509 linear_21_scale_0" -> "512 quantize_per_channel_default_22" [label="(768,)", style=solid]; "509 linear_21_scale_0" -> "513 dequantize_per_channel_default_22" [label="(768,)", style=solid]; -"510 linear_21_zero_point_0" -> "512 quantize_per_channel_default_22" [label="(768,)", style=solid]; -"510 linear_21_zero_point_0" -> "513 dequantize_per_channel_default_22" [label="(768,)", style=solid]; +"510 linear_21_zero_point_0" -> "512 quantize_per_channel_default_22" [label="(768,)", style=dashed]; +"510 linear_21_zero_point_0" -> "513 dequantize_per_channel_default_22" [label="(768,)", style=dashed]; "511 compressed_weight_updated_constant22" -> "512 quantize_per_channel_default_22" [label="(768, 768)", style=solid]; "512 quantize_per_channel_default_22" -> "513 dequantize_per_channel_default_22" [label="(768, 768)", style=solid]; "513 dequantize_per_channel_default_22" -> "514 linear_21" [label="(768, 768)", style=solid]; @@ -1575,8 +1575,8 @@ strict digraph { "522 dequantize_per_tensor_default_35" -> "528 linear_22" [label="(1, 197, 768)", style=solid]; "523 linear_22_scale_0" -> "526 quantize_per_channel_default_23" [label="(3072,)", style=solid]; "523 linear_22_scale_0" -> "527 dequantize_per_channel_default_23" [label="(3072,)", style=solid]; -"524 linear_22_zero_point_0" -> "526 quantize_per_channel_default_23" [label="(3072,)", style=solid]; -"524 linear_22_zero_point_0" -> "527 dequantize_per_channel_default_23" [label="(3072,)", style=solid]; +"524 linear_22_zero_point_0" -> "526 quantize_per_channel_default_23" [label="(3072,)", style=dashed]; +"524 linear_22_zero_point_0" -> "527 dequantize_per_channel_default_23" [label="(3072,)", style=dashed]; "525 compressed_weight_updated_constant23" -> "526 quantize_per_channel_default_23" [label="(3072, 768)", style=solid]; "526 quantize_per_channel_default_23" -> "527 dequantize_per_channel_default_23" [label="(3072, 768)", style=solid]; "527 dequantize_per_channel_default_23" -> "528 linear_22" [label="(3072, 768)", style=solid]; @@ -1588,8 +1588,8 @@ strict digraph { "533 dequantize_per_tensor_default_36" -> "539 linear_23" [label="(1, 197, 3072)", style=solid]; "534 linear_23_scale_0" -> "537 quantize_per_channel_default_24" [label="(768,)", style=solid]; "534 linear_23_scale_0" -> "538 dequantize_per_channel_default_24" [label="(768,)", style=solid]; -"535 linear_23_zero_point_0" -> "537 quantize_per_channel_default_24" [label="(768,)", style=solid]; -"535 linear_23_zero_point_0" -> "538 dequantize_per_channel_default_24" [label="(768,)", style=solid]; +"535 linear_23_zero_point_0" -> "537 quantize_per_channel_default_24" [label="(768,)", style=dashed]; +"535 linear_23_zero_point_0" -> "538 dequantize_per_channel_default_24" [label="(768,)", style=dashed]; "536 compressed_weight_updated_constant24" -> "537 quantize_per_channel_default_24" [label="(768, 3072)", style=solid]; "537 quantize_per_channel_default_24" -> "538 dequantize_per_channel_default_24" [label="(768, 3072)", style=solid]; "538 dequantize_per_channel_default_24" -> "539 linear_23" [label="(768, 3072)", style=solid]; @@ -1604,8 +1604,8 @@ strict digraph { "546 dequantize_per_tensor_default_37" -> "552 linear_24" [label="(197, 1, 768)", style=solid]; "547 linear_24_scale_0" -> "550 quantize_per_channel_default_25" [label="(2304,)", style=solid]; "547 linear_24_scale_0" -> "551 dequantize_per_channel_default_25" [label="(2304,)", style=solid]; -"548 linear_24_zero_point_0" -> "550 quantize_per_channel_default_25" [label="(2304,)", style=solid]; -"548 linear_24_zero_point_0" -> "551 dequantize_per_channel_default_25" [label="(2304,)", style=solid]; +"548 linear_24_zero_point_0" -> "550 quantize_per_channel_default_25" [label="(2304,)", style=dashed]; +"548 linear_24_zero_point_0" -> "551 dequantize_per_channel_default_25" [label="(2304,)", style=dashed]; "549 compressed_weight_updated_constant25" -> "550 quantize_per_channel_default_25" [label="(2304, 768)", style=solid]; "550 quantize_per_channel_default_25" -> "551 dequantize_per_channel_default_25" [label="(2304, 768)", style=solid]; "551 dequantize_per_channel_default_25" -> "552 linear_24" [label="(2304, 768)", style=solid]; @@ -1641,8 +1641,8 @@ strict digraph { "579 dequantize_per_tensor_default_40" -> "585 linear_25" [label="(197, 768)", style=solid]; "580 linear_25_scale_0" -> "583 quantize_per_channel_default_26" [label="(768,)", style=solid]; "580 linear_25_scale_0" -> "584 dequantize_per_channel_default_26" [label="(768,)", style=solid]; -"581 linear_25_zero_point_0" -> "583 quantize_per_channel_default_26" [label="(768,)", style=solid]; -"581 linear_25_zero_point_0" -> "584 dequantize_per_channel_default_26" [label="(768,)", style=solid]; +"581 linear_25_zero_point_0" -> "583 quantize_per_channel_default_26" [label="(768,)", style=dashed]; +"581 linear_25_zero_point_0" -> "584 dequantize_per_channel_default_26" [label="(768,)", style=dashed]; "582 compressed_weight_updated_constant26" -> "583 quantize_per_channel_default_26" [label="(768, 768)", style=solid]; "583 quantize_per_channel_default_26" -> "584 dequantize_per_channel_default_26" [label="(768, 768)", style=solid]; "584 dequantize_per_channel_default_26" -> "585 linear_25" [label="(768, 768)", style=solid]; @@ -1658,8 +1658,8 @@ strict digraph { "593 dequantize_per_tensor_default_41" -> "599 linear_26" [label="(1, 197, 768)", style=solid]; "594 linear_26_scale_0" -> "597 quantize_per_channel_default_27" [label="(3072,)", style=solid]; "594 linear_26_scale_0" -> "598 dequantize_per_channel_default_27" [label="(3072,)", style=solid]; -"595 linear_26_zero_point_0" -> "597 quantize_per_channel_default_27" [label="(3072,)", style=solid]; -"595 linear_26_zero_point_0" -> "598 dequantize_per_channel_default_27" [label="(3072,)", style=solid]; +"595 linear_26_zero_point_0" -> "597 quantize_per_channel_default_27" [label="(3072,)", style=dashed]; +"595 linear_26_zero_point_0" -> "598 dequantize_per_channel_default_27" [label="(3072,)", style=dashed]; "596 compressed_weight_updated_constant27" -> "597 quantize_per_channel_default_27" [label="(3072, 768)", style=solid]; "597 quantize_per_channel_default_27" -> "598 dequantize_per_channel_default_27" [label="(3072, 768)", style=solid]; "598 dequantize_per_channel_default_27" -> "599 linear_26" [label="(3072, 768)", style=solid]; @@ -1671,8 +1671,8 @@ strict digraph { "604 dequantize_per_tensor_default_42" -> "610 linear_27" [label="(1, 197, 3072)", style=solid]; "605 linear_27_scale_0" -> "608 quantize_per_channel_default_28" [label="(768,)", style=solid]; "605 linear_27_scale_0" -> "609 dequantize_per_channel_default_28" [label="(768,)", style=solid]; -"606 linear_27_zero_point_0" -> "608 quantize_per_channel_default_28" [label="(768,)", style=solid]; -"606 linear_27_zero_point_0" -> "609 dequantize_per_channel_default_28" [label="(768,)", style=solid]; +"606 linear_27_zero_point_0" -> "608 quantize_per_channel_default_28" [label="(768,)", style=dashed]; +"606 linear_27_zero_point_0" -> "609 dequantize_per_channel_default_28" [label="(768,)", style=dashed]; "607 compressed_weight_updated_constant28" -> "608 quantize_per_channel_default_28" [label="(768, 3072)", style=solid]; "608 quantize_per_channel_default_28" -> "609 dequantize_per_channel_default_28" [label="(768, 3072)", style=solid]; "609 dequantize_per_channel_default_28" -> "610 linear_27" [label="(768, 3072)", style=solid]; @@ -1687,8 +1687,8 @@ strict digraph { "617 dequantize_per_tensor_default_43" -> "623 linear_28" [label="(197, 1, 768)", style=solid]; "618 linear_28_scale_0" -> "621 quantize_per_channel_default_29" [label="(2304,)", style=solid]; "618 linear_28_scale_0" -> "622 dequantize_per_channel_default_29" [label="(2304,)", style=solid]; -"619 linear_28_zero_point_0" -> "621 quantize_per_channel_default_29" [label="(2304,)", style=solid]; -"619 linear_28_zero_point_0" -> "622 dequantize_per_channel_default_29" [label="(2304,)", style=solid]; +"619 linear_28_zero_point_0" -> "621 quantize_per_channel_default_29" [label="(2304,)", style=dashed]; +"619 linear_28_zero_point_0" -> "622 dequantize_per_channel_default_29" [label="(2304,)", style=dashed]; "620 compressed_weight_updated_constant29" -> "621 quantize_per_channel_default_29" [label="(2304, 768)", style=solid]; "621 quantize_per_channel_default_29" -> "622 dequantize_per_channel_default_29" [label="(2304, 768)", style=solid]; "622 dequantize_per_channel_default_29" -> "623 linear_28" [label="(2304, 768)", style=solid]; @@ -1724,8 +1724,8 @@ strict digraph { "650 dequantize_per_tensor_default_46" -> "656 linear_29" [label="(197, 768)", style=solid]; "651 linear_29_scale_0" -> "654 quantize_per_channel_default_30" [label="(768,)", style=solid]; "651 linear_29_scale_0" -> "655 dequantize_per_channel_default_30" [label="(768,)", style=solid]; -"652 linear_29_zero_point_0" -> "654 quantize_per_channel_default_30" [label="(768,)", style=solid]; -"652 linear_29_zero_point_0" -> "655 dequantize_per_channel_default_30" [label="(768,)", style=solid]; +"652 linear_29_zero_point_0" -> "654 quantize_per_channel_default_30" [label="(768,)", style=dashed]; +"652 linear_29_zero_point_0" -> "655 dequantize_per_channel_default_30" [label="(768,)", style=dashed]; "653 compressed_weight_updated_constant30" -> "654 quantize_per_channel_default_30" [label="(768, 768)", style=solid]; "654 quantize_per_channel_default_30" -> "655 dequantize_per_channel_default_30" [label="(768, 768)", style=solid]; "655 dequantize_per_channel_default_30" -> "656 linear_29" [label="(768, 768)", style=solid]; @@ -1741,8 +1741,8 @@ strict digraph { "664 dequantize_per_tensor_default_47" -> "670 linear_30" [label="(1, 197, 768)", style=solid]; "665 linear_30_scale_0" -> "668 quantize_per_channel_default_31" [label="(3072,)", style=solid]; "665 linear_30_scale_0" -> "669 dequantize_per_channel_default_31" [label="(3072,)", style=solid]; -"666 linear_30_zero_point_0" -> "668 quantize_per_channel_default_31" [label="(3072,)", style=solid]; -"666 linear_30_zero_point_0" -> "669 dequantize_per_channel_default_31" [label="(3072,)", style=solid]; +"666 linear_30_zero_point_0" -> "668 quantize_per_channel_default_31" [label="(3072,)", style=dashed]; +"666 linear_30_zero_point_0" -> "669 dequantize_per_channel_default_31" [label="(3072,)", style=dashed]; "667 compressed_weight_updated_constant31" -> "668 quantize_per_channel_default_31" [label="(3072, 768)", style=solid]; "668 quantize_per_channel_default_31" -> "669 dequantize_per_channel_default_31" [label="(3072, 768)", style=solid]; "669 dequantize_per_channel_default_31" -> "670 linear_30" [label="(3072, 768)", style=solid]; @@ -1754,8 +1754,8 @@ strict digraph { "675 dequantize_per_tensor_default_48" -> "681 linear_31" [label="(1, 197, 3072)", style=solid]; "676 linear_31_scale_0" -> "679 quantize_per_channel_default_32" [label="(768,)", style=solid]; "676 linear_31_scale_0" -> "680 dequantize_per_channel_default_32" [label="(768,)", style=solid]; -"677 linear_31_zero_point_0" -> "679 quantize_per_channel_default_32" [label="(768,)", style=solid]; -"677 linear_31_zero_point_0" -> "680 dequantize_per_channel_default_32" [label="(768,)", style=solid]; +"677 linear_31_zero_point_0" -> "679 quantize_per_channel_default_32" [label="(768,)", style=dashed]; +"677 linear_31_zero_point_0" -> "680 dequantize_per_channel_default_32" [label="(768,)", style=dashed]; "678 compressed_weight_updated_constant32" -> "679 quantize_per_channel_default_32" [label="(768, 3072)", style=solid]; "679 quantize_per_channel_default_32" -> "680 dequantize_per_channel_default_32" [label="(768, 3072)", style=solid]; "680 dequantize_per_channel_default_32" -> "681 linear_31" [label="(768, 3072)", style=solid]; @@ -1770,8 +1770,8 @@ strict digraph { "688 dequantize_per_tensor_default_49" -> "694 linear_32" [label="(197, 1, 768)", style=solid]; "689 linear_32_scale_0" -> "692 quantize_per_channel_default_33" [label="(2304,)", style=solid]; "689 linear_32_scale_0" -> "693 dequantize_per_channel_default_33" [label="(2304,)", style=solid]; -"690 linear_32_zero_point_0" -> "692 quantize_per_channel_default_33" [label="(2304,)", style=solid]; -"690 linear_32_zero_point_0" -> "693 dequantize_per_channel_default_33" [label="(2304,)", style=solid]; +"690 linear_32_zero_point_0" -> "692 quantize_per_channel_default_33" [label="(2304,)", style=dashed]; +"690 linear_32_zero_point_0" -> "693 dequantize_per_channel_default_33" [label="(2304,)", style=dashed]; "691 compressed_weight_updated_constant33" -> "692 quantize_per_channel_default_33" [label="(2304, 768)", style=solid]; "692 quantize_per_channel_default_33" -> "693 dequantize_per_channel_default_33" [label="(2304, 768)", style=solid]; "693 dequantize_per_channel_default_33" -> "694 linear_32" [label="(2304, 768)", style=solid]; @@ -1807,8 +1807,8 @@ strict digraph { "721 dequantize_per_tensor_default_52" -> "727 linear_33" [label="(197, 768)", style=solid]; "722 linear_33_scale_0" -> "725 quantize_per_channel_default_34" [label="(768,)", style=solid]; "722 linear_33_scale_0" -> "726 dequantize_per_channel_default_34" [label="(768,)", style=solid]; -"723 linear_33_zero_point_0" -> "725 quantize_per_channel_default_34" [label="(768,)", style=solid]; -"723 linear_33_zero_point_0" -> "726 dequantize_per_channel_default_34" [label="(768,)", style=solid]; +"723 linear_33_zero_point_0" -> "725 quantize_per_channel_default_34" [label="(768,)", style=dashed]; +"723 linear_33_zero_point_0" -> "726 dequantize_per_channel_default_34" [label="(768,)", style=dashed]; "724 compressed_weight_updated_constant34" -> "725 quantize_per_channel_default_34" [label="(768, 768)", style=solid]; "725 quantize_per_channel_default_34" -> "726 dequantize_per_channel_default_34" [label="(768, 768)", style=solid]; "726 dequantize_per_channel_default_34" -> "727 linear_33" [label="(768, 768)", style=solid]; @@ -1824,8 +1824,8 @@ strict digraph { "735 dequantize_per_tensor_default_53" -> "741 linear_34" [label="(1, 197, 768)", style=solid]; "736 linear_34_scale_0" -> "739 quantize_per_channel_default_35" [label="(3072,)", style=solid]; "736 linear_34_scale_0" -> "740 dequantize_per_channel_default_35" [label="(3072,)", style=solid]; -"737 linear_34_zero_point_0" -> "739 quantize_per_channel_default_35" [label="(3072,)", style=solid]; -"737 linear_34_zero_point_0" -> "740 dequantize_per_channel_default_35" [label="(3072,)", style=solid]; +"737 linear_34_zero_point_0" -> "739 quantize_per_channel_default_35" [label="(3072,)", style=dashed]; +"737 linear_34_zero_point_0" -> "740 dequantize_per_channel_default_35" [label="(3072,)", style=dashed]; "738 compressed_weight_updated_constant35" -> "739 quantize_per_channel_default_35" [label="(3072, 768)", style=solid]; "739 quantize_per_channel_default_35" -> "740 dequantize_per_channel_default_35" [label="(3072, 768)", style=solid]; "740 dequantize_per_channel_default_35" -> "741 linear_34" [label="(3072, 768)", style=solid]; @@ -1837,8 +1837,8 @@ strict digraph { "746 dequantize_per_tensor_default_54" -> "752 linear_35" [label="(1, 197, 3072)", style=solid]; "747 linear_35_scale_0" -> "750 quantize_per_channel_default_36" [label="(768,)", style=solid]; "747 linear_35_scale_0" -> "751 dequantize_per_channel_default_36" [label="(768,)", style=solid]; -"748 linear_35_zero_point_0" -> "750 quantize_per_channel_default_36" [label="(768,)", style=solid]; -"748 linear_35_zero_point_0" -> "751 dequantize_per_channel_default_36" [label="(768,)", style=solid]; +"748 linear_35_zero_point_0" -> "750 quantize_per_channel_default_36" [label="(768,)", style=dashed]; +"748 linear_35_zero_point_0" -> "751 dequantize_per_channel_default_36" [label="(768,)", style=dashed]; "749 compressed_weight_updated_constant36" -> "750 quantize_per_channel_default_36" [label="(768, 3072)", style=solid]; "750 quantize_per_channel_default_36" -> "751 dequantize_per_channel_default_36" [label="(768, 3072)", style=solid]; "751 dequantize_per_channel_default_36" -> "752 linear_35" [label="(768, 3072)", style=solid]; @@ -1853,8 +1853,8 @@ strict digraph { "759 dequantize_per_tensor_default_55" -> "765 linear_36" [label="(197, 1, 768)", style=solid]; "760 linear_36_scale_0" -> "763 quantize_per_channel_default_37" [label="(2304,)", style=solid]; "760 linear_36_scale_0" -> "764 dequantize_per_channel_default_37" [label="(2304,)", style=solid]; -"761 linear_36_zero_point_0" -> "763 quantize_per_channel_default_37" [label="(2304,)", style=solid]; -"761 linear_36_zero_point_0" -> "764 dequantize_per_channel_default_37" [label="(2304,)", style=solid]; +"761 linear_36_zero_point_0" -> "763 quantize_per_channel_default_37" [label="(2304,)", style=dashed]; +"761 linear_36_zero_point_0" -> "764 dequantize_per_channel_default_37" [label="(2304,)", style=dashed]; "762 compressed_weight_updated_constant37" -> "763 quantize_per_channel_default_37" [label="(2304, 768)", style=solid]; "763 quantize_per_channel_default_37" -> "764 dequantize_per_channel_default_37" [label="(2304, 768)", style=solid]; "764 dequantize_per_channel_default_37" -> "765 linear_36" [label="(2304, 768)", style=solid]; @@ -1890,8 +1890,8 @@ strict digraph { "792 dequantize_per_tensor_default_58" -> "798 linear_37" [label="(197, 768)", style=solid]; "793 linear_37_scale_0" -> "796 quantize_per_channel_default_38" [label="(768,)", style=solid]; "793 linear_37_scale_0" -> "797 dequantize_per_channel_default_38" [label="(768,)", style=solid]; -"794 linear_37_zero_point_0" -> "796 quantize_per_channel_default_38" [label="(768,)", style=solid]; -"794 linear_37_zero_point_0" -> "797 dequantize_per_channel_default_38" [label="(768,)", style=solid]; +"794 linear_37_zero_point_0" -> "796 quantize_per_channel_default_38" [label="(768,)", style=dashed]; +"794 linear_37_zero_point_0" -> "797 dequantize_per_channel_default_38" [label="(768,)", style=dashed]; "795 compressed_weight_updated_constant38" -> "796 quantize_per_channel_default_38" [label="(768, 768)", style=solid]; "796 quantize_per_channel_default_38" -> "797 dequantize_per_channel_default_38" [label="(768, 768)", style=solid]; "797 dequantize_per_channel_default_38" -> "798 linear_37" [label="(768, 768)", style=solid]; @@ -1907,8 +1907,8 @@ strict digraph { "806 dequantize_per_tensor_default_59" -> "812 linear_38" [label="(1, 197, 768)", style=solid]; "807 linear_38_scale_0" -> "810 quantize_per_channel_default_39" [label="(3072,)", style=solid]; "807 linear_38_scale_0" -> "811 dequantize_per_channel_default_39" [label="(3072,)", style=solid]; -"808 linear_38_zero_point_0" -> "810 quantize_per_channel_default_39" [label="(3072,)", style=solid]; -"808 linear_38_zero_point_0" -> "811 dequantize_per_channel_default_39" [label="(3072,)", style=solid]; +"808 linear_38_zero_point_0" -> "810 quantize_per_channel_default_39" [label="(3072,)", style=dashed]; +"808 linear_38_zero_point_0" -> "811 dequantize_per_channel_default_39" [label="(3072,)", style=dashed]; "809 compressed_weight_updated_constant39" -> "810 quantize_per_channel_default_39" [label="(3072, 768)", style=solid]; "810 quantize_per_channel_default_39" -> "811 dequantize_per_channel_default_39" [label="(3072, 768)", style=solid]; "811 dequantize_per_channel_default_39" -> "812 linear_38" [label="(3072, 768)", style=solid]; @@ -1920,8 +1920,8 @@ strict digraph { "817 dequantize_per_tensor_default_60" -> "823 linear_39" [label="(1, 197, 3072)", style=solid]; "818 linear_39_scale_0" -> "821 quantize_per_channel_default_40" [label="(768,)", style=solid]; "818 linear_39_scale_0" -> "822 dequantize_per_channel_default_40" [label="(768,)", style=solid]; -"819 linear_39_zero_point_0" -> "821 quantize_per_channel_default_40" [label="(768,)", style=solid]; -"819 linear_39_zero_point_0" -> "822 dequantize_per_channel_default_40" [label="(768,)", style=solid]; +"819 linear_39_zero_point_0" -> "821 quantize_per_channel_default_40" [label="(768,)", style=dashed]; +"819 linear_39_zero_point_0" -> "822 dequantize_per_channel_default_40" [label="(768,)", style=dashed]; "820 compressed_weight_updated_constant40" -> "821 quantize_per_channel_default_40" [label="(768, 3072)", style=solid]; "821 quantize_per_channel_default_40" -> "822 dequantize_per_channel_default_40" [label="(768, 3072)", style=solid]; "822 dequantize_per_channel_default_40" -> "823 linear_39" [label="(768, 3072)", style=solid]; @@ -1936,8 +1936,8 @@ strict digraph { "830 dequantize_per_tensor_default_61" -> "836 linear_40" [label="(197, 1, 768)", style=solid]; "831 linear_40_scale_0" -> "834 quantize_per_channel_default_41" [label="(2304,)", style=solid]; "831 linear_40_scale_0" -> "835 dequantize_per_channel_default_41" [label="(2304,)", style=solid]; -"832 linear_40_zero_point_0" -> "834 quantize_per_channel_default_41" [label="(2304,)", style=solid]; -"832 linear_40_zero_point_0" -> "835 dequantize_per_channel_default_41" [label="(2304,)", style=solid]; +"832 linear_40_zero_point_0" -> "834 quantize_per_channel_default_41" [label="(2304,)", style=dashed]; +"832 linear_40_zero_point_0" -> "835 dequantize_per_channel_default_41" [label="(2304,)", style=dashed]; "833 compressed_weight_updated_constant41" -> "834 quantize_per_channel_default_41" [label="(2304, 768)", style=solid]; "834 quantize_per_channel_default_41" -> "835 dequantize_per_channel_default_41" [label="(2304, 768)", style=solid]; "835 dequantize_per_channel_default_41" -> "836 linear_40" [label="(2304, 768)", style=solid]; @@ -1973,8 +1973,8 @@ strict digraph { "863 dequantize_per_tensor_default_64" -> "869 linear_41" [label="(197, 768)", style=solid]; "864 linear_41_scale_0" -> "867 quantize_per_channel_default_42" [label="(768,)", style=solid]; "864 linear_41_scale_0" -> "868 dequantize_per_channel_default_42" [label="(768,)", style=solid]; -"865 linear_41_zero_point_0" -> "867 quantize_per_channel_default_42" [label="(768,)", style=solid]; -"865 linear_41_zero_point_0" -> "868 dequantize_per_channel_default_42" [label="(768,)", style=solid]; +"865 linear_41_zero_point_0" -> "867 quantize_per_channel_default_42" [label="(768,)", style=dashed]; +"865 linear_41_zero_point_0" -> "868 dequantize_per_channel_default_42" [label="(768,)", style=dashed]; "866 compressed_weight_updated_constant42" -> "867 quantize_per_channel_default_42" [label="(768, 768)", style=solid]; "867 quantize_per_channel_default_42" -> "868 dequantize_per_channel_default_42" [label="(768, 768)", style=solid]; "868 dequantize_per_channel_default_42" -> "869 linear_41" [label="(768, 768)", style=solid]; @@ -1990,8 +1990,8 @@ strict digraph { "877 dequantize_per_tensor_default_65" -> "883 linear_42" [label="(1, 197, 768)", style=solid]; "878 linear_42_scale_0" -> "881 quantize_per_channel_default_43" [label="(3072,)", style=solid]; "878 linear_42_scale_0" -> "882 dequantize_per_channel_default_43" [label="(3072,)", style=solid]; -"879 linear_42_zero_point_0" -> "881 quantize_per_channel_default_43" [label="(3072,)", style=solid]; -"879 linear_42_zero_point_0" -> "882 dequantize_per_channel_default_43" [label="(3072,)", style=solid]; +"879 linear_42_zero_point_0" -> "881 quantize_per_channel_default_43" [label="(3072,)", style=dashed]; +"879 linear_42_zero_point_0" -> "882 dequantize_per_channel_default_43" [label="(3072,)", style=dashed]; "880 compressed_weight_updated_constant43" -> "881 quantize_per_channel_default_43" [label="(3072, 768)", style=solid]; "881 quantize_per_channel_default_43" -> "882 dequantize_per_channel_default_43" [label="(3072, 768)", style=solid]; "882 dequantize_per_channel_default_43" -> "883 linear_42" [label="(3072, 768)", style=solid]; @@ -2003,8 +2003,8 @@ strict digraph { "888 dequantize_per_tensor_default_66" -> "894 linear_43" [label="(1, 197, 3072)", style=solid]; "889 linear_43_scale_0" -> "892 quantize_per_channel_default_44" [label="(768,)", style=solid]; "889 linear_43_scale_0" -> "893 dequantize_per_channel_default_44" [label="(768,)", style=solid]; -"890 linear_43_zero_point_0" -> "892 quantize_per_channel_default_44" [label="(768,)", style=solid]; -"890 linear_43_zero_point_0" -> "893 dequantize_per_channel_default_44" [label="(768,)", style=solid]; +"890 linear_43_zero_point_0" -> "892 quantize_per_channel_default_44" [label="(768,)", style=dashed]; +"890 linear_43_zero_point_0" -> "893 dequantize_per_channel_default_44" [label="(768,)", style=dashed]; "891 compressed_weight_updated_constant44" -> "892 quantize_per_channel_default_44" [label="(768, 3072)", style=solid]; "892 quantize_per_channel_default_44" -> "893 dequantize_per_channel_default_44" [label="(768, 3072)", style=solid]; "893 dequantize_per_channel_default_44" -> "894 linear_43" [label="(768, 3072)", style=solid]; @@ -2019,8 +2019,8 @@ strict digraph { "901 dequantize_per_tensor_default_67" -> "907 linear_44" [label="(197, 1, 768)", style=solid]; "902 linear_44_scale_0" -> "905 quantize_per_channel_default_45" [label="(2304,)", style=solid]; "902 linear_44_scale_0" -> "906 dequantize_per_channel_default_45" [label="(2304,)", style=solid]; -"903 linear_44_zero_point_0" -> "905 quantize_per_channel_default_45" [label="(2304,)", style=solid]; -"903 linear_44_zero_point_0" -> "906 dequantize_per_channel_default_45" [label="(2304,)", style=solid]; +"903 linear_44_zero_point_0" -> "905 quantize_per_channel_default_45" [label="(2304,)", style=dashed]; +"903 linear_44_zero_point_0" -> "906 dequantize_per_channel_default_45" [label="(2304,)", style=dashed]; "904 compressed_weight_updated_constant45" -> "905 quantize_per_channel_default_45" [label="(2304, 768)", style=solid]; "905 quantize_per_channel_default_45" -> "906 dequantize_per_channel_default_45" [label="(2304, 768)", style=solid]; "906 dequantize_per_channel_default_45" -> "907 linear_44" [label="(2304, 768)", style=solid]; @@ -2056,8 +2056,8 @@ strict digraph { "934 dequantize_per_tensor_default_70" -> "940 linear_45" [label="(197, 768)", style=solid]; "935 linear_45_scale_0" -> "938 quantize_per_channel_default_46" [label="(768,)", style=solid]; "935 linear_45_scale_0" -> "939 dequantize_per_channel_default_46" [label="(768,)", style=solid]; -"936 linear_45_zero_point_0" -> "938 quantize_per_channel_default_46" [label="(768,)", style=solid]; -"936 linear_45_zero_point_0" -> "939 dequantize_per_channel_default_46" [label="(768,)", style=solid]; +"936 linear_45_zero_point_0" -> "938 quantize_per_channel_default_46" [label="(768,)", style=dashed]; +"936 linear_45_zero_point_0" -> "939 dequantize_per_channel_default_46" [label="(768,)", style=dashed]; "937 compressed_weight_updated_constant46" -> "938 quantize_per_channel_default_46" [label="(768, 768)", style=solid]; "938 quantize_per_channel_default_46" -> "939 dequantize_per_channel_default_46" [label="(768, 768)", style=solid]; "939 dequantize_per_channel_default_46" -> "940 linear_45" [label="(768, 768)", style=solid]; @@ -2073,8 +2073,8 @@ strict digraph { "948 dequantize_per_tensor_default_71" -> "954 linear_46" [label="(1, 197, 768)", style=solid]; "949 linear_46_scale_0" -> "952 quantize_per_channel_default_47" [label="(3072,)", style=solid]; "949 linear_46_scale_0" -> "953 dequantize_per_channel_default_47" [label="(3072,)", style=solid]; -"950 linear_46_zero_point_0" -> "952 quantize_per_channel_default_47" [label="(3072,)", style=solid]; -"950 linear_46_zero_point_0" -> "953 dequantize_per_channel_default_47" [label="(3072,)", style=solid]; +"950 linear_46_zero_point_0" -> "952 quantize_per_channel_default_47" [label="(3072,)", style=dashed]; +"950 linear_46_zero_point_0" -> "953 dequantize_per_channel_default_47" [label="(3072,)", style=dashed]; "951 compressed_weight_updated_constant47" -> "952 quantize_per_channel_default_47" [label="(3072, 768)", style=solid]; "952 quantize_per_channel_default_47" -> "953 dequantize_per_channel_default_47" [label="(3072, 768)", style=solid]; "953 dequantize_per_channel_default_47" -> "954 linear_46" [label="(3072, 768)", style=solid]; @@ -2086,8 +2086,8 @@ strict digraph { "959 dequantize_per_tensor_default_72" -> "965 linear_47" [label="(1, 197, 3072)", style=solid]; "960 linear_47_scale_0" -> "963 quantize_per_channel_default_48" [label="(768,)", style=solid]; "960 linear_47_scale_0" -> "964 dequantize_per_channel_default_48" [label="(768,)", style=solid]; -"961 linear_47_zero_point_0" -> "963 quantize_per_channel_default_48" [label="(768,)", style=solid]; -"961 linear_47_zero_point_0" -> "964 dequantize_per_channel_default_48" [label="(768,)", style=solid]; +"961 linear_47_zero_point_0" -> "963 quantize_per_channel_default_48" [label="(768,)", style=dashed]; +"961 linear_47_zero_point_0" -> "964 dequantize_per_channel_default_48" [label="(768,)", style=dashed]; "962 compressed_weight_updated_constant48" -> "963 quantize_per_channel_default_48" [label="(768, 3072)", style=solid]; "963 quantize_per_channel_default_48" -> "964 dequantize_per_channel_default_48" [label="(768, 3072)", style=solid]; "964 dequantize_per_channel_default_48" -> "965 linear_47" [label="(768, 3072)", style=solid]; @@ -2102,8 +2102,8 @@ strict digraph { "973 dequantize_per_tensor_default_73" -> "979 linear_48" [label="(1, 768)", style=solid]; "974 linear_48_scale_0" -> "977 quantize_per_channel_default_49" [label="(1000,)", style=solid]; "974 linear_48_scale_0" -> "978 dequantize_per_channel_default_49" [label="(1000,)", style=solid]; -"975 linear_48_zero_point_0" -> "977 quantize_per_channel_default_49" [label="(1000,)", style=solid]; -"975 linear_48_zero_point_0" -> "978 dequantize_per_channel_default_49" [label="(1000,)", style=solid]; +"975 linear_48_zero_point_0" -> "977 quantize_per_channel_default_49" [label="(1000,)", style=dashed]; +"975 linear_48_zero_point_0" -> "978 dequantize_per_channel_default_49" [label="(1000,)", style=dashed]; "976 compressed_weight_updated_constant49" -> "977 quantize_per_channel_default_49" [label="(1000, 768)", style=solid]; "977 quantize_per_channel_default_49" -> "978 dequantize_per_channel_default_49" [label="(1000, 768)", style=solid]; "978 dequantize_per_channel_default_49" -> "979 linear_48" [label="(1000, 768)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/yolo11n_sdpa_block.dot b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/yolo11n_sdpa_block.dot index 8d704a1d4ae..8c55afa584f 100644 --- a/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/yolo11n_sdpa_block.dot +++ b/tests/torch/data/reference_graphs/fx/dynamic_shapes/quantized/yolo11n_sdpa_block.dot @@ -35,8 +35,8 @@ strict digraph { "3 dequantize_per_tensor_default" -> "9 linear" [label="(1, -1, 4)", style=solid]; "4 linear_scale_0" -> "7 quantize_per_channel_default" [label="(12,)", style=solid]; "4 linear_scale_0" -> "8 dequantize_per_channel_default" [label="(12,)", style=solid]; -"5 linear_zero_point_0" -> "7 quantize_per_channel_default" [label="(12,)", style=solid]; -"5 linear_zero_point_0" -> "8 dequantize_per_channel_default" [label="(12,)", style=solid]; +"5 linear_zero_point_0" -> "7 quantize_per_channel_default" [label="(12,)", style=dashed]; +"5 linear_zero_point_0" -> "8 dequantize_per_channel_default" [label="(12,)", style=dashed]; "6 compressed_weight_updated_constant0" -> "7 quantize_per_channel_default" [label="(12, 4)", style=solid]; "7 quantize_per_channel_default" -> "8 dequantize_per_channel_default" [label="(12, 4)", style=solid]; "8 dequantize_per_channel_default" -> "9 linear" [label="(12, 4)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/mobilenet_v3_small.dot b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/mobilenet_v3_small.dot index d7f83d3c665..15a207fea48 100644 --- a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/mobilenet_v3_small.dot +++ b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/mobilenet_v3_small.dot @@ -580,13 +580,13 @@ strict digraph { "42 scale_updated_constant0" -> "44 mul_tensor" [label="(16, 1, 1, 1)", style=solid]; "43 compressed_weight_updated_constant0" -> "44 mul_tensor" [label="(16, 3, 3, 3)", style=solid]; "44 mul_tensor" -> "46 sub_tensor" [label="(16, 3, 3, 3)", style=solid]; -"45 zero_point_updated_constant0" -> "46 sub_tensor" [label="(16, 1, 1, 1)", style=solid]; +"45 zero_point_updated_constant0" -> "46 sub_tensor" [label="(16, 1, 1, 1)", style=dashed]; "46 sub_tensor" -> "47 conv2d" [label="(16, 3, 3, 3)", style=solid]; "47 conv2d" -> "50 hardswish_" [label="(1, 16, 112, 112)", style=solid]; "48 hardswish__scale_0" -> "51 quantize_per_channel_default_1" [label="(16,)", style=solid]; "48 hardswish__scale_0" -> "52 dequantize_per_channel_default_1" [label="(16,)", style=solid]; -"49 hardswish__zero_point_0" -> "51 quantize_per_channel_default_1" [label="(16,)", style=solid]; -"49 hardswish__zero_point_0" -> "52 dequantize_per_channel_default_1" [label="(16,)", style=solid]; +"49 hardswish__zero_point_0" -> "51 quantize_per_channel_default_1" [label="(16,)", style=dashed]; +"49 hardswish__zero_point_0" -> "52 dequantize_per_channel_default_1" [label="(16,)", style=dashed]; "50 hardswish_" -> "51 quantize_per_channel_default_1" [label="(1, 16, 112, 112)", style=solid]; "51 quantize_per_channel_default_1" -> "52 dequantize_per_channel_default_1" [label="(1, 16, 112, 112)", style=solid]; "52 dequantize_per_channel_default_1" -> "59 conv2d_1" [label="(1, 16, 112, 112)", style=solid]; @@ -594,7 +594,7 @@ strict digraph { "54 scale_updated_constant1" -> "56 mul_tensor_1" [label="(16, 1, 1, 1)", style=solid]; "55 compressed_weight_updated_constant1" -> "56 mul_tensor_1" [label="(16, 1, 3, 3)", style=solid]; "56 mul_tensor_1" -> "58 sub_tensor_1" [label="(16, 1, 3, 3)", style=solid]; -"57 zero_point_updated_constant1" -> "58 sub_tensor_1" [label="(16, 1, 1, 1)", style=solid]; +"57 zero_point_updated_constant1" -> "58 sub_tensor_1" [label="(16, 1, 1, 1)", style=dashed]; "58 sub_tensor_1" -> "59 conv2d_1" [label="(16, 1, 3, 3)", style=solid]; "59 conv2d_1" -> "60 relu_" [label="(1, 16, 56, 56)", style=solid]; "60 relu_" -> "61 quantize_per_tensor_default_1" [label="(1, 16, 56, 56)", style=solid]; @@ -616,7 +616,7 @@ strict digraph { "75 scale_updated_constant2" -> "77 mul_tensor_2" [label="(16, 1, 1, 1)", style=solid]; "76 compressed_weight_updated_constant2" -> "77 mul_tensor_2" [label="(16, 16, 1, 1)", style=solid]; "77 mul_tensor_2" -> "79 sub_tensor_2" [label="(16, 16, 1, 1)", style=solid]; -"78 zero_point_updated_constant2" -> "79 sub_tensor_2" [label="(16, 1, 1, 1)", style=solid]; +"78 zero_point_updated_constant2" -> "79 sub_tensor_2" [label="(16, 1, 1, 1)", style=dashed]; "79 sub_tensor_2" -> "80 conv2d_4" [label="(16, 16, 1, 1)", style=solid]; "80 conv2d_4" -> "81 quantize_per_tensor_default_4" [label="(1, 16, 56, 56)", style=solid]; "81 quantize_per_tensor_default_4" -> "82 dequantize_per_tensor_default_5" [label="(1, 16, 56, 56)", style=solid]; @@ -625,13 +625,13 @@ strict digraph { "84 scale_updated_constant3" -> "86 mul_tensor_3" [label="(72, 1, 1, 1)", style=solid]; "85 compressed_weight_updated_constant3" -> "86 mul_tensor_3" [label="(72, 16, 1, 1)", style=solid]; "86 mul_tensor_3" -> "88 sub_tensor_3" [label="(72, 16, 1, 1)", style=solid]; -"87 zero_point_updated_constant3" -> "88 sub_tensor_3" [label="(72, 1, 1, 1)", style=solid]; +"87 zero_point_updated_constant3" -> "88 sub_tensor_3" [label="(72, 1, 1, 1)", style=dashed]; "88 sub_tensor_3" -> "89 conv2d_5" [label="(72, 16, 1, 1)", style=solid]; "89 conv2d_5" -> "92 relu__1" [label="(1, 72, 56, 56)", style=solid]; "90 relu__1_scale_0" -> "93 quantize_per_channel_default_5" [label="(72,)", style=solid]; "90 relu__1_scale_0" -> "94 dequantize_per_channel_default_5" [label="(72,)", style=solid]; -"91 relu__1_zero_point_0" -> "93 quantize_per_channel_default_5" [label="(72,)", style=solid]; -"91 relu__1_zero_point_0" -> "94 dequantize_per_channel_default_5" [label="(72,)", style=solid]; +"91 relu__1_zero_point_0" -> "93 quantize_per_channel_default_5" [label="(72,)", style=dashed]; +"91 relu__1_zero_point_0" -> "94 dequantize_per_channel_default_5" [label="(72,)", style=dashed]; "92 relu__1" -> "93 quantize_per_channel_default_5" [label="(1, 72, 56, 56)", style=solid]; "93 quantize_per_channel_default_5" -> "94 dequantize_per_channel_default_5" [label="(1, 72, 56, 56)", style=solid]; "94 dequantize_per_channel_default_5" -> "101 conv2d_6" [label="(1, 72, 56, 56)", style=solid]; @@ -639,7 +639,7 @@ strict digraph { "96 scale_updated_constant4" -> "98 mul_tensor_4" [label="(72, 1, 1, 1)", style=solid]; "97 compressed_weight_updated_constant4" -> "98 mul_tensor_4" [label="(72, 1, 3, 3)", style=solid]; "98 mul_tensor_4" -> "100 sub_tensor_4" [label="(72, 1, 3, 3)", style=solid]; -"99 zero_point_updated_constant4" -> "100 sub_tensor_4" [label="(72, 1, 1, 1)", style=solid]; +"99 zero_point_updated_constant4" -> "100 sub_tensor_4" [label="(72, 1, 1, 1)", style=dashed]; "100 sub_tensor_4" -> "101 conv2d_6" [label="(72, 1, 3, 3)", style=solid]; "101 conv2d_6" -> "102 relu__2" [label="(1, 72, 28, 28)", style=solid]; "102 relu__2" -> "103 quantize_per_tensor_default_5" [label="(1, 72, 28, 28)", style=solid]; @@ -649,7 +649,7 @@ strict digraph { "106 scale_updated_constant5" -> "108 mul_tensor_5" [label="(24, 1, 1, 1)", style=solid]; "107 compressed_weight_updated_constant5" -> "108 mul_tensor_5" [label="(24, 72, 1, 1)", style=solid]; "108 mul_tensor_5" -> "110 sub_tensor_5" [label="(24, 72, 1, 1)", style=solid]; -"109 zero_point_updated_constant5" -> "110 sub_tensor_5" [label="(24, 1, 1, 1)", style=solid]; +"109 zero_point_updated_constant5" -> "110 sub_tensor_5" [label="(24, 1, 1, 1)", style=dashed]; "110 sub_tensor_5" -> "111 conv2d_7" [label="(24, 72, 1, 1)", style=solid]; "111 conv2d_7" -> "112 quantize_per_tensor_default_6" [label="(1, 24, 28, 28)", style=solid]; "112 quantize_per_tensor_default_6" -> "113 dequantize_per_tensor_default_8" [label="(1, 24, 28, 28)", style=solid]; @@ -660,13 +660,13 @@ strict digraph { "116 scale_updated_constant6" -> "118 mul_tensor_6" [label="(88, 1, 1, 1)", style=solid]; "117 compressed_weight_updated_constant6" -> "118 mul_tensor_6" [label="(88, 24, 1, 1)", style=solid]; "118 mul_tensor_6" -> "120 sub_tensor_6" [label="(88, 24, 1, 1)", style=solid]; -"119 zero_point_updated_constant6" -> "120 sub_tensor_6" [label="(88, 1, 1, 1)", style=solid]; +"119 zero_point_updated_constant6" -> "120 sub_tensor_6" [label="(88, 1, 1, 1)", style=dashed]; "120 sub_tensor_6" -> "121 conv2d_8" [label="(88, 24, 1, 1)", style=solid]; "121 conv2d_8" -> "124 relu__3" [label="(1, 88, 28, 28)", style=solid]; "122 relu__3_scale_0" -> "125 quantize_per_channel_default_9" [label="(88,)", style=solid]; "122 relu__3_scale_0" -> "126 dequantize_per_channel_default_9" [label="(88,)", style=solid]; -"123 relu__3_zero_point_0" -> "125 quantize_per_channel_default_9" [label="(88,)", style=solid]; -"123 relu__3_zero_point_0" -> "126 dequantize_per_channel_default_9" [label="(88,)", style=solid]; +"123 relu__3_zero_point_0" -> "125 quantize_per_channel_default_9" [label="(88,)", style=dashed]; +"123 relu__3_zero_point_0" -> "126 dequantize_per_channel_default_9" [label="(88,)", style=dashed]; "124 relu__3" -> "125 quantize_per_channel_default_9" [label="(1, 88, 28, 28)", style=solid]; "125 quantize_per_channel_default_9" -> "126 dequantize_per_channel_default_9" [label="(1, 88, 28, 28)", style=solid]; "126 dequantize_per_channel_default_9" -> "133 conv2d_9" [label="(1, 88, 28, 28)", style=solid]; @@ -674,7 +674,7 @@ strict digraph { "128 scale_updated_constant7" -> "130 mul_tensor_7" [label="(88, 1, 1, 1)", style=solid]; "129 compressed_weight_updated_constant7" -> "130 mul_tensor_7" [label="(88, 1, 3, 3)", style=solid]; "130 mul_tensor_7" -> "132 sub_tensor_7" [label="(88, 1, 3, 3)", style=solid]; -"131 zero_point_updated_constant7" -> "132 sub_tensor_7" [label="(88, 1, 1, 1)", style=solid]; +"131 zero_point_updated_constant7" -> "132 sub_tensor_7" [label="(88, 1, 1, 1)", style=dashed]; "132 sub_tensor_7" -> "133 conv2d_9" [label="(88, 1, 3, 3)", style=solid]; "133 conv2d_9" -> "134 relu__4" [label="(1, 88, 28, 28)", style=solid]; "134 relu__4" -> "135 quantize_per_tensor_default_7" [label="(1, 88, 28, 28)", style=solid]; @@ -684,7 +684,7 @@ strict digraph { "138 scale_updated_constant8" -> "140 mul_tensor_8" [label="(24, 1, 1, 1)", style=solid]; "139 compressed_weight_updated_constant8" -> "140 mul_tensor_8" [label="(24, 88, 1, 1)", style=solid]; "140 mul_tensor_8" -> "142 sub_tensor_8" [label="(24, 88, 1, 1)", style=solid]; -"141 zero_point_updated_constant8" -> "142 sub_tensor_8" [label="(24, 1, 1, 1)", style=solid]; +"141 zero_point_updated_constant8" -> "142 sub_tensor_8" [label="(24, 1, 1, 1)", style=dashed]; "142 sub_tensor_8" -> "143 conv2d_10" [label="(24, 88, 1, 1)", style=solid]; "143 conv2d_10" -> "144 quantize_per_tensor_default_8" [label="(1, 24, 28, 28)", style=solid]; "144 quantize_per_tensor_default_8" -> "145 dequantize_per_tensor_default_10" [label="(1, 24, 28, 28)", style=solid]; @@ -696,13 +696,13 @@ strict digraph { "150 scale_updated_constant9" -> "152 mul_tensor_9" [label="(96, 1, 1, 1)", style=solid]; "151 compressed_weight_updated_constant9" -> "152 mul_tensor_9" [label="(96, 24, 1, 1)", style=solid]; "152 mul_tensor_9" -> "154 sub_tensor_9" [label="(96, 24, 1, 1)", style=solid]; -"153 zero_point_updated_constant9" -> "154 sub_tensor_9" [label="(96, 1, 1, 1)", style=solid]; +"153 zero_point_updated_constant9" -> "154 sub_tensor_9" [label="(96, 1, 1, 1)", style=dashed]; "154 sub_tensor_9" -> "155 conv2d_11" [label="(96, 24, 1, 1)", style=solid]; "155 conv2d_11" -> "158 hardswish__1" [label="(1, 96, 28, 28)", style=solid]; "156 hardswish__1_scale_0" -> "159 quantize_per_channel_default_13" [label="(96,)", style=solid]; "156 hardswish__1_scale_0" -> "160 dequantize_per_channel_default_13" [label="(96,)", style=solid]; -"157 hardswish__1_zero_point_0" -> "159 quantize_per_channel_default_13" [label="(96,)", style=solid]; -"157 hardswish__1_zero_point_0" -> "160 dequantize_per_channel_default_13" [label="(96,)", style=solid]; +"157 hardswish__1_zero_point_0" -> "159 quantize_per_channel_default_13" [label="(96,)", style=dashed]; +"157 hardswish__1_zero_point_0" -> "160 dequantize_per_channel_default_13" [label="(96,)", style=dashed]; "158 hardswish__1" -> "159 quantize_per_channel_default_13" [label="(1, 96, 28, 28)", style=solid]; "159 quantize_per_channel_default_13" -> "160 dequantize_per_channel_default_13" [label="(1, 96, 28, 28)", style=solid]; "160 dequantize_per_channel_default_13" -> "167 conv2d_12" [label="(1, 96, 28, 28)", style=solid]; @@ -710,7 +710,7 @@ strict digraph { "162 scale_updated_constant10" -> "164 mul_tensor_10" [label="(96, 1, 1, 1)", style=solid]; "163 compressed_weight_updated_constant10" -> "164 mul_tensor_10" [label="(96, 1, 5, 5)", style=solid]; "164 mul_tensor_10" -> "166 sub_tensor_10" [label="(96, 1, 5, 5)", style=solid]; -"165 zero_point_updated_constant10" -> "166 sub_tensor_10" [label="(96, 1, 1, 1)", style=solid]; +"165 zero_point_updated_constant10" -> "166 sub_tensor_10" [label="(96, 1, 1, 1)", style=dashed]; "166 sub_tensor_10" -> "167 conv2d_12" [label="(96, 1, 5, 5)", style=solid]; "167 conv2d_12" -> "168 hardswish__2" [label="(1, 96, 14, 14)", style=solid]; "168 hardswish__2" -> "169 quantize_per_tensor_default_10" [label="(1, 96, 14, 14)", style=solid]; @@ -732,7 +732,7 @@ strict digraph { "183 scale_updated_constant11" -> "185 mul_tensor_11" [label="(40, 1, 1, 1)", style=solid]; "184 compressed_weight_updated_constant11" -> "185 mul_tensor_11" [label="(40, 96, 1, 1)", style=solid]; "185 mul_tensor_11" -> "187 sub_tensor_11" [label="(40, 96, 1, 1)", style=solid]; -"186 zero_point_updated_constant11" -> "187 sub_tensor_11" [label="(40, 1, 1, 1)", style=solid]; +"186 zero_point_updated_constant11" -> "187 sub_tensor_11" [label="(40, 1, 1, 1)", style=dashed]; "187 sub_tensor_11" -> "188 conv2d_15" [label="(40, 96, 1, 1)", style=solid]; "188 conv2d_15" -> "189 quantize_per_tensor_default_13" [label="(1, 40, 14, 14)", style=solid]; "189 quantize_per_tensor_default_13" -> "190 dequantize_per_tensor_default_17" [label="(1, 40, 14, 14)", style=solid]; @@ -743,13 +743,13 @@ strict digraph { "193 scale_updated_constant12" -> "195 mul_tensor_12" [label="(240, 1, 1, 1)", style=solid]; "194 compressed_weight_updated_constant12" -> "195 mul_tensor_12" [label="(240, 40, 1, 1)", style=solid]; "195 mul_tensor_12" -> "197 sub_tensor_12" [label="(240, 40, 1, 1)", style=solid]; -"196 zero_point_updated_constant12" -> "197 sub_tensor_12" [label="(240, 1, 1, 1)", style=solid]; +"196 zero_point_updated_constant12" -> "197 sub_tensor_12" [label="(240, 1, 1, 1)", style=dashed]; "197 sub_tensor_12" -> "198 conv2d_16" [label="(240, 40, 1, 1)", style=solid]; "198 conv2d_16" -> "201 hardswish__3" [label="(1, 240, 14, 14)", style=solid]; "199 hardswish__3_scale_0" -> "202 quantize_per_channel_default_17" [label="(240,)", style=solid]; "199 hardswish__3_scale_0" -> "203 dequantize_per_channel_default_17" [label="(240,)", style=solid]; -"200 hardswish__3_zero_point_0" -> "202 quantize_per_channel_default_17" [label="(240,)", style=solid]; -"200 hardswish__3_zero_point_0" -> "203 dequantize_per_channel_default_17" [label="(240,)", style=solid]; +"200 hardswish__3_zero_point_0" -> "202 quantize_per_channel_default_17" [label="(240,)", style=dashed]; +"200 hardswish__3_zero_point_0" -> "203 dequantize_per_channel_default_17" [label="(240,)", style=dashed]; "201 hardswish__3" -> "202 quantize_per_channel_default_17" [label="(1, 240, 14, 14)", style=solid]; "202 quantize_per_channel_default_17" -> "203 dequantize_per_channel_default_17" [label="(1, 240, 14, 14)", style=solid]; "203 dequantize_per_channel_default_17" -> "210 conv2d_17" [label="(1, 240, 14, 14)", style=solid]; @@ -757,7 +757,7 @@ strict digraph { "205 scale_updated_constant13" -> "207 mul_tensor_13" [label="(240, 1, 1, 1)", style=solid]; "206 compressed_weight_updated_constant13" -> "207 mul_tensor_13" [label="(240, 1, 5, 5)", style=solid]; "207 mul_tensor_13" -> "209 sub_tensor_13" [label="(240, 1, 5, 5)", style=solid]; -"208 zero_point_updated_constant13" -> "209 sub_tensor_13" [label="(240, 1, 1, 1)", style=solid]; +"208 zero_point_updated_constant13" -> "209 sub_tensor_13" [label="(240, 1, 1, 1)", style=dashed]; "209 sub_tensor_13" -> "210 conv2d_17" [label="(240, 1, 5, 5)", style=solid]; "210 conv2d_17" -> "211 hardswish__4" [label="(1, 240, 14, 14)", style=solid]; "211 hardswish__4" -> "212 quantize_per_tensor_default_14" [label="(1, 240, 14, 14)", style=solid]; @@ -779,7 +779,7 @@ strict digraph { "226 scale_updated_constant14" -> "228 mul_tensor_14" [label="(40, 1, 1, 1)", style=solid]; "227 compressed_weight_updated_constant14" -> "228 mul_tensor_14" [label="(40, 240, 1, 1)", style=solid]; "228 mul_tensor_14" -> "230 sub_tensor_14" [label="(40, 240, 1, 1)", style=solid]; -"229 zero_point_updated_constant14" -> "230 sub_tensor_14" [label="(40, 1, 1, 1)", style=solid]; +"229 zero_point_updated_constant14" -> "230 sub_tensor_14" [label="(40, 1, 1, 1)", style=dashed]; "230 sub_tensor_14" -> "231 conv2d_20" [label="(40, 240, 1, 1)", style=solid]; "231 conv2d_20" -> "232 quantize_per_tensor_default_17" [label="(1, 40, 14, 14)", style=solid]; "232 quantize_per_tensor_default_17" -> "233 dequantize_per_tensor_default_22" [label="(1, 40, 14, 14)", style=solid]; @@ -793,13 +793,13 @@ strict digraph { "239 scale_updated_constant15" -> "241 mul_tensor_15" [label="(240, 1, 1, 1)", style=solid]; "240 compressed_weight_updated_constant15" -> "241 mul_tensor_15" [label="(240, 40, 1, 1)", style=solid]; "241 mul_tensor_15" -> "243 sub_tensor_15" [label="(240, 40, 1, 1)", style=solid]; -"242 zero_point_updated_constant15" -> "243 sub_tensor_15" [label="(240, 1, 1, 1)", style=solid]; +"242 zero_point_updated_constant15" -> "243 sub_tensor_15" [label="(240, 1, 1, 1)", style=dashed]; "243 sub_tensor_15" -> "244 conv2d_21" [label="(240, 40, 1, 1)", style=solid]; "244 conv2d_21" -> "247 hardswish__5" [label="(1, 240, 14, 14)", style=solid]; "245 hardswish__5_scale_0" -> "248 quantize_per_channel_default_21" [label="(240,)", style=solid]; "245 hardswish__5_scale_0" -> "249 dequantize_per_channel_default_21" [label="(240,)", style=solid]; -"246 hardswish__5_zero_point_0" -> "248 quantize_per_channel_default_21" [label="(240,)", style=solid]; -"246 hardswish__5_zero_point_0" -> "249 dequantize_per_channel_default_21" [label="(240,)", style=solid]; +"246 hardswish__5_zero_point_0" -> "248 quantize_per_channel_default_21" [label="(240,)", style=dashed]; +"246 hardswish__5_zero_point_0" -> "249 dequantize_per_channel_default_21" [label="(240,)", style=dashed]; "247 hardswish__5" -> "248 quantize_per_channel_default_21" [label="(1, 240, 14, 14)", style=solid]; "248 quantize_per_channel_default_21" -> "249 dequantize_per_channel_default_21" [label="(1, 240, 14, 14)", style=solid]; "249 dequantize_per_channel_default_21" -> "256 conv2d_22" [label="(1, 240, 14, 14)", style=solid]; @@ -807,7 +807,7 @@ strict digraph { "251 scale_updated_constant16" -> "253 mul_tensor_16" [label="(240, 1, 1, 1)", style=solid]; "252 compressed_weight_updated_constant16" -> "253 mul_tensor_16" [label="(240, 1, 5, 5)", style=solid]; "253 mul_tensor_16" -> "255 sub_tensor_16" [label="(240, 1, 5, 5)", style=solid]; -"254 zero_point_updated_constant16" -> "255 sub_tensor_16" [label="(240, 1, 1, 1)", style=solid]; +"254 zero_point_updated_constant16" -> "255 sub_tensor_16" [label="(240, 1, 1, 1)", style=dashed]; "255 sub_tensor_16" -> "256 conv2d_22" [label="(240, 1, 5, 5)", style=solid]; "256 conv2d_22" -> "257 hardswish__6" [label="(1, 240, 14, 14)", style=solid]; "257 hardswish__6" -> "258 quantize_per_tensor_default_19" [label="(1, 240, 14, 14)", style=solid]; @@ -829,7 +829,7 @@ strict digraph { "272 scale_updated_constant17" -> "274 mul_tensor_17" [label="(40, 1, 1, 1)", style=solid]; "273 compressed_weight_updated_constant17" -> "274 mul_tensor_17" [label="(40, 240, 1, 1)", style=solid]; "274 mul_tensor_17" -> "276 sub_tensor_17" [label="(40, 240, 1, 1)", style=solid]; -"275 zero_point_updated_constant17" -> "276 sub_tensor_17" [label="(40, 1, 1, 1)", style=solid]; +"275 zero_point_updated_constant17" -> "276 sub_tensor_17" [label="(40, 1, 1, 1)", style=dashed]; "276 sub_tensor_17" -> "277 conv2d_25" [label="(40, 240, 1, 1)", style=solid]; "277 conv2d_25" -> "278 quantize_per_tensor_default_22" [label="(1, 40, 14, 14)", style=solid]; "278 quantize_per_tensor_default_22" -> "279 dequantize_per_tensor_default_29" [label="(1, 40, 14, 14)", style=solid]; @@ -841,13 +841,13 @@ strict digraph { "284 scale_updated_constant18" -> "286 mul_tensor_18" [label="(120, 1, 1, 1)", style=solid]; "285 compressed_weight_updated_constant18" -> "286 mul_tensor_18" [label="(120, 40, 1, 1)", style=solid]; "286 mul_tensor_18" -> "288 sub_tensor_18" [label="(120, 40, 1, 1)", style=solid]; -"287 zero_point_updated_constant18" -> "288 sub_tensor_18" [label="(120, 1, 1, 1)", style=solid]; +"287 zero_point_updated_constant18" -> "288 sub_tensor_18" [label="(120, 1, 1, 1)", style=dashed]; "288 sub_tensor_18" -> "289 conv2d_26" [label="(120, 40, 1, 1)", style=solid]; "289 conv2d_26" -> "292 hardswish__7" [label="(1, 120, 14, 14)", style=solid]; "290 hardswish__7_scale_0" -> "293 quantize_per_channel_default_25" [label="(120,)", style=solid]; "290 hardswish__7_scale_0" -> "294 dequantize_per_channel_default_25" [label="(120,)", style=solid]; -"291 hardswish__7_zero_point_0" -> "293 quantize_per_channel_default_25" [label="(120,)", style=solid]; -"291 hardswish__7_zero_point_0" -> "294 dequantize_per_channel_default_25" [label="(120,)", style=solid]; +"291 hardswish__7_zero_point_0" -> "293 quantize_per_channel_default_25" [label="(120,)", style=dashed]; +"291 hardswish__7_zero_point_0" -> "294 dequantize_per_channel_default_25" [label="(120,)", style=dashed]; "292 hardswish__7" -> "293 quantize_per_channel_default_25" [label="(1, 120, 14, 14)", style=solid]; "293 quantize_per_channel_default_25" -> "294 dequantize_per_channel_default_25" [label="(1, 120, 14, 14)", style=solid]; "294 dequantize_per_channel_default_25" -> "301 conv2d_27" [label="(1, 120, 14, 14)", style=solid]; @@ -855,7 +855,7 @@ strict digraph { "296 scale_updated_constant19" -> "298 mul_tensor_19" [label="(120, 1, 1, 1)", style=solid]; "297 compressed_weight_updated_constant19" -> "298 mul_tensor_19" [label="(120, 1, 5, 5)", style=solid]; "298 mul_tensor_19" -> "300 sub_tensor_19" [label="(120, 1, 5, 5)", style=solid]; -"299 zero_point_updated_constant19" -> "300 sub_tensor_19" [label="(120, 1, 1, 1)", style=solid]; +"299 zero_point_updated_constant19" -> "300 sub_tensor_19" [label="(120, 1, 1, 1)", style=dashed]; "300 sub_tensor_19" -> "301 conv2d_27" [label="(120, 1, 5, 5)", style=solid]; "301 conv2d_27" -> "302 hardswish__8" [label="(1, 120, 14, 14)", style=solid]; "302 hardswish__8" -> "303 quantize_per_tensor_default_24" [label="(1, 120, 14, 14)", style=solid]; @@ -877,7 +877,7 @@ strict digraph { "317 scale_updated_constant20" -> "319 mul_tensor_20" [label="(48, 1, 1, 1)", style=solid]; "318 compressed_weight_updated_constant20" -> "319 mul_tensor_20" [label="(48, 120, 1, 1)", style=solid]; "319 mul_tensor_20" -> "321 sub_tensor_20" [label="(48, 120, 1, 1)", style=solid]; -"320 zero_point_updated_constant20" -> "321 sub_tensor_20" [label="(48, 1, 1, 1)", style=solid]; +"320 zero_point_updated_constant20" -> "321 sub_tensor_20" [label="(48, 1, 1, 1)", style=dashed]; "321 sub_tensor_20" -> "322 conv2d_30" [label="(48, 120, 1, 1)", style=solid]; "322 conv2d_30" -> "323 quantize_per_tensor_default_27" [label="(1, 48, 14, 14)", style=solid]; "323 quantize_per_tensor_default_27" -> "324 dequantize_per_tensor_default_36" [label="(1, 48, 14, 14)", style=solid]; @@ -888,13 +888,13 @@ strict digraph { "327 scale_updated_constant21" -> "329 mul_tensor_21" [label="(144, 1, 1, 1)", style=solid]; "328 compressed_weight_updated_constant21" -> "329 mul_tensor_21" [label="(144, 48, 1, 1)", style=solid]; "329 mul_tensor_21" -> "331 sub_tensor_21" [label="(144, 48, 1, 1)", style=solid]; -"330 zero_point_updated_constant21" -> "331 sub_tensor_21" [label="(144, 1, 1, 1)", style=solid]; +"330 zero_point_updated_constant21" -> "331 sub_tensor_21" [label="(144, 1, 1, 1)", style=dashed]; "331 sub_tensor_21" -> "332 conv2d_31" [label="(144, 48, 1, 1)", style=solid]; "332 conv2d_31" -> "335 hardswish__9" [label="(1, 144, 14, 14)", style=solid]; "333 hardswish__9_scale_0" -> "336 quantize_per_channel_default_29" [label="(144,)", style=solid]; "333 hardswish__9_scale_0" -> "337 dequantize_per_channel_default_29" [label="(144,)", style=solid]; -"334 hardswish__9_zero_point_0" -> "336 quantize_per_channel_default_29" [label="(144,)", style=solid]; -"334 hardswish__9_zero_point_0" -> "337 dequantize_per_channel_default_29" [label="(144,)", style=solid]; +"334 hardswish__9_zero_point_0" -> "336 quantize_per_channel_default_29" [label="(144,)", style=dashed]; +"334 hardswish__9_zero_point_0" -> "337 dequantize_per_channel_default_29" [label="(144,)", style=dashed]; "335 hardswish__9" -> "336 quantize_per_channel_default_29" [label="(1, 144, 14, 14)", style=solid]; "336 quantize_per_channel_default_29" -> "337 dequantize_per_channel_default_29" [label="(1, 144, 14, 14)", style=solid]; "337 dequantize_per_channel_default_29" -> "344 conv2d_32" [label="(1, 144, 14, 14)", style=solid]; @@ -902,7 +902,7 @@ strict digraph { "339 scale_updated_constant22" -> "341 mul_tensor_22" [label="(144, 1, 1, 1)", style=solid]; "340 compressed_weight_updated_constant22" -> "341 mul_tensor_22" [label="(144, 1, 5, 5)", style=solid]; "341 mul_tensor_22" -> "343 sub_tensor_22" [label="(144, 1, 5, 5)", style=solid]; -"342 zero_point_updated_constant22" -> "343 sub_tensor_22" [label="(144, 1, 1, 1)", style=solid]; +"342 zero_point_updated_constant22" -> "343 sub_tensor_22" [label="(144, 1, 1, 1)", style=dashed]; "343 sub_tensor_22" -> "344 conv2d_32" [label="(144, 1, 5, 5)", style=solid]; "344 conv2d_32" -> "345 hardswish__10" [label="(1, 144, 14, 14)", style=solid]; "345 hardswish__10" -> "346 quantize_per_tensor_default_28" [label="(1, 144, 14, 14)", style=solid]; @@ -924,7 +924,7 @@ strict digraph { "360 scale_updated_constant23" -> "362 mul_tensor_23" [label="(48, 1, 1, 1)", style=solid]; "361 compressed_weight_updated_constant23" -> "362 mul_tensor_23" [label="(48, 144, 1, 1)", style=solid]; "362 mul_tensor_23" -> "364 sub_tensor_23" [label="(48, 144, 1, 1)", style=solid]; -"363 zero_point_updated_constant23" -> "364 sub_tensor_23" [label="(48, 1, 1, 1)", style=solid]; +"363 zero_point_updated_constant23" -> "364 sub_tensor_23" [label="(48, 1, 1, 1)", style=dashed]; "364 sub_tensor_23" -> "365 conv2d_35" [label="(48, 144, 1, 1)", style=solid]; "365 conv2d_35" -> "366 quantize_per_tensor_default_31" [label="(1, 48, 14, 14)", style=solid]; "366 quantize_per_tensor_default_31" -> "367 dequantize_per_tensor_default_41" [label="(1, 48, 14, 14)", style=solid]; @@ -936,13 +936,13 @@ strict digraph { "372 scale_updated_constant24" -> "374 mul_tensor_24" [label="(288, 1, 1, 1)", style=solid]; "373 compressed_weight_updated_constant24" -> "374 mul_tensor_24" [label="(288, 48, 1, 1)", style=solid]; "374 mul_tensor_24" -> "376 sub_tensor_24" [label="(288, 48, 1, 1)", style=solid]; -"375 zero_point_updated_constant24" -> "376 sub_tensor_24" [label="(288, 1, 1, 1)", style=solid]; +"375 zero_point_updated_constant24" -> "376 sub_tensor_24" [label="(288, 1, 1, 1)", style=dashed]; "376 sub_tensor_24" -> "377 conv2d_36" [label="(288, 48, 1, 1)", style=solid]; "377 conv2d_36" -> "380 hardswish__11" [label="(1, 288, 14, 14)", style=solid]; "378 hardswish__11_scale_0" -> "381 quantize_per_channel_default_33" [label="(288,)", style=solid]; "378 hardswish__11_scale_0" -> "382 dequantize_per_channel_default_33" [label="(288,)", style=solid]; -"379 hardswish__11_zero_point_0" -> "381 quantize_per_channel_default_33" [label="(288,)", style=solid]; -"379 hardswish__11_zero_point_0" -> "382 dequantize_per_channel_default_33" [label="(288,)", style=solid]; +"379 hardswish__11_zero_point_0" -> "381 quantize_per_channel_default_33" [label="(288,)", style=dashed]; +"379 hardswish__11_zero_point_0" -> "382 dequantize_per_channel_default_33" [label="(288,)", style=dashed]; "380 hardswish__11" -> "381 quantize_per_channel_default_33" [label="(1, 288, 14, 14)", style=solid]; "381 quantize_per_channel_default_33" -> "382 dequantize_per_channel_default_33" [label="(1, 288, 14, 14)", style=solid]; "382 dequantize_per_channel_default_33" -> "389 conv2d_37" [label="(1, 288, 14, 14)", style=solid]; @@ -950,7 +950,7 @@ strict digraph { "384 scale_updated_constant25" -> "386 mul_tensor_25" [label="(288, 1, 1, 1)", style=solid]; "385 compressed_weight_updated_constant25" -> "386 mul_tensor_25" [label="(288, 1, 5, 5)", style=solid]; "386 mul_tensor_25" -> "388 sub_tensor_25" [label="(288, 1, 5, 5)", style=solid]; -"387 zero_point_updated_constant25" -> "388 sub_tensor_25" [label="(288, 1, 1, 1)", style=solid]; +"387 zero_point_updated_constant25" -> "388 sub_tensor_25" [label="(288, 1, 1, 1)", style=dashed]; "388 sub_tensor_25" -> "389 conv2d_37" [label="(288, 1, 5, 5)", style=solid]; "389 conv2d_37" -> "390 hardswish__12" [label="(1, 288, 7, 7)", style=solid]; "390 hardswish__12" -> "391 quantize_per_tensor_default_33" [label="(1, 288, 7, 7)", style=solid]; @@ -972,7 +972,7 @@ strict digraph { "405 scale_updated_constant26" -> "407 mul_tensor_26" [label="(96, 1, 1, 1)", style=solid]; "406 compressed_weight_updated_constant26" -> "407 mul_tensor_26" [label="(96, 288, 1, 1)", style=solid]; "407 mul_tensor_26" -> "409 sub_tensor_26" [label="(96, 288, 1, 1)", style=solid]; -"408 zero_point_updated_constant26" -> "409 sub_tensor_26" [label="(96, 1, 1, 1)", style=solid]; +"408 zero_point_updated_constant26" -> "409 sub_tensor_26" [label="(96, 1, 1, 1)", style=dashed]; "409 sub_tensor_26" -> "410 conv2d_40" [label="(96, 288, 1, 1)", style=solid]; "410 conv2d_40" -> "411 quantize_per_tensor_default_36" [label="(1, 96, 7, 7)", style=solid]; "411 quantize_per_tensor_default_36" -> "412 dequantize_per_tensor_default_48" [label="(1, 96, 7, 7)", style=solid]; @@ -983,13 +983,13 @@ strict digraph { "415 scale_updated_constant27" -> "417 mul_tensor_27" [label="(576, 1, 1, 1)", style=solid]; "416 compressed_weight_updated_constant27" -> "417 mul_tensor_27" [label="(576, 96, 1, 1)", style=solid]; "417 mul_tensor_27" -> "419 sub_tensor_27" [label="(576, 96, 1, 1)", style=solid]; -"418 zero_point_updated_constant27" -> "419 sub_tensor_27" [label="(576, 1, 1, 1)", style=solid]; +"418 zero_point_updated_constant27" -> "419 sub_tensor_27" [label="(576, 1, 1, 1)", style=dashed]; "419 sub_tensor_27" -> "420 conv2d_41" [label="(576, 96, 1, 1)", style=solid]; "420 conv2d_41" -> "423 hardswish__13" [label="(1, 576, 7, 7)", style=solid]; "421 hardswish__13_scale_0" -> "424 quantize_per_channel_default_37" [label="(576,)", style=solid]; "421 hardswish__13_scale_0" -> "425 dequantize_per_channel_default_37" [label="(576,)", style=solid]; -"422 hardswish__13_zero_point_0" -> "424 quantize_per_channel_default_37" [label="(576,)", style=solid]; -"422 hardswish__13_zero_point_0" -> "425 dequantize_per_channel_default_37" [label="(576,)", style=solid]; +"422 hardswish__13_zero_point_0" -> "424 quantize_per_channel_default_37" [label="(576,)", style=dashed]; +"422 hardswish__13_zero_point_0" -> "425 dequantize_per_channel_default_37" [label="(576,)", style=dashed]; "423 hardswish__13" -> "424 quantize_per_channel_default_37" [label="(1, 576, 7, 7)", style=solid]; "424 quantize_per_channel_default_37" -> "425 dequantize_per_channel_default_37" [label="(1, 576, 7, 7)", style=solid]; "425 dequantize_per_channel_default_37" -> "432 conv2d_42" [label="(1, 576, 7, 7)", style=solid]; @@ -997,7 +997,7 @@ strict digraph { "427 scale_updated_constant28" -> "429 mul_tensor_28" [label="(576, 1, 1, 1)", style=solid]; "428 compressed_weight_updated_constant28" -> "429 mul_tensor_28" [label="(576, 1, 5, 5)", style=solid]; "429 mul_tensor_28" -> "431 sub_tensor_28" [label="(576, 1, 5, 5)", style=solid]; -"430 zero_point_updated_constant28" -> "431 sub_tensor_28" [label="(576, 1, 1, 1)", style=solid]; +"430 zero_point_updated_constant28" -> "431 sub_tensor_28" [label="(576, 1, 1, 1)", style=dashed]; "431 sub_tensor_28" -> "432 conv2d_42" [label="(576, 1, 5, 5)", style=solid]; "432 conv2d_42" -> "433 hardswish__14" [label="(1, 576, 7, 7)", style=solid]; "433 hardswish__14" -> "434 quantize_per_tensor_default_37" [label="(1, 576, 7, 7)", style=solid]; @@ -1019,7 +1019,7 @@ strict digraph { "448 scale_updated_constant29" -> "450 mul_tensor_29" [label="(96, 1, 1, 1)", style=solid]; "449 compressed_weight_updated_constant29" -> "450 mul_tensor_29" [label="(96, 576, 1, 1)", style=solid]; "450 mul_tensor_29" -> "452 sub_tensor_29" [label="(96, 576, 1, 1)", style=solid]; -"451 zero_point_updated_constant29" -> "452 sub_tensor_29" [label="(96, 1, 1, 1)", style=solid]; +"451 zero_point_updated_constant29" -> "452 sub_tensor_29" [label="(96, 1, 1, 1)", style=dashed]; "452 sub_tensor_29" -> "453 conv2d_45" [label="(96, 576, 1, 1)", style=solid]; "453 conv2d_45" -> "454 quantize_per_tensor_default_40" [label="(1, 96, 7, 7)", style=solid]; "454 quantize_per_tensor_default_40" -> "455 dequantize_per_tensor_default_53" [label="(1, 96, 7, 7)", style=solid]; @@ -1033,13 +1033,13 @@ strict digraph { "461 scale_updated_constant30" -> "463 mul_tensor_30" [label="(576, 1, 1, 1)", style=solid]; "462 compressed_weight_updated_constant30" -> "463 mul_tensor_30" [label="(576, 96, 1, 1)", style=solid]; "463 mul_tensor_30" -> "465 sub_tensor_30" [label="(576, 96, 1, 1)", style=solid]; -"464 zero_point_updated_constant30" -> "465 sub_tensor_30" [label="(576, 1, 1, 1)", style=solid]; +"464 zero_point_updated_constant30" -> "465 sub_tensor_30" [label="(576, 1, 1, 1)", style=dashed]; "465 sub_tensor_30" -> "466 conv2d_46" [label="(576, 96, 1, 1)", style=solid]; "466 conv2d_46" -> "469 hardswish__15" [label="(1, 576, 7, 7)", style=solid]; "467 hardswish__15_scale_0" -> "470 quantize_per_channel_default_41" [label="(576,)", style=solid]; "467 hardswish__15_scale_0" -> "471 dequantize_per_channel_default_41" [label="(576,)", style=solid]; -"468 hardswish__15_zero_point_0" -> "470 quantize_per_channel_default_41" [label="(576,)", style=solid]; -"468 hardswish__15_zero_point_0" -> "471 dequantize_per_channel_default_41" [label="(576,)", style=solid]; +"468 hardswish__15_zero_point_0" -> "470 quantize_per_channel_default_41" [label="(576,)", style=dashed]; +"468 hardswish__15_zero_point_0" -> "471 dequantize_per_channel_default_41" [label="(576,)", style=dashed]; "469 hardswish__15" -> "470 quantize_per_channel_default_41" [label="(1, 576, 7, 7)", style=solid]; "470 quantize_per_channel_default_41" -> "471 dequantize_per_channel_default_41" [label="(1, 576, 7, 7)", style=solid]; "471 dequantize_per_channel_default_41" -> "478 conv2d_47" [label="(1, 576, 7, 7)", style=solid]; @@ -1047,7 +1047,7 @@ strict digraph { "473 scale_updated_constant31" -> "475 mul_tensor_31" [label="(576, 1, 1, 1)", style=solid]; "474 compressed_weight_updated_constant31" -> "475 mul_tensor_31" [label="(576, 1, 5, 5)", style=solid]; "475 mul_tensor_31" -> "477 sub_tensor_31" [label="(576, 1, 5, 5)", style=solid]; -"476 zero_point_updated_constant31" -> "477 sub_tensor_31" [label="(576, 1, 1, 1)", style=solid]; +"476 zero_point_updated_constant31" -> "477 sub_tensor_31" [label="(576, 1, 1, 1)", style=dashed]; "477 sub_tensor_31" -> "478 conv2d_47" [label="(576, 1, 5, 5)", style=solid]; "478 conv2d_47" -> "479 hardswish__16" [label="(1, 576, 7, 7)", style=solid]; "479 hardswish__16" -> "480 quantize_per_tensor_default_42" [label="(1, 576, 7, 7)", style=solid]; @@ -1069,7 +1069,7 @@ strict digraph { "494 scale_updated_constant32" -> "496 mul_tensor_32" [label="(96, 1, 1, 1)", style=solid]; "495 compressed_weight_updated_constant32" -> "496 mul_tensor_32" [label="(96, 576, 1, 1)", style=solid]; "496 mul_tensor_32" -> "498 sub_tensor_32" [label="(96, 576, 1, 1)", style=solid]; -"497 zero_point_updated_constant32" -> "498 sub_tensor_32" [label="(96, 1, 1, 1)", style=solid]; +"497 zero_point_updated_constant32" -> "498 sub_tensor_32" [label="(96, 1, 1, 1)", style=dashed]; "498 sub_tensor_32" -> "499 conv2d_50" [label="(96, 576, 1, 1)", style=solid]; "499 conv2d_50" -> "500 quantize_per_tensor_default_45" [label="(1, 96, 7, 7)", style=solid]; "500 quantize_per_tensor_default_45" -> "501 dequantize_per_tensor_default_60" [label="(1, 96, 7, 7)", style=solid]; @@ -1081,7 +1081,7 @@ strict digraph { "506 scale_updated_constant33" -> "508 mul_tensor_33" [label="(576, 1, 1, 1)", style=solid]; "507 compressed_weight_updated_constant33" -> "508 mul_tensor_33" [label="(576, 96, 1, 1)", style=solid]; "508 mul_tensor_33" -> "510 sub_tensor_33" [label="(576, 96, 1, 1)", style=solid]; -"509 zero_point_updated_constant33" -> "510 sub_tensor_33" [label="(576, 1, 1, 1)", style=solid]; +"509 zero_point_updated_constant33" -> "510 sub_tensor_33" [label="(576, 1, 1, 1)", style=dashed]; "510 sub_tensor_33" -> "511 conv2d_51" [label="(576, 96, 1, 1)", style=solid]; "511 conv2d_51" -> "512 hardswish__17" [label="(1, 576, 7, 7)", style=solid]; "512 hardswish__17" -> "513 quantize_per_tensor_default_47" [label="(1, 576, 7, 7)", style=solid]; @@ -1094,7 +1094,7 @@ strict digraph { "519 scale_updated_constant34" -> "521 mul_tensor_34" [label="(1024, 1)", style=solid]; "520 compressed_weight_updated_constant34" -> "521 mul_tensor_34" [label="(1024, 576)", style=solid]; "521 mul_tensor_34" -> "523 sub_tensor_34" [label="(1024, 576)", style=solid]; -"522 zero_point_updated_constant34" -> "523 sub_tensor_34" [label="(1024, 1)", style=solid]; +"522 zero_point_updated_constant34" -> "523 sub_tensor_34" [label="(1024, 1)", style=dashed]; "523 sub_tensor_34" -> "524 linear" [label="(1024, 576)", style=solid]; "524 linear" -> "525 hardswish__18" [label="(1, 1024)", style=solid]; "525 hardswish__18" -> "526 quantize_per_tensor_default_49" [label="(1, 1024)", style=solid]; @@ -1104,7 +1104,7 @@ strict digraph { "529 scale_updated_constant35" -> "531 mul_tensor_35" [label="(1000, 1)", style=solid]; "530 compressed_weight_updated_constant35" -> "531 mul_tensor_35" [label="(1000, 1024)", style=solid]; "531 mul_tensor_35" -> "533 sub_tensor_35" [label="(1000, 1024)", style=solid]; -"532 zero_point_updated_constant35" -> "533 sub_tensor_35" [label="(1000, 1)", style=solid]; +"532 zero_point_updated_constant35" -> "533 sub_tensor_35" [label="(1000, 1)", style=dashed]; "533 sub_tensor_35" -> "534 linear_1" [label="(1000, 1024)", style=solid]; "534 linear_1" -> "535 output" [label="(1, 1000)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/resnet18.dot b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/resnet18.dot index d819ff3299e..95119e12d6c 100644 --- a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/resnet18.dot +++ b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/resnet18.dot @@ -251,7 +251,7 @@ strict digraph { "5 scale_updated_constant0" -> "7 mul_tensor" [label="(64, 1, 1, 1)", style=solid]; "6 compressed_weight_updated_constant0" -> "7 mul_tensor" [label="(64, 3, 7, 7)", style=solid]; "7 mul_tensor" -> "9 sub_tensor" [label="(64, 3, 7, 7)", style=solid]; -"8 zero_point_updated_constant0" -> "9 sub_tensor" [label="(64, 1, 1, 1)", style=solid]; +"8 zero_point_updated_constant0" -> "9 sub_tensor" [label="(64, 1, 1, 1)", style=dashed]; "9 sub_tensor" -> "10 conv2d" [label="(64, 3, 7, 7)", style=solid]; "10 conv2d" -> "11 relu_" [label="(1, 64, 112, 112)", style=solid]; "11 relu_" -> "12 quantize_per_tensor_default_1" [label="(1, 64, 112, 112)", style=solid]; @@ -263,7 +263,7 @@ strict digraph { "16 scale_updated_constant1" -> "18 mul_tensor_1" [label="(64, 1, 1, 1)", style=solid]; "17 compressed_weight_updated_constant1" -> "18 mul_tensor_1" [label="(64, 64, 3, 3)", style=solid]; "18 mul_tensor_1" -> "20 sub_tensor_1" [label="(64, 64, 3, 3)", style=solid]; -"19 zero_point_updated_constant1" -> "20 sub_tensor_1" [label="(64, 1, 1, 1)", style=solid]; +"19 zero_point_updated_constant1" -> "20 sub_tensor_1" [label="(64, 1, 1, 1)", style=dashed]; "20 sub_tensor_1" -> "21 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; "21 conv2d_1" -> "22 relu__1" [label="(1, 64, 56, 56)", style=solid]; "22 relu__1" -> "23 quantize_per_tensor_default_2" [label="(1, 64, 56, 56)", style=solid]; @@ -273,7 +273,7 @@ strict digraph { "26 scale_updated_constant2" -> "28 mul_tensor_2" [label="(64, 1, 1, 1)", style=solid]; "27 compressed_weight_updated_constant2" -> "28 mul_tensor_2" [label="(64, 64, 3, 3)", style=solid]; "28 mul_tensor_2" -> "30 sub_tensor_2" [label="(64, 64, 3, 3)", style=solid]; -"29 zero_point_updated_constant2" -> "30 sub_tensor_2" [label="(64, 1, 1, 1)", style=solid]; +"29 zero_point_updated_constant2" -> "30 sub_tensor_2" [label="(64, 1, 1, 1)", style=dashed]; "30 sub_tensor_2" -> "31 conv2d_2" [label="(64, 64, 3, 3)", style=solid]; "31 conv2d_2" -> "32 quantize_per_tensor_default_3" [label="(1, 64, 56, 56)", style=solid]; "32 quantize_per_tensor_default_3" -> "33 dequantize_per_tensor_default_3" [label="(1, 64, 56, 56)", style=solid]; @@ -288,7 +288,7 @@ strict digraph { "40 scale_updated_constant3" -> "42 mul_tensor_3" [label="(64, 1, 1, 1)", style=solid]; "41 compressed_weight_updated_constant3" -> "42 mul_tensor_3" [label="(64, 64, 3, 3)", style=solid]; "42 mul_tensor_3" -> "44 sub_tensor_3" [label="(64, 64, 3, 3)", style=solid]; -"43 zero_point_updated_constant3" -> "44 sub_tensor_3" [label="(64, 1, 1, 1)", style=solid]; +"43 zero_point_updated_constant3" -> "44 sub_tensor_3" [label="(64, 1, 1, 1)", style=dashed]; "44 sub_tensor_3" -> "45 conv2d_3" [label="(64, 64, 3, 3)", style=solid]; "45 conv2d_3" -> "46 relu__3" [label="(1, 64, 56, 56)", style=solid]; "46 relu__3" -> "47 quantize_per_tensor_default_5" [label="(1, 64, 56, 56)", style=solid]; @@ -298,7 +298,7 @@ strict digraph { "50 scale_updated_constant4" -> "52 mul_tensor_4" [label="(64, 1, 1, 1)", style=solid]; "51 compressed_weight_updated_constant4" -> "52 mul_tensor_4" [label="(64, 64, 3, 3)", style=solid]; "52 mul_tensor_4" -> "54 sub_tensor_4" [label="(64, 64, 3, 3)", style=solid]; -"53 zero_point_updated_constant4" -> "54 sub_tensor_4" [label="(64, 1, 1, 1)", style=solid]; +"53 zero_point_updated_constant4" -> "54 sub_tensor_4" [label="(64, 1, 1, 1)", style=dashed]; "54 sub_tensor_4" -> "55 conv2d_4" [label="(64, 64, 3, 3)", style=solid]; "55 conv2d_4" -> "56 quantize_per_tensor_default_6" [label="(1, 64, 56, 56)", style=solid]; "56 quantize_per_tensor_default_6" -> "57 dequantize_per_tensor_default_7" [label="(1, 64, 56, 56)", style=solid]; @@ -313,7 +313,7 @@ strict digraph { "64 scale_updated_constant5" -> "66 mul_tensor_5" [label="(128, 1, 1, 1)", style=solid]; "65 compressed_weight_updated_constant5" -> "66 mul_tensor_5" [label="(128, 64, 3, 3)", style=solid]; "66 mul_tensor_5" -> "68 sub_tensor_5" [label="(128, 64, 3, 3)", style=solid]; -"67 zero_point_updated_constant5" -> "68 sub_tensor_5" [label="(128, 1, 1, 1)", style=solid]; +"67 zero_point_updated_constant5" -> "68 sub_tensor_5" [label="(128, 1, 1, 1)", style=dashed]; "68 sub_tensor_5" -> "69 conv2d_5" [label="(128, 64, 3, 3)", style=solid]; "69 conv2d_5" -> "70 relu__5" [label="(1, 128, 28, 28)", style=solid]; "70 relu__5" -> "71 quantize_per_tensor_default_8" [label="(1, 128, 28, 28)", style=solid]; @@ -323,7 +323,7 @@ strict digraph { "74 scale_updated_constant6" -> "76 mul_tensor_6" [label="(128, 1, 1, 1)", style=solid]; "75 compressed_weight_updated_constant6" -> "76 mul_tensor_6" [label="(128, 128, 3, 3)", style=solid]; "76 mul_tensor_6" -> "78 sub_tensor_6" [label="(128, 128, 3, 3)", style=solid]; -"77 zero_point_updated_constant6" -> "78 sub_tensor_6" [label="(128, 1, 1, 1)", style=solid]; +"77 zero_point_updated_constant6" -> "78 sub_tensor_6" [label="(128, 1, 1, 1)", style=dashed]; "78 sub_tensor_6" -> "79 conv2d_6" [label="(128, 128, 3, 3)", style=solid]; "79 conv2d_6" -> "80 quantize_per_tensor_default_9" [label="(1, 128, 28, 28)", style=solid]; "80 quantize_per_tensor_default_9" -> "81 dequantize_per_tensor_default_11" [label="(1, 128, 28, 28)", style=solid]; @@ -332,7 +332,7 @@ strict digraph { "83 scale_updated_constant7" -> "85 mul_tensor_7" [label="(128, 1, 1, 1)", style=solid]; "84 compressed_weight_updated_constant7" -> "85 mul_tensor_7" [label="(128, 64, 1, 1)", style=solid]; "85 mul_tensor_7" -> "87 sub_tensor_7" [label="(128, 64, 1, 1)", style=solid]; -"86 zero_point_updated_constant7" -> "87 sub_tensor_7" [label="(128, 1, 1, 1)", style=solid]; +"86 zero_point_updated_constant7" -> "87 sub_tensor_7" [label="(128, 1, 1, 1)", style=dashed]; "87 sub_tensor_7" -> "88 conv2d_7" [label="(128, 64, 1, 1)", style=solid]; "88 conv2d_7" -> "89 quantize_per_tensor_default_10" [label="(1, 128, 28, 28)", style=solid]; "89 quantize_per_tensor_default_10" -> "90 dequantize_per_tensor_default_12" [label="(1, 128, 28, 28)", style=solid]; @@ -347,7 +347,7 @@ strict digraph { "97 scale_updated_constant8" -> "99 mul_tensor_8" [label="(128, 1, 1, 1)", style=solid]; "98 compressed_weight_updated_constant8" -> "99 mul_tensor_8" [label="(128, 128, 3, 3)", style=solid]; "99 mul_tensor_8" -> "101 sub_tensor_8" [label="(128, 128, 3, 3)", style=solid]; -"100 zero_point_updated_constant8" -> "101 sub_tensor_8" [label="(128, 1, 1, 1)", style=solid]; +"100 zero_point_updated_constant8" -> "101 sub_tensor_8" [label="(128, 1, 1, 1)", style=dashed]; "101 sub_tensor_8" -> "102 conv2d_8" [label="(128, 128, 3, 3)", style=solid]; "102 conv2d_8" -> "103 relu__7" [label="(1, 128, 28, 28)", style=solid]; "103 relu__7" -> "104 quantize_per_tensor_default_12" [label="(1, 128, 28, 28)", style=solid]; @@ -357,7 +357,7 @@ strict digraph { "107 scale_updated_constant9" -> "109 mul_tensor_9" [label="(128, 1, 1, 1)", style=solid]; "108 compressed_weight_updated_constant9" -> "109 mul_tensor_9" [label="(128, 128, 3, 3)", style=solid]; "109 mul_tensor_9" -> "111 sub_tensor_9" [label="(128, 128, 3, 3)", style=solid]; -"110 zero_point_updated_constant9" -> "111 sub_tensor_9" [label="(128, 1, 1, 1)", style=solid]; +"110 zero_point_updated_constant9" -> "111 sub_tensor_9" [label="(128, 1, 1, 1)", style=dashed]; "111 sub_tensor_9" -> "112 conv2d_9" [label="(128, 128, 3, 3)", style=solid]; "112 conv2d_9" -> "113 quantize_per_tensor_default_13" [label="(1, 128, 28, 28)", style=solid]; "113 quantize_per_tensor_default_13" -> "114 dequantize_per_tensor_default_16" [label="(1, 128, 28, 28)", style=solid]; @@ -372,7 +372,7 @@ strict digraph { "121 scale_updated_constant10" -> "123 mul_tensor_10" [label="(256, 1, 1, 1)", style=solid]; "122 compressed_weight_updated_constant10" -> "123 mul_tensor_10" [label="(256, 128, 3, 3)", style=solid]; "123 mul_tensor_10" -> "125 sub_tensor_10" [label="(256, 128, 3, 3)", style=solid]; -"124 zero_point_updated_constant10" -> "125 sub_tensor_10" [label="(256, 1, 1, 1)", style=solid]; +"124 zero_point_updated_constant10" -> "125 sub_tensor_10" [label="(256, 1, 1, 1)", style=dashed]; "125 sub_tensor_10" -> "126 conv2d_10" [label="(256, 128, 3, 3)", style=solid]; "126 conv2d_10" -> "127 relu__9" [label="(1, 256, 14, 14)", style=solid]; "127 relu__9" -> "128 quantize_per_tensor_default_15" [label="(1, 256, 14, 14)", style=solid]; @@ -382,7 +382,7 @@ strict digraph { "131 scale_updated_constant11" -> "133 mul_tensor_11" [label="(256, 1, 1, 1)", style=solid]; "132 compressed_weight_updated_constant11" -> "133 mul_tensor_11" [label="(256, 256, 3, 3)", style=solid]; "133 mul_tensor_11" -> "135 sub_tensor_11" [label="(256, 256, 3, 3)", style=solid]; -"134 zero_point_updated_constant11" -> "135 sub_tensor_11" [label="(256, 1, 1, 1)", style=solid]; +"134 zero_point_updated_constant11" -> "135 sub_tensor_11" [label="(256, 1, 1, 1)", style=dashed]; "135 sub_tensor_11" -> "136 conv2d_11" [label="(256, 256, 3, 3)", style=solid]; "136 conv2d_11" -> "137 quantize_per_tensor_default_16" [label="(1, 256, 14, 14)", style=solid]; "137 quantize_per_tensor_default_16" -> "138 dequantize_per_tensor_default_20" [label="(1, 256, 14, 14)", style=solid]; @@ -391,7 +391,7 @@ strict digraph { "140 scale_updated_constant12" -> "142 mul_tensor_12" [label="(256, 1, 1, 1)", style=solid]; "141 compressed_weight_updated_constant12" -> "142 mul_tensor_12" [label="(256, 128, 1, 1)", style=solid]; "142 mul_tensor_12" -> "144 sub_tensor_12" [label="(256, 128, 1, 1)", style=solid]; -"143 zero_point_updated_constant12" -> "144 sub_tensor_12" [label="(256, 1, 1, 1)", style=solid]; +"143 zero_point_updated_constant12" -> "144 sub_tensor_12" [label="(256, 1, 1, 1)", style=dashed]; "144 sub_tensor_12" -> "145 conv2d_12" [label="(256, 128, 1, 1)", style=solid]; "145 conv2d_12" -> "146 quantize_per_tensor_default_17" [label="(1, 256, 14, 14)", style=solid]; "146 quantize_per_tensor_default_17" -> "147 dequantize_per_tensor_default_21" [label="(1, 256, 14, 14)", style=solid]; @@ -406,7 +406,7 @@ strict digraph { "154 scale_updated_constant13" -> "156 mul_tensor_13" [label="(256, 1, 1, 1)", style=solid]; "155 compressed_weight_updated_constant13" -> "156 mul_tensor_13" [label="(256, 256, 3, 3)", style=solid]; "156 mul_tensor_13" -> "158 sub_tensor_13" [label="(256, 256, 3, 3)", style=solid]; -"157 zero_point_updated_constant13" -> "158 sub_tensor_13" [label="(256, 1, 1, 1)", style=solid]; +"157 zero_point_updated_constant13" -> "158 sub_tensor_13" [label="(256, 1, 1, 1)", style=dashed]; "158 sub_tensor_13" -> "159 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; "159 conv2d_13" -> "160 relu__11" [label="(1, 256, 14, 14)", style=solid]; "160 relu__11" -> "161 quantize_per_tensor_default_19" [label="(1, 256, 14, 14)", style=solid]; @@ -416,7 +416,7 @@ strict digraph { "164 scale_updated_constant14" -> "166 mul_tensor_14" [label="(256, 1, 1, 1)", style=solid]; "165 compressed_weight_updated_constant14" -> "166 mul_tensor_14" [label="(256, 256, 3, 3)", style=solid]; "166 mul_tensor_14" -> "168 sub_tensor_14" [label="(256, 256, 3, 3)", style=solid]; -"167 zero_point_updated_constant14" -> "168 sub_tensor_14" [label="(256, 1, 1, 1)", style=solid]; +"167 zero_point_updated_constant14" -> "168 sub_tensor_14" [label="(256, 1, 1, 1)", style=dashed]; "168 sub_tensor_14" -> "169 conv2d_14" [label="(256, 256, 3, 3)", style=solid]; "169 conv2d_14" -> "170 quantize_per_tensor_default_20" [label="(1, 256, 14, 14)", style=solid]; "170 quantize_per_tensor_default_20" -> "171 dequantize_per_tensor_default_25" [label="(1, 256, 14, 14)", style=solid]; @@ -431,7 +431,7 @@ strict digraph { "178 scale_updated_constant15" -> "180 mul_tensor_15" [label="(512, 1, 1, 1)", style=solid]; "179 compressed_weight_updated_constant15" -> "180 mul_tensor_15" [label="(512, 256, 3, 3)", style=solid]; "180 mul_tensor_15" -> "182 sub_tensor_15" [label="(512, 256, 3, 3)", style=solid]; -"181 zero_point_updated_constant15" -> "182 sub_tensor_15" [label="(512, 1, 1, 1)", style=solid]; +"181 zero_point_updated_constant15" -> "182 sub_tensor_15" [label="(512, 1, 1, 1)", style=dashed]; "182 sub_tensor_15" -> "183 conv2d_15" [label="(512, 256, 3, 3)", style=solid]; "183 conv2d_15" -> "184 relu__13" [label="(1, 512, 7, 7)", style=solid]; "184 relu__13" -> "185 quantize_per_tensor_default_22" [label="(1, 512, 7, 7)", style=solid]; @@ -441,7 +441,7 @@ strict digraph { "188 scale_updated_constant16" -> "190 mul_tensor_16" [label="(512, 1, 1, 1)", style=solid]; "189 compressed_weight_updated_constant16" -> "190 mul_tensor_16" [label="(512, 512, 3, 3)", style=solid]; "190 mul_tensor_16" -> "192 sub_tensor_16" [label="(512, 512, 3, 3)", style=solid]; -"191 zero_point_updated_constant16" -> "192 sub_tensor_16" [label="(512, 1, 1, 1)", style=solid]; +"191 zero_point_updated_constant16" -> "192 sub_tensor_16" [label="(512, 1, 1, 1)", style=dashed]; "192 sub_tensor_16" -> "193 conv2d_16" [label="(512, 512, 3, 3)", style=solid]; "193 conv2d_16" -> "194 quantize_per_tensor_default_23" [label="(1, 512, 7, 7)", style=solid]; "194 quantize_per_tensor_default_23" -> "195 dequantize_per_tensor_default_29" [label="(1, 512, 7, 7)", style=solid]; @@ -450,7 +450,7 @@ strict digraph { "197 scale_updated_constant17" -> "199 mul_tensor_17" [label="(512, 1, 1, 1)", style=solid]; "198 compressed_weight_updated_constant17" -> "199 mul_tensor_17" [label="(512, 256, 1, 1)", style=solid]; "199 mul_tensor_17" -> "201 sub_tensor_17" [label="(512, 256, 1, 1)", style=solid]; -"200 zero_point_updated_constant17" -> "201 sub_tensor_17" [label="(512, 1, 1, 1)", style=solid]; +"200 zero_point_updated_constant17" -> "201 sub_tensor_17" [label="(512, 1, 1, 1)", style=dashed]; "201 sub_tensor_17" -> "202 conv2d_17" [label="(512, 256, 1, 1)", style=solid]; "202 conv2d_17" -> "203 quantize_per_tensor_default_24" [label="(1, 512, 7, 7)", style=solid]; "203 quantize_per_tensor_default_24" -> "204 dequantize_per_tensor_default_30" [label="(1, 512, 7, 7)", style=solid]; @@ -465,7 +465,7 @@ strict digraph { "211 scale_updated_constant18" -> "213 mul_tensor_18" [label="(512, 1, 1, 1)", style=solid]; "212 compressed_weight_updated_constant18" -> "213 mul_tensor_18" [label="(512, 512, 3, 3)", style=solid]; "213 mul_tensor_18" -> "215 sub_tensor_18" [label="(512, 512, 3, 3)", style=solid]; -"214 zero_point_updated_constant18" -> "215 sub_tensor_18" [label="(512, 1, 1, 1)", style=solid]; +"214 zero_point_updated_constant18" -> "215 sub_tensor_18" [label="(512, 1, 1, 1)", style=dashed]; "215 sub_tensor_18" -> "216 conv2d_18" [label="(512, 512, 3, 3)", style=solid]; "216 conv2d_18" -> "217 relu__15" [label="(1, 512, 7, 7)", style=solid]; "217 relu__15" -> "218 quantize_per_tensor_default_26" [label="(1, 512, 7, 7)", style=solid]; @@ -475,7 +475,7 @@ strict digraph { "221 scale_updated_constant19" -> "223 mul_tensor_19" [label="(512, 1, 1, 1)", style=solid]; "222 compressed_weight_updated_constant19" -> "223 mul_tensor_19" [label="(512, 512, 3, 3)", style=solid]; "223 mul_tensor_19" -> "225 sub_tensor_19" [label="(512, 512, 3, 3)", style=solid]; -"224 zero_point_updated_constant19" -> "225 sub_tensor_19" [label="(512, 1, 1, 1)", style=solid]; +"224 zero_point_updated_constant19" -> "225 sub_tensor_19" [label="(512, 1, 1, 1)", style=dashed]; "225 sub_tensor_19" -> "226 conv2d_19" [label="(512, 512, 3, 3)", style=solid]; "226 conv2d_19" -> "227 quantize_per_tensor_default_27" [label="(1, 512, 7, 7)", style=solid]; "227 quantize_per_tensor_default_27" -> "228 dequantize_per_tensor_default_34" [label="(1, 512, 7, 7)", style=solid]; @@ -491,7 +491,7 @@ strict digraph { "237 scale_updated_constant20" -> "239 mul_tensor_20" [label="(1000, 1)", style=solid]; "238 compressed_weight_updated_constant20" -> "239 mul_tensor_20" [label="(1000, 512)", style=solid]; "239 mul_tensor_20" -> "241 sub_tensor_20" [label="(1000, 512)", style=solid]; -"240 zero_point_updated_constant20" -> "241 sub_tensor_20" [label="(1000, 1)", style=solid]; +"240 zero_point_updated_constant20" -> "241 sub_tensor_20" [label="(1000, 1)", style=dashed]; "241 sub_tensor_20" -> "242 linear" [label="(1000, 512)", style=solid]; "242 linear" -> "243 output" [label="(1, 1000)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/swin_v2_s.dot b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/swin_v2_s.dot index 308b55dbef2..ed51dc85ef1 100644 --- a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/swin_v2_s.dot +++ b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/swin_v2_s.dot @@ -2694,7 +2694,7 @@ strict digraph { "183 scale_updated_constant0" -> "185 mul_tensor" [label="(96, 1, 1, 1)", style=solid]; "184 compressed_weight_updated_constant0" -> "185 mul_tensor" [label="(96, 3, 4, 4)", style=solid]; "185 mul_tensor" -> "187 sub_tensor" [label="(96, 3, 4, 4)", style=solid]; -"186 zero_point_updated_constant0" -> "187 sub_tensor" [label="(96, 1, 1, 1)", style=solid]; +"186 zero_point_updated_constant0" -> "187 sub_tensor" [label="(96, 1, 1, 1)", style=dashed]; "187 sub_tensor" -> "188 conv2d" [label="(96, 3, 4, 4)", style=solid]; "188 conv2d" -> "189 permute" [label="(1, 96, 56, 56)", style=solid]; "189 permute" -> "190 layer_norm" [label="(1, 56, 56, 96)", style=solid]; @@ -2712,7 +2712,7 @@ strict digraph { "200 scale_updated_constant1" -> "202 mul_tensor_1" [label="(288, 1)", style=solid]; "201 compressed_weight_updated_constant1" -> "202 mul_tensor_1" [label="(288, 96)", style=solid]; "202 mul_tensor_1" -> "204 sub_tensor_1" [label="(288, 96)", style=solid]; -"203 zero_point_updated_constant1" -> "204 sub_tensor_1" [label="(288, 1)", style=solid]; +"203 zero_point_updated_constant1" -> "204 sub_tensor_1" [label="(288, 1)", style=dashed]; "204 sub_tensor_1" -> "205 linear_2" [label="(288, 96)", style=solid]; "205 linear_2" -> "206 reshape_1" [label="(49, 64, 288)", style=solid]; "206 reshape_1" -> "207 permute_3" [label="(49, 64, 3, 3, 32)", style=solid]; @@ -2754,7 +2754,7 @@ strict digraph { "236 scale_updated_constant2" -> "238 mul_tensor_2" [label="(96, 1)", style=solid]; "237 compressed_weight_updated_constant2" -> "238 mul_tensor_2" [label="(96, 96)", style=solid]; "238 mul_tensor_2" -> "240 sub_tensor_2" [label="(96, 96)", style=solid]; -"239 zero_point_updated_constant2" -> "240 sub_tensor_2" [label="(96, 1)", style=solid]; +"239 zero_point_updated_constant2" -> "240 sub_tensor_2" [label="(96, 1)", style=dashed]; "240 sub_tensor_2" -> "241 linear_3" [label="(96, 96)", style=solid]; "241 linear_3" -> "242 dropout_1" [label="(49, 64, 96)", style=solid]; "242 dropout_1" -> "243 view_3" [label="(49, 64, 96)", style=solid]; @@ -2772,7 +2772,7 @@ strict digraph { "253 scale_updated_constant3" -> "255 mul_tensor_3" [label="(384, 1)", style=solid]; "254 compressed_weight_updated_constant3" -> "255 mul_tensor_3" [label="(384, 96)", style=solid]; "255 mul_tensor_3" -> "257 sub_tensor_3" [label="(384, 96)", style=solid]; -"256 zero_point_updated_constant3" -> "257 sub_tensor_3" [label="(384, 1)", style=solid]; +"256 zero_point_updated_constant3" -> "257 sub_tensor_3" [label="(384, 1)", style=dashed]; "257 sub_tensor_3" -> "258 linear_4" [label="(384, 96)", style=solid]; "258 linear_4" -> "259 gelu" [label="(1, 56, 56, 384)", style=solid]; "259 gelu" -> "260 dropout_2" [label="(1, 56, 56, 384)", style=solid]; @@ -2783,7 +2783,7 @@ strict digraph { "264 scale_updated_constant4" -> "266 mul_tensor_4" [label="(96, 1)", style=solid]; "265 compressed_weight_updated_constant4" -> "266 mul_tensor_4" [label="(96, 384)", style=solid]; "266 mul_tensor_4" -> "268 sub_tensor_4" [label="(96, 384)", style=solid]; -"267 zero_point_updated_constant4" -> "268 sub_tensor_4" [label="(96, 1)", style=solid]; +"267 zero_point_updated_constant4" -> "268 sub_tensor_4" [label="(96, 1)", style=dashed]; "268 sub_tensor_4" -> "269 linear_5" [label="(96, 384)", style=solid]; "269 linear_5" -> "270 dropout_3" [label="(1, 56, 56, 96)", style=solid]; "270 dropout_3" -> "271 layer_norm_2" [label="(1, 56, 56, 96)", style=solid]; @@ -2804,7 +2804,7 @@ strict digraph { "283 scale_updated_constant5" -> "285 mul_tensor_5" [label="(288, 1)", style=solid]; "284 compressed_weight_updated_constant5" -> "285 mul_tensor_5" [label="(288, 96)", style=solid]; "285 mul_tensor_5" -> "287 sub_tensor_5" [label="(288, 96)", style=solid]; -"286 zero_point_updated_constant5" -> "287 sub_tensor_5" [label="(288, 1)", style=solid]; +"286 zero_point_updated_constant5" -> "287 sub_tensor_5" [label="(288, 1)", style=dashed]; "287 sub_tensor_5" -> "288 linear_8" [label="(288, 96)", style=solid]; "288 linear_8" -> "289 reshape_5" [label="(49, 64, 288)", style=solid]; "289 reshape_5" -> "290 permute_7" [label="(49, 64, 3, 3, 32)", style=solid]; @@ -2865,7 +2865,7 @@ strict digraph { "335 scale_updated_constant6" -> "337 mul_tensor_6" [label="(96, 1)", style=solid]; "336 compressed_weight_updated_constant6" -> "337 mul_tensor_6" [label="(96, 96)", style=solid]; "337 mul_tensor_6" -> "339 sub_tensor_6" [label="(96, 96)", style=solid]; -"338 zero_point_updated_constant6" -> "339 sub_tensor_6" [label="(96, 1)", style=solid]; +"338 zero_point_updated_constant6" -> "339 sub_tensor_6" [label="(96, 1)", style=dashed]; "339 sub_tensor_6" -> "340 linear_9" [label="(96, 96)", style=solid]; "340 linear_9" -> "341 dropout_5" [label="(49, 64, 96)", style=solid]; "341 dropout_5" -> "342 view_10" [label="(49, 64, 96)", style=solid]; @@ -2884,7 +2884,7 @@ strict digraph { "353 scale_updated_constant7" -> "355 mul_tensor_7" [label="(384, 1)", style=solid]; "354 compressed_weight_updated_constant7" -> "355 mul_tensor_7" [label="(384, 96)", style=solid]; "355 mul_tensor_7" -> "357 sub_tensor_7" [label="(384, 96)", style=solid]; -"356 zero_point_updated_constant7" -> "357 sub_tensor_7" [label="(384, 1)", style=solid]; +"356 zero_point_updated_constant7" -> "357 sub_tensor_7" [label="(384, 1)", style=dashed]; "357 sub_tensor_7" -> "358 linear_10" [label="(384, 96)", style=solid]; "358 linear_10" -> "359 gelu_1" [label="(1, 56, 56, 384)", style=solid]; "359 gelu_1" -> "360 dropout_6" [label="(1, 56, 56, 384)", style=solid]; @@ -2895,7 +2895,7 @@ strict digraph { "364 scale_updated_constant8" -> "366 mul_tensor_8" [label="(96, 1)", style=solid]; "365 compressed_weight_updated_constant8" -> "366 mul_tensor_8" [label="(96, 384)", style=solid]; "366 mul_tensor_8" -> "368 sub_tensor_8" [label="(96, 384)", style=solid]; -"367 zero_point_updated_constant8" -> "368 sub_tensor_8" [label="(96, 1)", style=solid]; +"367 zero_point_updated_constant8" -> "368 sub_tensor_8" [label="(96, 1)", style=dashed]; "368 sub_tensor_8" -> "369 linear_11" [label="(96, 384)", style=solid]; "369 linear_11" -> "370 dropout_7" [label="(1, 56, 56, 96)", style=solid]; "370 dropout_7" -> "371 layer_norm_4" [label="(1, 56, 56, 96)", style=solid]; @@ -2924,7 +2924,7 @@ strict digraph { "390 scale_updated_constant9" -> "392 mul_tensor_9" [label="(192, 1)", style=solid]; "391 compressed_weight_updated_constant9" -> "392 mul_tensor_9" [label="(192, 384)", style=solid]; "392 mul_tensor_9" -> "394 sub_tensor_9" [label="(192, 384)", style=solid]; -"393 zero_point_updated_constant9" -> "394 sub_tensor_9" [label="(192, 1)", style=solid]; +"393 zero_point_updated_constant9" -> "394 sub_tensor_9" [label="(192, 1)", style=dashed]; "394 sub_tensor_9" -> "395 linear_12" [label="(192, 384)", style=solid]; "395 linear_12" -> "396 layer_norm_5" [label="(1, 28, 28, 192)", style=solid]; "396 layer_norm_5" -> "398 pad_3" [label="(1, 28, 28, 192)", style=solid]; @@ -2941,7 +2941,7 @@ strict digraph { "406 scale_updated_constant10" -> "408 mul_tensor_10" [label="(576, 1)", style=solid]; "407 compressed_weight_updated_constant10" -> "408 mul_tensor_10" [label="(576, 192)", style=solid]; "408 mul_tensor_10" -> "410 sub_tensor_10" [label="(576, 192)", style=solid]; -"409 zero_point_updated_constant10" -> "410 sub_tensor_10" [label="(576, 1)", style=solid]; +"409 zero_point_updated_constant10" -> "410 sub_tensor_10" [label="(576, 1)", style=dashed]; "410 sub_tensor_10" -> "411 linear_15" [label="(576, 192)", style=solid]; "411 linear_15" -> "412 reshape_10" [label="(16, 64, 576)", style=solid]; "412 reshape_10" -> "413 permute_12" [label="(16, 64, 3, 6, 32)", style=solid]; @@ -2983,7 +2983,7 @@ strict digraph { "442 scale_updated_constant11" -> "444 mul_tensor_11" [label="(192, 1)", style=solid]; "443 compressed_weight_updated_constant11" -> "444 mul_tensor_11" [label="(192, 192)", style=solid]; "444 mul_tensor_11" -> "446 sub_tensor_11" [label="(192, 192)", style=solid]; -"445 zero_point_updated_constant11" -> "446 sub_tensor_11" [label="(192, 1)", style=solid]; +"445 zero_point_updated_constant11" -> "446 sub_tensor_11" [label="(192, 1)", style=dashed]; "446 sub_tensor_11" -> "447 linear_16" [label="(192, 192)", style=solid]; "447 linear_16" -> "448 dropout_9" [label="(16, 64, 192)", style=solid]; "448 dropout_9" -> "449 view_14" [label="(16, 64, 192)", style=solid]; @@ -3004,7 +3004,7 @@ strict digraph { "462 scale_updated_constant12" -> "464 mul_tensor_12" [label="(768, 1)", style=solid]; "463 compressed_weight_updated_constant12" -> "464 mul_tensor_12" [label="(768, 192)", style=solid]; "464 mul_tensor_12" -> "466 sub_tensor_12" [label="(768, 192)", style=solid]; -"465 zero_point_updated_constant12" -> "466 sub_tensor_12" [label="(768, 1)", style=solid]; +"465 zero_point_updated_constant12" -> "466 sub_tensor_12" [label="(768, 1)", style=dashed]; "466 sub_tensor_12" -> "467 linear_17" [label="(768, 192)", style=solid]; "467 linear_17" -> "468 gelu_2" [label="(1, 28, 28, 768)", style=solid]; "468 gelu_2" -> "469 dropout_10" [label="(1, 28, 28, 768)", style=solid]; @@ -3015,7 +3015,7 @@ strict digraph { "473 scale_updated_constant13" -> "475 mul_tensor_13" [label="(192, 1)", style=solid]; "474 compressed_weight_updated_constant13" -> "475 mul_tensor_13" [label="(192, 768)", style=solid]; "475 mul_tensor_13" -> "477 sub_tensor_13" [label="(192, 768)", style=solid]; -"476 zero_point_updated_constant13" -> "477 sub_tensor_13" [label="(192, 1)", style=solid]; +"476 zero_point_updated_constant13" -> "477 sub_tensor_13" [label="(192, 1)", style=dashed]; "477 sub_tensor_13" -> "478 linear_18" [label="(192, 768)", style=solid]; "478 linear_18" -> "479 dropout_11" [label="(1, 28, 28, 192)", style=solid]; "479 dropout_11" -> "480 layer_norm_7" [label="(1, 28, 28, 192)", style=solid]; @@ -3036,7 +3036,7 @@ strict digraph { "492 scale_updated_constant14" -> "494 mul_tensor_14" [label="(576, 1)", style=solid]; "493 compressed_weight_updated_constant14" -> "494 mul_tensor_14" [label="(576, 192)", style=solid]; "494 mul_tensor_14" -> "496 sub_tensor_14" [label="(576, 192)", style=solid]; -"495 zero_point_updated_constant14" -> "496 sub_tensor_14" [label="(576, 1)", style=solid]; +"495 zero_point_updated_constant14" -> "496 sub_tensor_14" [label="(576, 1)", style=dashed]; "496 sub_tensor_14" -> "497 linear_21" [label="(576, 192)", style=solid]; "497 linear_21" -> "498 reshape_14" [label="(16, 64, 576)", style=solid]; "498 reshape_14" -> "499 permute_16" [label="(16, 64, 3, 6, 32)", style=solid]; @@ -3097,7 +3097,7 @@ strict digraph { "544 scale_updated_constant15" -> "546 mul_tensor_15" [label="(192, 1)", style=solid]; "545 compressed_weight_updated_constant15" -> "546 mul_tensor_15" [label="(192, 192)", style=solid]; "546 mul_tensor_15" -> "548 sub_tensor_15" [label="(192, 192)", style=solid]; -"547 zero_point_updated_constant15" -> "548 sub_tensor_15" [label="(192, 1)", style=solid]; +"547 zero_point_updated_constant15" -> "548 sub_tensor_15" [label="(192, 1)", style=dashed]; "548 sub_tensor_15" -> "549 linear_22" [label="(192, 192)", style=solid]; "549 linear_22" -> "550 dropout_13" [label="(16, 64, 192)", style=solid]; "550 dropout_13" -> "551 view_21" [label="(16, 64, 192)", style=solid]; @@ -3119,7 +3119,7 @@ strict digraph { "565 scale_updated_constant16" -> "567 mul_tensor_16" [label="(768, 1)", style=solid]; "566 compressed_weight_updated_constant16" -> "567 mul_tensor_16" [label="(768, 192)", style=solid]; "567 mul_tensor_16" -> "569 sub_tensor_16" [label="(768, 192)", style=solid]; -"568 zero_point_updated_constant16" -> "569 sub_tensor_16" [label="(768, 1)", style=solid]; +"568 zero_point_updated_constant16" -> "569 sub_tensor_16" [label="(768, 1)", style=dashed]; "569 sub_tensor_16" -> "570 linear_23" [label="(768, 192)", style=solid]; "570 linear_23" -> "571 gelu_3" [label="(1, 28, 28, 768)", style=solid]; "571 gelu_3" -> "572 dropout_14" [label="(1, 28, 28, 768)", style=solid]; @@ -3130,7 +3130,7 @@ strict digraph { "576 scale_updated_constant17" -> "578 mul_tensor_17" [label="(192, 1)", style=solid]; "577 compressed_weight_updated_constant17" -> "578 mul_tensor_17" [label="(192, 768)", style=solid]; "578 mul_tensor_17" -> "580 sub_tensor_17" [label="(192, 768)", style=solid]; -"579 zero_point_updated_constant17" -> "580 sub_tensor_17" [label="(192, 1)", style=solid]; +"579 zero_point_updated_constant17" -> "580 sub_tensor_17" [label="(192, 1)", style=dashed]; "580 sub_tensor_17" -> "581 linear_24" [label="(192, 768)", style=solid]; "581 linear_24" -> "582 dropout_15" [label="(1, 28, 28, 192)", style=solid]; "582 dropout_15" -> "583 layer_norm_9" [label="(1, 28, 28, 192)", style=solid]; @@ -3159,7 +3159,7 @@ strict digraph { "602 scale_updated_constant18" -> "604 mul_tensor_18" [label="(384, 1)", style=solid]; "603 compressed_weight_updated_constant18" -> "604 mul_tensor_18" [label="(384, 768)", style=solid]; "604 mul_tensor_18" -> "606 sub_tensor_18" [label="(384, 768)", style=solid]; -"605 zero_point_updated_constant18" -> "606 sub_tensor_18" [label="(384, 1)", style=solid]; +"605 zero_point_updated_constant18" -> "606 sub_tensor_18" [label="(384, 1)", style=dashed]; "606 sub_tensor_18" -> "607 linear_25" [label="(384, 768)", style=solid]; "607 linear_25" -> "608 layer_norm_10" [label="(1, 14, 14, 384)", style=solid]; "608 layer_norm_10" -> "610 pad_6" [label="(1, 14, 14, 384)", style=solid]; @@ -3176,7 +3176,7 @@ strict digraph { "618 scale_updated_constant19" -> "620 mul_tensor_19" [label="(1152, 1)", style=solid]; "619 compressed_weight_updated_constant19" -> "620 mul_tensor_19" [label="(1152, 384)", style=solid]; "620 mul_tensor_19" -> "622 sub_tensor_19" [label="(1152, 384)", style=solid]; -"621 zero_point_updated_constant19" -> "622 sub_tensor_19" [label="(1152, 1)", style=solid]; +"621 zero_point_updated_constant19" -> "622 sub_tensor_19" [label="(1152, 1)", style=dashed]; "622 sub_tensor_19" -> "623 linear_28" [label="(1152, 384)", style=solid]; "623 linear_28" -> "624 reshape_19" [label="(4, 64, 1152)", style=solid]; "624 reshape_19" -> "625 permute_21" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -3218,7 +3218,7 @@ strict digraph { "654 scale_updated_constant20" -> "656 mul_tensor_20" [label="(384, 1)", style=solid]; "655 compressed_weight_updated_constant20" -> "656 mul_tensor_20" [label="(384, 384)", style=solid]; "656 mul_tensor_20" -> "658 sub_tensor_20" [label="(384, 384)", style=solid]; -"657 zero_point_updated_constant20" -> "658 sub_tensor_20" [label="(384, 1)", style=solid]; +"657 zero_point_updated_constant20" -> "658 sub_tensor_20" [label="(384, 1)", style=dashed]; "658 sub_tensor_20" -> "659 linear_29" [label="(384, 384)", style=solid]; "659 linear_29" -> "660 dropout_17" [label="(4, 64, 384)", style=solid]; "660 dropout_17" -> "661 view_25" [label="(4, 64, 384)", style=solid]; @@ -3239,7 +3239,7 @@ strict digraph { "674 scale_updated_constant21" -> "676 mul_tensor_21" [label="(1536, 1)", style=solid]; "675 compressed_weight_updated_constant21" -> "676 mul_tensor_21" [label="(1536, 384)", style=solid]; "676 mul_tensor_21" -> "678 sub_tensor_21" [label="(1536, 384)", style=solid]; -"677 zero_point_updated_constant21" -> "678 sub_tensor_21" [label="(1536, 1)", style=solid]; +"677 zero_point_updated_constant21" -> "678 sub_tensor_21" [label="(1536, 1)", style=dashed]; "678 sub_tensor_21" -> "679 linear_30" [label="(1536, 384)", style=solid]; "679 linear_30" -> "680 gelu_4" [label="(1, 14, 14, 1536)", style=solid]; "680 gelu_4" -> "681 dropout_18" [label="(1, 14, 14, 1536)", style=solid]; @@ -3250,7 +3250,7 @@ strict digraph { "685 scale_updated_constant22" -> "687 mul_tensor_22" [label="(384, 1)", style=solid]; "686 compressed_weight_updated_constant22" -> "687 mul_tensor_22" [label="(384, 1536)", style=solid]; "687 mul_tensor_22" -> "689 sub_tensor_22" [label="(384, 1536)", style=solid]; -"688 zero_point_updated_constant22" -> "689 sub_tensor_22" [label="(384, 1)", style=solid]; +"688 zero_point_updated_constant22" -> "689 sub_tensor_22" [label="(384, 1)", style=dashed]; "689 sub_tensor_22" -> "690 linear_31" [label="(384, 1536)", style=solid]; "690 linear_31" -> "691 dropout_19" [label="(1, 14, 14, 384)", style=solid]; "691 dropout_19" -> "692 layer_norm_12" [label="(1, 14, 14, 384)", style=solid]; @@ -3271,7 +3271,7 @@ strict digraph { "704 scale_updated_constant23" -> "706 mul_tensor_23" [label="(1152, 1)", style=solid]; "705 compressed_weight_updated_constant23" -> "706 mul_tensor_23" [label="(1152, 384)", style=solid]; "706 mul_tensor_23" -> "708 sub_tensor_23" [label="(1152, 384)", style=solid]; -"707 zero_point_updated_constant23" -> "708 sub_tensor_23" [label="(1152, 1)", style=solid]; +"707 zero_point_updated_constant23" -> "708 sub_tensor_23" [label="(1152, 1)", style=dashed]; "708 sub_tensor_23" -> "709 linear_34" [label="(1152, 384)", style=solid]; "709 linear_34" -> "710 reshape_23" [label="(4, 64, 1152)", style=solid]; "710 reshape_23" -> "711 permute_25" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -3332,7 +3332,7 @@ strict digraph { "756 scale_updated_constant24" -> "758 mul_tensor_24" [label="(384, 1)", style=solid]; "757 compressed_weight_updated_constant24" -> "758 mul_tensor_24" [label="(384, 384)", style=solid]; "758 mul_tensor_24" -> "760 sub_tensor_24" [label="(384, 384)", style=solid]; -"759 zero_point_updated_constant24" -> "760 sub_tensor_24" [label="(384, 1)", style=solid]; +"759 zero_point_updated_constant24" -> "760 sub_tensor_24" [label="(384, 1)", style=dashed]; "760 sub_tensor_24" -> "761 linear_35" [label="(384, 384)", style=solid]; "761 linear_35" -> "762 dropout_21" [label="(4, 64, 384)", style=solid]; "762 dropout_21" -> "763 view_32" [label="(4, 64, 384)", style=solid]; @@ -3354,7 +3354,7 @@ strict digraph { "777 scale_updated_constant25" -> "779 mul_tensor_25" [label="(1536, 1)", style=solid]; "778 compressed_weight_updated_constant25" -> "779 mul_tensor_25" [label="(1536, 384)", style=solid]; "779 mul_tensor_25" -> "781 sub_tensor_25" [label="(1536, 384)", style=solid]; -"780 zero_point_updated_constant25" -> "781 sub_tensor_25" [label="(1536, 1)", style=solid]; +"780 zero_point_updated_constant25" -> "781 sub_tensor_25" [label="(1536, 1)", style=dashed]; "781 sub_tensor_25" -> "782 linear_36" [label="(1536, 384)", style=solid]; "782 linear_36" -> "783 gelu_5" [label="(1, 14, 14, 1536)", style=solid]; "783 gelu_5" -> "784 dropout_22" [label="(1, 14, 14, 1536)", style=solid]; @@ -3365,7 +3365,7 @@ strict digraph { "788 scale_updated_constant26" -> "790 mul_tensor_26" [label="(384, 1)", style=solid]; "789 compressed_weight_updated_constant26" -> "790 mul_tensor_26" [label="(384, 1536)", style=solid]; "790 mul_tensor_26" -> "792 sub_tensor_26" [label="(384, 1536)", style=solid]; -"791 zero_point_updated_constant26" -> "792 sub_tensor_26" [label="(384, 1)", style=solid]; +"791 zero_point_updated_constant26" -> "792 sub_tensor_26" [label="(384, 1)", style=dashed]; "792 sub_tensor_26" -> "793 linear_37" [label="(384, 1536)", style=solid]; "793 linear_37" -> "794 dropout_23" [label="(1, 14, 14, 384)", style=solid]; "794 dropout_23" -> "795 layer_norm_14" [label="(1, 14, 14, 384)", style=solid]; @@ -3384,7 +3384,7 @@ strict digraph { "806 scale_updated_constant27" -> "808 mul_tensor_27" [label="(1152, 1)", style=solid]; "807 compressed_weight_updated_constant27" -> "808 mul_tensor_27" [label="(1152, 384)", style=solid]; "808 mul_tensor_27" -> "810 sub_tensor_27" [label="(1152, 384)", style=solid]; -"809 zero_point_updated_constant27" -> "810 sub_tensor_27" [label="(1152, 1)", style=solid]; +"809 zero_point_updated_constant27" -> "810 sub_tensor_27" [label="(1152, 1)", style=dashed]; "810 sub_tensor_27" -> "811 linear_40" [label="(1152, 384)", style=solid]; "811 linear_40" -> "812 reshape_28" [label="(4, 64, 1152)", style=solid]; "812 reshape_28" -> "813 permute_30" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -3426,7 +3426,7 @@ strict digraph { "842 scale_updated_constant28" -> "844 mul_tensor_28" [label="(384, 1)", style=solid]; "843 compressed_weight_updated_constant28" -> "844 mul_tensor_28" [label="(384, 384)", style=solid]; "844 mul_tensor_28" -> "846 sub_tensor_28" [label="(384, 384)", style=solid]; -"845 zero_point_updated_constant28" -> "846 sub_tensor_28" [label="(384, 1)", style=solid]; +"845 zero_point_updated_constant28" -> "846 sub_tensor_28" [label="(384, 1)", style=dashed]; "846 sub_tensor_28" -> "847 linear_41" [label="(384, 384)", style=solid]; "847 linear_41" -> "848 dropout_25" [label="(4, 64, 384)", style=solid]; "848 dropout_25" -> "849 view_36" [label="(4, 64, 384)", style=solid]; @@ -3447,7 +3447,7 @@ strict digraph { "862 scale_updated_constant29" -> "864 mul_tensor_29" [label="(1536, 1)", style=solid]; "863 compressed_weight_updated_constant29" -> "864 mul_tensor_29" [label="(1536, 384)", style=solid]; "864 mul_tensor_29" -> "866 sub_tensor_29" [label="(1536, 384)", style=solid]; -"865 zero_point_updated_constant29" -> "866 sub_tensor_29" [label="(1536, 1)", style=solid]; +"865 zero_point_updated_constant29" -> "866 sub_tensor_29" [label="(1536, 1)", style=dashed]; "866 sub_tensor_29" -> "867 linear_42" [label="(1536, 384)", style=solid]; "867 linear_42" -> "868 gelu_6" [label="(1, 14, 14, 1536)", style=solid]; "868 gelu_6" -> "869 dropout_26" [label="(1, 14, 14, 1536)", style=solid]; @@ -3458,7 +3458,7 @@ strict digraph { "873 scale_updated_constant30" -> "875 mul_tensor_30" [label="(384, 1)", style=solid]; "874 compressed_weight_updated_constant30" -> "875 mul_tensor_30" [label="(384, 1536)", style=solid]; "875 mul_tensor_30" -> "877 sub_tensor_30" [label="(384, 1536)", style=solid]; -"876 zero_point_updated_constant30" -> "877 sub_tensor_30" [label="(384, 1)", style=solid]; +"876 zero_point_updated_constant30" -> "877 sub_tensor_30" [label="(384, 1)", style=dashed]; "877 sub_tensor_30" -> "878 linear_43" [label="(384, 1536)", style=solid]; "878 linear_43" -> "879 dropout_27" [label="(1, 14, 14, 384)", style=solid]; "879 dropout_27" -> "880 layer_norm_16" [label="(1, 14, 14, 384)", style=solid]; @@ -3479,7 +3479,7 @@ strict digraph { "892 scale_updated_constant31" -> "894 mul_tensor_31" [label="(1152, 1)", style=solid]; "893 compressed_weight_updated_constant31" -> "894 mul_tensor_31" [label="(1152, 384)", style=solid]; "894 mul_tensor_31" -> "896 sub_tensor_31" [label="(1152, 384)", style=solid]; -"895 zero_point_updated_constant31" -> "896 sub_tensor_31" [label="(1152, 1)", style=solid]; +"895 zero_point_updated_constant31" -> "896 sub_tensor_31" [label="(1152, 1)", style=dashed]; "896 sub_tensor_31" -> "897 linear_46" [label="(1152, 384)", style=solid]; "897 linear_46" -> "898 reshape_32" [label="(4, 64, 1152)", style=solid]; "898 reshape_32" -> "899 permute_34" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -3540,7 +3540,7 @@ strict digraph { "944 scale_updated_constant32" -> "946 mul_tensor_32" [label="(384, 1)", style=solid]; "945 compressed_weight_updated_constant32" -> "946 mul_tensor_32" [label="(384, 384)", style=solid]; "946 mul_tensor_32" -> "948 sub_tensor_32" [label="(384, 384)", style=solid]; -"947 zero_point_updated_constant32" -> "948 sub_tensor_32" [label="(384, 1)", style=solid]; +"947 zero_point_updated_constant32" -> "948 sub_tensor_32" [label="(384, 1)", style=dashed]; "948 sub_tensor_32" -> "949 linear_47" [label="(384, 384)", style=solid]; "949 linear_47" -> "950 dropout_29" [label="(4, 64, 384)", style=solid]; "950 dropout_29" -> "951 view_43" [label="(4, 64, 384)", style=solid]; @@ -3562,7 +3562,7 @@ strict digraph { "965 scale_updated_constant33" -> "967 mul_tensor_33" [label="(1536, 1)", style=solid]; "966 compressed_weight_updated_constant33" -> "967 mul_tensor_33" [label="(1536, 384)", style=solid]; "967 mul_tensor_33" -> "969 sub_tensor_33" [label="(1536, 384)", style=solid]; -"968 zero_point_updated_constant33" -> "969 sub_tensor_33" [label="(1536, 1)", style=solid]; +"968 zero_point_updated_constant33" -> "969 sub_tensor_33" [label="(1536, 1)", style=dashed]; "969 sub_tensor_33" -> "970 linear_48" [label="(1536, 384)", style=solid]; "970 linear_48" -> "971 gelu_7" [label="(1, 14, 14, 1536)", style=solid]; "971 gelu_7" -> "972 dropout_30" [label="(1, 14, 14, 1536)", style=solid]; @@ -3573,7 +3573,7 @@ strict digraph { "976 scale_updated_constant34" -> "978 mul_tensor_34" [label="(384, 1)", style=solid]; "977 compressed_weight_updated_constant34" -> "978 mul_tensor_34" [label="(384, 1536)", style=solid]; "978 mul_tensor_34" -> "980 sub_tensor_34" [label="(384, 1536)", style=solid]; -"979 zero_point_updated_constant34" -> "980 sub_tensor_34" [label="(384, 1)", style=solid]; +"979 zero_point_updated_constant34" -> "980 sub_tensor_34" [label="(384, 1)", style=dashed]; "980 sub_tensor_34" -> "981 linear_49" [label="(384, 1536)", style=solid]; "981 linear_49" -> "982 dropout_31" [label="(1, 14, 14, 384)", style=solid]; "982 dropout_31" -> "983 layer_norm_18" [label="(1, 14, 14, 384)", style=solid]; @@ -3592,7 +3592,7 @@ strict digraph { "994 scale_updated_constant35" -> "996 mul_tensor_35" [label="(1152, 1)", style=solid]; "995 compressed_weight_updated_constant35" -> "996 mul_tensor_35" [label="(1152, 384)", style=solid]; "996 mul_tensor_35" -> "998 sub_tensor_35" [label="(1152, 384)", style=solid]; -"997 zero_point_updated_constant35" -> "998 sub_tensor_35" [label="(1152, 1)", style=solid]; +"997 zero_point_updated_constant35" -> "998 sub_tensor_35" [label="(1152, 1)", style=dashed]; "998 sub_tensor_35" -> "999 linear_52" [label="(1152, 384)", style=solid]; "999 linear_52" -> "1000 reshape_37" [label="(4, 64, 1152)", style=solid]; "1000 reshape_37" -> "1001 permute_39" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -3634,7 +3634,7 @@ strict digraph { "1030 scale_updated_constant36" -> "1032 mul_tensor_36" [label="(384, 1)", style=solid]; "1031 compressed_weight_updated_constant36" -> "1032 mul_tensor_36" [label="(384, 384)", style=solid]; "1032 mul_tensor_36" -> "1034 sub_tensor_36" [label="(384, 384)", style=solid]; -"1033 zero_point_updated_constant36" -> "1034 sub_tensor_36" [label="(384, 1)", style=solid]; +"1033 zero_point_updated_constant36" -> "1034 sub_tensor_36" [label="(384, 1)", style=dashed]; "1034 sub_tensor_36" -> "1035 linear_53" [label="(384, 384)", style=solid]; "1035 linear_53" -> "1036 dropout_33" [label="(4, 64, 384)", style=solid]; "1036 dropout_33" -> "1037 view_47" [label="(4, 64, 384)", style=solid]; @@ -3655,7 +3655,7 @@ strict digraph { "1050 scale_updated_constant37" -> "1052 mul_tensor_37" [label="(1536, 1)", style=solid]; "1051 compressed_weight_updated_constant37" -> "1052 mul_tensor_37" [label="(1536, 384)", style=solid]; "1052 mul_tensor_37" -> "1054 sub_tensor_37" [label="(1536, 384)", style=solid]; -"1053 zero_point_updated_constant37" -> "1054 sub_tensor_37" [label="(1536, 1)", style=solid]; +"1053 zero_point_updated_constant37" -> "1054 sub_tensor_37" [label="(1536, 1)", style=dashed]; "1054 sub_tensor_37" -> "1055 linear_54" [label="(1536, 384)", style=solid]; "1055 linear_54" -> "1056 gelu_8" [label="(1, 14, 14, 1536)", style=solid]; "1056 gelu_8" -> "1057 dropout_34" [label="(1, 14, 14, 1536)", style=solid]; @@ -3666,7 +3666,7 @@ strict digraph { "1061 scale_updated_constant38" -> "1063 mul_tensor_38" [label="(384, 1)", style=solid]; "1062 compressed_weight_updated_constant38" -> "1063 mul_tensor_38" [label="(384, 1536)", style=solid]; "1063 mul_tensor_38" -> "1065 sub_tensor_38" [label="(384, 1536)", style=solid]; -"1064 zero_point_updated_constant38" -> "1065 sub_tensor_38" [label="(384, 1)", style=solid]; +"1064 zero_point_updated_constant38" -> "1065 sub_tensor_38" [label="(384, 1)", style=dashed]; "1065 sub_tensor_38" -> "1066 linear_55" [label="(384, 1536)", style=solid]; "1066 linear_55" -> "1067 dropout_35" [label="(1, 14, 14, 384)", style=solid]; "1067 dropout_35" -> "1068 layer_norm_20" [label="(1, 14, 14, 384)", style=solid]; @@ -3687,7 +3687,7 @@ strict digraph { "1080 scale_updated_constant39" -> "1082 mul_tensor_39" [label="(1152, 1)", style=solid]; "1081 compressed_weight_updated_constant39" -> "1082 mul_tensor_39" [label="(1152, 384)", style=solid]; "1082 mul_tensor_39" -> "1084 sub_tensor_39" [label="(1152, 384)", style=solid]; -"1083 zero_point_updated_constant39" -> "1084 sub_tensor_39" [label="(1152, 1)", style=solid]; +"1083 zero_point_updated_constant39" -> "1084 sub_tensor_39" [label="(1152, 1)", style=dashed]; "1084 sub_tensor_39" -> "1085 linear_58" [label="(1152, 384)", style=solid]; "1085 linear_58" -> "1086 reshape_41" [label="(4, 64, 1152)", style=solid]; "1086 reshape_41" -> "1087 permute_43" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -3748,7 +3748,7 @@ strict digraph { "1132 scale_updated_constant40" -> "1134 mul_tensor_40" [label="(384, 1)", style=solid]; "1133 compressed_weight_updated_constant40" -> "1134 mul_tensor_40" [label="(384, 384)", style=solid]; "1134 mul_tensor_40" -> "1136 sub_tensor_40" [label="(384, 384)", style=solid]; -"1135 zero_point_updated_constant40" -> "1136 sub_tensor_40" [label="(384, 1)", style=solid]; +"1135 zero_point_updated_constant40" -> "1136 sub_tensor_40" [label="(384, 1)", style=dashed]; "1136 sub_tensor_40" -> "1137 linear_59" [label="(384, 384)", style=solid]; "1137 linear_59" -> "1138 dropout_37" [label="(4, 64, 384)", style=solid]; "1138 dropout_37" -> "1139 view_54" [label="(4, 64, 384)", style=solid]; @@ -3770,7 +3770,7 @@ strict digraph { "1153 scale_updated_constant41" -> "1155 mul_tensor_41" [label="(1536, 1)", style=solid]; "1154 compressed_weight_updated_constant41" -> "1155 mul_tensor_41" [label="(1536, 384)", style=solid]; "1155 mul_tensor_41" -> "1157 sub_tensor_41" [label="(1536, 384)", style=solid]; -"1156 zero_point_updated_constant41" -> "1157 sub_tensor_41" [label="(1536, 1)", style=solid]; +"1156 zero_point_updated_constant41" -> "1157 sub_tensor_41" [label="(1536, 1)", style=dashed]; "1157 sub_tensor_41" -> "1158 linear_60" [label="(1536, 384)", style=solid]; "1158 linear_60" -> "1159 gelu_9" [label="(1, 14, 14, 1536)", style=solid]; "1159 gelu_9" -> "1160 dropout_38" [label="(1, 14, 14, 1536)", style=solid]; @@ -3781,7 +3781,7 @@ strict digraph { "1164 scale_updated_constant42" -> "1166 mul_tensor_42" [label="(384, 1)", style=solid]; "1165 compressed_weight_updated_constant42" -> "1166 mul_tensor_42" [label="(384, 1536)", style=solid]; "1166 mul_tensor_42" -> "1168 sub_tensor_42" [label="(384, 1536)", style=solid]; -"1167 zero_point_updated_constant42" -> "1168 sub_tensor_42" [label="(384, 1)", style=solid]; +"1167 zero_point_updated_constant42" -> "1168 sub_tensor_42" [label="(384, 1)", style=dashed]; "1168 sub_tensor_42" -> "1169 linear_61" [label="(384, 1536)", style=solid]; "1169 linear_61" -> "1170 dropout_39" [label="(1, 14, 14, 384)", style=solid]; "1170 dropout_39" -> "1171 layer_norm_22" [label="(1, 14, 14, 384)", style=solid]; @@ -3800,7 +3800,7 @@ strict digraph { "1182 scale_updated_constant43" -> "1184 mul_tensor_43" [label="(1152, 1)", style=solid]; "1183 compressed_weight_updated_constant43" -> "1184 mul_tensor_43" [label="(1152, 384)", style=solid]; "1184 mul_tensor_43" -> "1186 sub_tensor_43" [label="(1152, 384)", style=solid]; -"1185 zero_point_updated_constant43" -> "1186 sub_tensor_43" [label="(1152, 1)", style=solid]; +"1185 zero_point_updated_constant43" -> "1186 sub_tensor_43" [label="(1152, 1)", style=dashed]; "1186 sub_tensor_43" -> "1187 linear_64" [label="(1152, 384)", style=solid]; "1187 linear_64" -> "1188 reshape_46" [label="(4, 64, 1152)", style=solid]; "1188 reshape_46" -> "1189 permute_48" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -3842,7 +3842,7 @@ strict digraph { "1218 scale_updated_constant44" -> "1220 mul_tensor_44" [label="(384, 1)", style=solid]; "1219 compressed_weight_updated_constant44" -> "1220 mul_tensor_44" [label="(384, 384)", style=solid]; "1220 mul_tensor_44" -> "1222 sub_tensor_44" [label="(384, 384)", style=solid]; -"1221 zero_point_updated_constant44" -> "1222 sub_tensor_44" [label="(384, 1)", style=solid]; +"1221 zero_point_updated_constant44" -> "1222 sub_tensor_44" [label="(384, 1)", style=dashed]; "1222 sub_tensor_44" -> "1223 linear_65" [label="(384, 384)", style=solid]; "1223 linear_65" -> "1224 dropout_41" [label="(4, 64, 384)", style=solid]; "1224 dropout_41" -> "1225 view_58" [label="(4, 64, 384)", style=solid]; @@ -3863,7 +3863,7 @@ strict digraph { "1238 scale_updated_constant45" -> "1240 mul_tensor_45" [label="(1536, 1)", style=solid]; "1239 compressed_weight_updated_constant45" -> "1240 mul_tensor_45" [label="(1536, 384)", style=solid]; "1240 mul_tensor_45" -> "1242 sub_tensor_45" [label="(1536, 384)", style=solid]; -"1241 zero_point_updated_constant45" -> "1242 sub_tensor_45" [label="(1536, 1)", style=solid]; +"1241 zero_point_updated_constant45" -> "1242 sub_tensor_45" [label="(1536, 1)", style=dashed]; "1242 sub_tensor_45" -> "1243 linear_66" [label="(1536, 384)", style=solid]; "1243 linear_66" -> "1244 gelu_10" [label="(1, 14, 14, 1536)", style=solid]; "1244 gelu_10" -> "1245 dropout_42" [label="(1, 14, 14, 1536)", style=solid]; @@ -3874,7 +3874,7 @@ strict digraph { "1249 scale_updated_constant46" -> "1251 mul_tensor_46" [label="(384, 1)", style=solid]; "1250 compressed_weight_updated_constant46" -> "1251 mul_tensor_46" [label="(384, 1536)", style=solid]; "1251 mul_tensor_46" -> "1253 sub_tensor_46" [label="(384, 1536)", style=solid]; -"1252 zero_point_updated_constant46" -> "1253 sub_tensor_46" [label="(384, 1)", style=solid]; +"1252 zero_point_updated_constant46" -> "1253 sub_tensor_46" [label="(384, 1)", style=dashed]; "1253 sub_tensor_46" -> "1254 linear_67" [label="(384, 1536)", style=solid]; "1254 linear_67" -> "1255 dropout_43" [label="(1, 14, 14, 384)", style=solid]; "1255 dropout_43" -> "1256 layer_norm_24" [label="(1, 14, 14, 384)", style=solid]; @@ -3895,7 +3895,7 @@ strict digraph { "1268 scale_updated_constant47" -> "1270 mul_tensor_47" [label="(1152, 1)", style=solid]; "1269 compressed_weight_updated_constant47" -> "1270 mul_tensor_47" [label="(1152, 384)", style=solid]; "1270 mul_tensor_47" -> "1272 sub_tensor_47" [label="(1152, 384)", style=solid]; -"1271 zero_point_updated_constant47" -> "1272 sub_tensor_47" [label="(1152, 1)", style=solid]; +"1271 zero_point_updated_constant47" -> "1272 sub_tensor_47" [label="(1152, 1)", style=dashed]; "1272 sub_tensor_47" -> "1273 linear_70" [label="(1152, 384)", style=solid]; "1273 linear_70" -> "1274 reshape_50" [label="(4, 64, 1152)", style=solid]; "1274 reshape_50" -> "1275 permute_52" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -3956,7 +3956,7 @@ strict digraph { "1320 scale_updated_constant48" -> "1322 mul_tensor_48" [label="(384, 1)", style=solid]; "1321 compressed_weight_updated_constant48" -> "1322 mul_tensor_48" [label="(384, 384)", style=solid]; "1322 mul_tensor_48" -> "1324 sub_tensor_48" [label="(384, 384)", style=solid]; -"1323 zero_point_updated_constant48" -> "1324 sub_tensor_48" [label="(384, 1)", style=solid]; +"1323 zero_point_updated_constant48" -> "1324 sub_tensor_48" [label="(384, 1)", style=dashed]; "1324 sub_tensor_48" -> "1325 linear_71" [label="(384, 384)", style=solid]; "1325 linear_71" -> "1326 dropout_45" [label="(4, 64, 384)", style=solid]; "1326 dropout_45" -> "1327 view_65" [label="(4, 64, 384)", style=solid]; @@ -3978,7 +3978,7 @@ strict digraph { "1341 scale_updated_constant49" -> "1343 mul_tensor_49" [label="(1536, 1)", style=solid]; "1342 compressed_weight_updated_constant49" -> "1343 mul_tensor_49" [label="(1536, 384)", style=solid]; "1343 mul_tensor_49" -> "1345 sub_tensor_49" [label="(1536, 384)", style=solid]; -"1344 zero_point_updated_constant49" -> "1345 sub_tensor_49" [label="(1536, 1)", style=solid]; +"1344 zero_point_updated_constant49" -> "1345 sub_tensor_49" [label="(1536, 1)", style=dashed]; "1345 sub_tensor_49" -> "1346 linear_72" [label="(1536, 384)", style=solid]; "1346 linear_72" -> "1347 gelu_11" [label="(1, 14, 14, 1536)", style=solid]; "1347 gelu_11" -> "1348 dropout_46" [label="(1, 14, 14, 1536)", style=solid]; @@ -3989,7 +3989,7 @@ strict digraph { "1352 scale_updated_constant50" -> "1354 mul_tensor_50" [label="(384, 1)", style=solid]; "1353 compressed_weight_updated_constant50" -> "1354 mul_tensor_50" [label="(384, 1536)", style=solid]; "1354 mul_tensor_50" -> "1356 sub_tensor_50" [label="(384, 1536)", style=solid]; -"1355 zero_point_updated_constant50" -> "1356 sub_tensor_50" [label="(384, 1)", style=solid]; +"1355 zero_point_updated_constant50" -> "1356 sub_tensor_50" [label="(384, 1)", style=dashed]; "1356 sub_tensor_50" -> "1357 linear_73" [label="(384, 1536)", style=solid]; "1357 linear_73" -> "1358 dropout_47" [label="(1, 14, 14, 384)", style=solid]; "1358 dropout_47" -> "1359 layer_norm_26" [label="(1, 14, 14, 384)", style=solid]; @@ -4008,7 +4008,7 @@ strict digraph { "1370 scale_updated_constant51" -> "1372 mul_tensor_51" [label="(1152, 1)", style=solid]; "1371 compressed_weight_updated_constant51" -> "1372 mul_tensor_51" [label="(1152, 384)", style=solid]; "1372 mul_tensor_51" -> "1374 sub_tensor_51" [label="(1152, 384)", style=solid]; -"1373 zero_point_updated_constant51" -> "1374 sub_tensor_51" [label="(1152, 1)", style=solid]; +"1373 zero_point_updated_constant51" -> "1374 sub_tensor_51" [label="(1152, 1)", style=dashed]; "1374 sub_tensor_51" -> "1375 linear_76" [label="(1152, 384)", style=solid]; "1375 linear_76" -> "1376 reshape_55" [label="(4, 64, 1152)", style=solid]; "1376 reshape_55" -> "1377 permute_57" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -4050,7 +4050,7 @@ strict digraph { "1406 scale_updated_constant52" -> "1408 mul_tensor_52" [label="(384, 1)", style=solid]; "1407 compressed_weight_updated_constant52" -> "1408 mul_tensor_52" [label="(384, 384)", style=solid]; "1408 mul_tensor_52" -> "1410 sub_tensor_52" [label="(384, 384)", style=solid]; -"1409 zero_point_updated_constant52" -> "1410 sub_tensor_52" [label="(384, 1)", style=solid]; +"1409 zero_point_updated_constant52" -> "1410 sub_tensor_52" [label="(384, 1)", style=dashed]; "1410 sub_tensor_52" -> "1411 linear_77" [label="(384, 384)", style=solid]; "1411 linear_77" -> "1412 dropout_49" [label="(4, 64, 384)", style=solid]; "1412 dropout_49" -> "1413 view_69" [label="(4, 64, 384)", style=solid]; @@ -4071,7 +4071,7 @@ strict digraph { "1426 scale_updated_constant53" -> "1428 mul_tensor_53" [label="(1536, 1)", style=solid]; "1427 compressed_weight_updated_constant53" -> "1428 mul_tensor_53" [label="(1536, 384)", style=solid]; "1428 mul_tensor_53" -> "1430 sub_tensor_53" [label="(1536, 384)", style=solid]; -"1429 zero_point_updated_constant53" -> "1430 sub_tensor_53" [label="(1536, 1)", style=solid]; +"1429 zero_point_updated_constant53" -> "1430 sub_tensor_53" [label="(1536, 1)", style=dashed]; "1430 sub_tensor_53" -> "1431 linear_78" [label="(1536, 384)", style=solid]; "1431 linear_78" -> "1432 gelu_12" [label="(1, 14, 14, 1536)", style=solid]; "1432 gelu_12" -> "1433 dropout_50" [label="(1, 14, 14, 1536)", style=solid]; @@ -4082,7 +4082,7 @@ strict digraph { "1437 scale_updated_constant54" -> "1439 mul_tensor_54" [label="(384, 1)", style=solid]; "1438 compressed_weight_updated_constant54" -> "1439 mul_tensor_54" [label="(384, 1536)", style=solid]; "1439 mul_tensor_54" -> "1441 sub_tensor_54" [label="(384, 1536)", style=solid]; -"1440 zero_point_updated_constant54" -> "1441 sub_tensor_54" [label="(384, 1)", style=solid]; +"1440 zero_point_updated_constant54" -> "1441 sub_tensor_54" [label="(384, 1)", style=dashed]; "1441 sub_tensor_54" -> "1442 linear_79" [label="(384, 1536)", style=solid]; "1442 linear_79" -> "1443 dropout_51" [label="(1, 14, 14, 384)", style=solid]; "1443 dropout_51" -> "1444 layer_norm_28" [label="(1, 14, 14, 384)", style=solid]; @@ -4103,7 +4103,7 @@ strict digraph { "1456 scale_updated_constant55" -> "1458 mul_tensor_55" [label="(1152, 1)", style=solid]; "1457 compressed_weight_updated_constant55" -> "1458 mul_tensor_55" [label="(1152, 384)", style=solid]; "1458 mul_tensor_55" -> "1460 sub_tensor_55" [label="(1152, 384)", style=solid]; -"1459 zero_point_updated_constant55" -> "1460 sub_tensor_55" [label="(1152, 1)", style=solid]; +"1459 zero_point_updated_constant55" -> "1460 sub_tensor_55" [label="(1152, 1)", style=dashed]; "1460 sub_tensor_55" -> "1461 linear_82" [label="(1152, 384)", style=solid]; "1461 linear_82" -> "1462 reshape_59" [label="(4, 64, 1152)", style=solid]; "1462 reshape_59" -> "1463 permute_61" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -4164,7 +4164,7 @@ strict digraph { "1508 scale_updated_constant56" -> "1510 mul_tensor_56" [label="(384, 1)", style=solid]; "1509 compressed_weight_updated_constant56" -> "1510 mul_tensor_56" [label="(384, 384)", style=solid]; "1510 mul_tensor_56" -> "1512 sub_tensor_56" [label="(384, 384)", style=solid]; -"1511 zero_point_updated_constant56" -> "1512 sub_tensor_56" [label="(384, 1)", style=solid]; +"1511 zero_point_updated_constant56" -> "1512 sub_tensor_56" [label="(384, 1)", style=dashed]; "1512 sub_tensor_56" -> "1513 linear_83" [label="(384, 384)", style=solid]; "1513 linear_83" -> "1514 dropout_53" [label="(4, 64, 384)", style=solid]; "1514 dropout_53" -> "1515 view_76" [label="(4, 64, 384)", style=solid]; @@ -4186,7 +4186,7 @@ strict digraph { "1529 scale_updated_constant57" -> "1531 mul_tensor_57" [label="(1536, 1)", style=solid]; "1530 compressed_weight_updated_constant57" -> "1531 mul_tensor_57" [label="(1536, 384)", style=solid]; "1531 mul_tensor_57" -> "1533 sub_tensor_57" [label="(1536, 384)", style=solid]; -"1532 zero_point_updated_constant57" -> "1533 sub_tensor_57" [label="(1536, 1)", style=solid]; +"1532 zero_point_updated_constant57" -> "1533 sub_tensor_57" [label="(1536, 1)", style=dashed]; "1533 sub_tensor_57" -> "1534 linear_84" [label="(1536, 384)", style=solid]; "1534 linear_84" -> "1535 gelu_13" [label="(1, 14, 14, 1536)", style=solid]; "1535 gelu_13" -> "1536 dropout_54" [label="(1, 14, 14, 1536)", style=solid]; @@ -4197,7 +4197,7 @@ strict digraph { "1540 scale_updated_constant58" -> "1542 mul_tensor_58" [label="(384, 1)", style=solid]; "1541 compressed_weight_updated_constant58" -> "1542 mul_tensor_58" [label="(384, 1536)", style=solid]; "1542 mul_tensor_58" -> "1544 sub_tensor_58" [label="(384, 1536)", style=solid]; -"1543 zero_point_updated_constant58" -> "1544 sub_tensor_58" [label="(384, 1)", style=solid]; +"1543 zero_point_updated_constant58" -> "1544 sub_tensor_58" [label="(384, 1)", style=dashed]; "1544 sub_tensor_58" -> "1545 linear_85" [label="(384, 1536)", style=solid]; "1545 linear_85" -> "1546 dropout_55" [label="(1, 14, 14, 384)", style=solid]; "1546 dropout_55" -> "1547 layer_norm_30" [label="(1, 14, 14, 384)", style=solid]; @@ -4216,7 +4216,7 @@ strict digraph { "1558 scale_updated_constant59" -> "1560 mul_tensor_59" [label="(1152, 1)", style=solid]; "1559 compressed_weight_updated_constant59" -> "1560 mul_tensor_59" [label="(1152, 384)", style=solid]; "1560 mul_tensor_59" -> "1562 sub_tensor_59" [label="(1152, 384)", style=solid]; -"1561 zero_point_updated_constant59" -> "1562 sub_tensor_59" [label="(1152, 1)", style=solid]; +"1561 zero_point_updated_constant59" -> "1562 sub_tensor_59" [label="(1152, 1)", style=dashed]; "1562 sub_tensor_59" -> "1563 linear_88" [label="(1152, 384)", style=solid]; "1563 linear_88" -> "1564 reshape_64" [label="(4, 64, 1152)", style=solid]; "1564 reshape_64" -> "1565 permute_66" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -4258,7 +4258,7 @@ strict digraph { "1594 scale_updated_constant60" -> "1596 mul_tensor_60" [label="(384, 1)", style=solid]; "1595 compressed_weight_updated_constant60" -> "1596 mul_tensor_60" [label="(384, 384)", style=solid]; "1596 mul_tensor_60" -> "1598 sub_tensor_60" [label="(384, 384)", style=solid]; -"1597 zero_point_updated_constant60" -> "1598 sub_tensor_60" [label="(384, 1)", style=solid]; +"1597 zero_point_updated_constant60" -> "1598 sub_tensor_60" [label="(384, 1)", style=dashed]; "1598 sub_tensor_60" -> "1599 linear_89" [label="(384, 384)", style=solid]; "1599 linear_89" -> "1600 dropout_57" [label="(4, 64, 384)", style=solid]; "1600 dropout_57" -> "1601 view_80" [label="(4, 64, 384)", style=solid]; @@ -4279,7 +4279,7 @@ strict digraph { "1614 scale_updated_constant61" -> "1616 mul_tensor_61" [label="(1536, 1)", style=solid]; "1615 compressed_weight_updated_constant61" -> "1616 mul_tensor_61" [label="(1536, 384)", style=solid]; "1616 mul_tensor_61" -> "1618 sub_tensor_61" [label="(1536, 384)", style=solid]; -"1617 zero_point_updated_constant61" -> "1618 sub_tensor_61" [label="(1536, 1)", style=solid]; +"1617 zero_point_updated_constant61" -> "1618 sub_tensor_61" [label="(1536, 1)", style=dashed]; "1618 sub_tensor_61" -> "1619 linear_90" [label="(1536, 384)", style=solid]; "1619 linear_90" -> "1620 gelu_14" [label="(1, 14, 14, 1536)", style=solid]; "1620 gelu_14" -> "1621 dropout_58" [label="(1, 14, 14, 1536)", style=solid]; @@ -4290,7 +4290,7 @@ strict digraph { "1625 scale_updated_constant62" -> "1627 mul_tensor_62" [label="(384, 1)", style=solid]; "1626 compressed_weight_updated_constant62" -> "1627 mul_tensor_62" [label="(384, 1536)", style=solid]; "1627 mul_tensor_62" -> "1629 sub_tensor_62" [label="(384, 1536)", style=solid]; -"1628 zero_point_updated_constant62" -> "1629 sub_tensor_62" [label="(384, 1)", style=solid]; +"1628 zero_point_updated_constant62" -> "1629 sub_tensor_62" [label="(384, 1)", style=dashed]; "1629 sub_tensor_62" -> "1630 linear_91" [label="(384, 1536)", style=solid]; "1630 linear_91" -> "1631 dropout_59" [label="(1, 14, 14, 384)", style=solid]; "1631 dropout_59" -> "1632 layer_norm_32" [label="(1, 14, 14, 384)", style=solid]; @@ -4311,7 +4311,7 @@ strict digraph { "1644 scale_updated_constant63" -> "1646 mul_tensor_63" [label="(1152, 1)", style=solid]; "1645 compressed_weight_updated_constant63" -> "1646 mul_tensor_63" [label="(1152, 384)", style=solid]; "1646 mul_tensor_63" -> "1648 sub_tensor_63" [label="(1152, 384)", style=solid]; -"1647 zero_point_updated_constant63" -> "1648 sub_tensor_63" [label="(1152, 1)", style=solid]; +"1647 zero_point_updated_constant63" -> "1648 sub_tensor_63" [label="(1152, 1)", style=dashed]; "1648 sub_tensor_63" -> "1649 linear_94" [label="(1152, 384)", style=solid]; "1649 linear_94" -> "1650 reshape_68" [label="(4, 64, 1152)", style=solid]; "1650 reshape_68" -> "1651 permute_70" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -4372,7 +4372,7 @@ strict digraph { "1696 scale_updated_constant64" -> "1698 mul_tensor_64" [label="(384, 1)", style=solid]; "1697 compressed_weight_updated_constant64" -> "1698 mul_tensor_64" [label="(384, 384)", style=solid]; "1698 mul_tensor_64" -> "1700 sub_tensor_64" [label="(384, 384)", style=solid]; -"1699 zero_point_updated_constant64" -> "1700 sub_tensor_64" [label="(384, 1)", style=solid]; +"1699 zero_point_updated_constant64" -> "1700 sub_tensor_64" [label="(384, 1)", style=dashed]; "1700 sub_tensor_64" -> "1701 linear_95" [label="(384, 384)", style=solid]; "1701 linear_95" -> "1702 dropout_61" [label="(4, 64, 384)", style=solid]; "1702 dropout_61" -> "1703 view_87" [label="(4, 64, 384)", style=solid]; @@ -4394,7 +4394,7 @@ strict digraph { "1717 scale_updated_constant65" -> "1719 mul_tensor_65" [label="(1536, 1)", style=solid]; "1718 compressed_weight_updated_constant65" -> "1719 mul_tensor_65" [label="(1536, 384)", style=solid]; "1719 mul_tensor_65" -> "1721 sub_tensor_65" [label="(1536, 384)", style=solid]; -"1720 zero_point_updated_constant65" -> "1721 sub_tensor_65" [label="(1536, 1)", style=solid]; +"1720 zero_point_updated_constant65" -> "1721 sub_tensor_65" [label="(1536, 1)", style=dashed]; "1721 sub_tensor_65" -> "1722 linear_96" [label="(1536, 384)", style=solid]; "1722 linear_96" -> "1723 gelu_15" [label="(1, 14, 14, 1536)", style=solid]; "1723 gelu_15" -> "1724 dropout_62" [label="(1, 14, 14, 1536)", style=solid]; @@ -4405,7 +4405,7 @@ strict digraph { "1728 scale_updated_constant66" -> "1730 mul_tensor_66" [label="(384, 1)", style=solid]; "1729 compressed_weight_updated_constant66" -> "1730 mul_tensor_66" [label="(384, 1536)", style=solid]; "1730 mul_tensor_66" -> "1732 sub_tensor_66" [label="(384, 1536)", style=solid]; -"1731 zero_point_updated_constant66" -> "1732 sub_tensor_66" [label="(384, 1)", style=solid]; +"1731 zero_point_updated_constant66" -> "1732 sub_tensor_66" [label="(384, 1)", style=dashed]; "1732 sub_tensor_66" -> "1733 linear_97" [label="(384, 1536)", style=solid]; "1733 linear_97" -> "1734 dropout_63" [label="(1, 14, 14, 384)", style=solid]; "1734 dropout_63" -> "1735 layer_norm_34" [label="(1, 14, 14, 384)", style=solid]; @@ -4424,7 +4424,7 @@ strict digraph { "1746 scale_updated_constant67" -> "1748 mul_tensor_67" [label="(1152, 1)", style=solid]; "1747 compressed_weight_updated_constant67" -> "1748 mul_tensor_67" [label="(1152, 384)", style=solid]; "1748 mul_tensor_67" -> "1750 sub_tensor_67" [label="(1152, 384)", style=solid]; -"1749 zero_point_updated_constant67" -> "1750 sub_tensor_67" [label="(1152, 1)", style=solid]; +"1749 zero_point_updated_constant67" -> "1750 sub_tensor_67" [label="(1152, 1)", style=dashed]; "1750 sub_tensor_67" -> "1751 linear_100" [label="(1152, 384)", style=solid]; "1751 linear_100" -> "1752 reshape_73" [label="(4, 64, 1152)", style=solid]; "1752 reshape_73" -> "1753 permute_75" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -4466,7 +4466,7 @@ strict digraph { "1782 scale_updated_constant68" -> "1784 mul_tensor_68" [label="(384, 1)", style=solid]; "1783 compressed_weight_updated_constant68" -> "1784 mul_tensor_68" [label="(384, 384)", style=solid]; "1784 mul_tensor_68" -> "1786 sub_tensor_68" [label="(384, 384)", style=solid]; -"1785 zero_point_updated_constant68" -> "1786 sub_tensor_68" [label="(384, 1)", style=solid]; +"1785 zero_point_updated_constant68" -> "1786 sub_tensor_68" [label="(384, 1)", style=dashed]; "1786 sub_tensor_68" -> "1787 linear_101" [label="(384, 384)", style=solid]; "1787 linear_101" -> "1788 dropout_65" [label="(4, 64, 384)", style=solid]; "1788 dropout_65" -> "1789 view_91" [label="(4, 64, 384)", style=solid]; @@ -4487,7 +4487,7 @@ strict digraph { "1802 scale_updated_constant69" -> "1804 mul_tensor_69" [label="(1536, 1)", style=solid]; "1803 compressed_weight_updated_constant69" -> "1804 mul_tensor_69" [label="(1536, 384)", style=solid]; "1804 mul_tensor_69" -> "1806 sub_tensor_69" [label="(1536, 384)", style=solid]; -"1805 zero_point_updated_constant69" -> "1806 sub_tensor_69" [label="(1536, 1)", style=solid]; +"1805 zero_point_updated_constant69" -> "1806 sub_tensor_69" [label="(1536, 1)", style=dashed]; "1806 sub_tensor_69" -> "1807 linear_102" [label="(1536, 384)", style=solid]; "1807 linear_102" -> "1808 gelu_16" [label="(1, 14, 14, 1536)", style=solid]; "1808 gelu_16" -> "1809 dropout_66" [label="(1, 14, 14, 1536)", style=solid]; @@ -4498,7 +4498,7 @@ strict digraph { "1813 scale_updated_constant70" -> "1815 mul_tensor_70" [label="(384, 1)", style=solid]; "1814 compressed_weight_updated_constant70" -> "1815 mul_tensor_70" [label="(384, 1536)", style=solid]; "1815 mul_tensor_70" -> "1817 sub_tensor_70" [label="(384, 1536)", style=solid]; -"1816 zero_point_updated_constant70" -> "1817 sub_tensor_70" [label="(384, 1)", style=solid]; +"1816 zero_point_updated_constant70" -> "1817 sub_tensor_70" [label="(384, 1)", style=dashed]; "1817 sub_tensor_70" -> "1818 linear_103" [label="(384, 1536)", style=solid]; "1818 linear_103" -> "1819 dropout_67" [label="(1, 14, 14, 384)", style=solid]; "1819 dropout_67" -> "1820 layer_norm_36" [label="(1, 14, 14, 384)", style=solid]; @@ -4519,7 +4519,7 @@ strict digraph { "1832 scale_updated_constant71" -> "1834 mul_tensor_71" [label="(1152, 1)", style=solid]; "1833 compressed_weight_updated_constant71" -> "1834 mul_tensor_71" [label="(1152, 384)", style=solid]; "1834 mul_tensor_71" -> "1836 sub_tensor_71" [label="(1152, 384)", style=solid]; -"1835 zero_point_updated_constant71" -> "1836 sub_tensor_71" [label="(1152, 1)", style=solid]; +"1835 zero_point_updated_constant71" -> "1836 sub_tensor_71" [label="(1152, 1)", style=dashed]; "1836 sub_tensor_71" -> "1837 linear_106" [label="(1152, 384)", style=solid]; "1837 linear_106" -> "1838 reshape_77" [label="(4, 64, 1152)", style=solid]; "1838 reshape_77" -> "1839 permute_79" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -4580,7 +4580,7 @@ strict digraph { "1884 scale_updated_constant72" -> "1886 mul_tensor_72" [label="(384, 1)", style=solid]; "1885 compressed_weight_updated_constant72" -> "1886 mul_tensor_72" [label="(384, 384)", style=solid]; "1886 mul_tensor_72" -> "1888 sub_tensor_72" [label="(384, 384)", style=solid]; -"1887 zero_point_updated_constant72" -> "1888 sub_tensor_72" [label="(384, 1)", style=solid]; +"1887 zero_point_updated_constant72" -> "1888 sub_tensor_72" [label="(384, 1)", style=dashed]; "1888 sub_tensor_72" -> "1889 linear_107" [label="(384, 384)", style=solid]; "1889 linear_107" -> "1890 dropout_69" [label="(4, 64, 384)", style=solid]; "1890 dropout_69" -> "1891 view_98" [label="(4, 64, 384)", style=solid]; @@ -4602,7 +4602,7 @@ strict digraph { "1905 scale_updated_constant73" -> "1907 mul_tensor_73" [label="(1536, 1)", style=solid]; "1906 compressed_weight_updated_constant73" -> "1907 mul_tensor_73" [label="(1536, 384)", style=solid]; "1907 mul_tensor_73" -> "1909 sub_tensor_73" [label="(1536, 384)", style=solid]; -"1908 zero_point_updated_constant73" -> "1909 sub_tensor_73" [label="(1536, 1)", style=solid]; +"1908 zero_point_updated_constant73" -> "1909 sub_tensor_73" [label="(1536, 1)", style=dashed]; "1909 sub_tensor_73" -> "1910 linear_108" [label="(1536, 384)", style=solid]; "1910 linear_108" -> "1911 gelu_17" [label="(1, 14, 14, 1536)", style=solid]; "1911 gelu_17" -> "1912 dropout_70" [label="(1, 14, 14, 1536)", style=solid]; @@ -4613,7 +4613,7 @@ strict digraph { "1916 scale_updated_constant74" -> "1918 mul_tensor_74" [label="(384, 1)", style=solid]; "1917 compressed_weight_updated_constant74" -> "1918 mul_tensor_74" [label="(384, 1536)", style=solid]; "1918 mul_tensor_74" -> "1920 sub_tensor_74" [label="(384, 1536)", style=solid]; -"1919 zero_point_updated_constant74" -> "1920 sub_tensor_74" [label="(384, 1)", style=solid]; +"1919 zero_point_updated_constant74" -> "1920 sub_tensor_74" [label="(384, 1)", style=dashed]; "1920 sub_tensor_74" -> "1921 linear_109" [label="(384, 1536)", style=solid]; "1921 linear_109" -> "1922 dropout_71" [label="(1, 14, 14, 384)", style=solid]; "1922 dropout_71" -> "1923 layer_norm_38" [label="(1, 14, 14, 384)", style=solid]; @@ -4632,7 +4632,7 @@ strict digraph { "1934 scale_updated_constant75" -> "1936 mul_tensor_75" [label="(1152, 1)", style=solid]; "1935 compressed_weight_updated_constant75" -> "1936 mul_tensor_75" [label="(1152, 384)", style=solid]; "1936 mul_tensor_75" -> "1938 sub_tensor_75" [label="(1152, 384)", style=solid]; -"1937 zero_point_updated_constant75" -> "1938 sub_tensor_75" [label="(1152, 1)", style=solid]; +"1937 zero_point_updated_constant75" -> "1938 sub_tensor_75" [label="(1152, 1)", style=dashed]; "1938 sub_tensor_75" -> "1939 linear_112" [label="(1152, 384)", style=solid]; "1939 linear_112" -> "1940 reshape_82" [label="(4, 64, 1152)", style=solid]; "1940 reshape_82" -> "1941 permute_84" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -4674,7 +4674,7 @@ strict digraph { "1970 scale_updated_constant76" -> "1972 mul_tensor_76" [label="(384, 1)", style=solid]; "1971 compressed_weight_updated_constant76" -> "1972 mul_tensor_76" [label="(384, 384)", style=solid]; "1972 mul_tensor_76" -> "1974 sub_tensor_76" [label="(384, 384)", style=solid]; -"1973 zero_point_updated_constant76" -> "1974 sub_tensor_76" [label="(384, 1)", style=solid]; +"1973 zero_point_updated_constant76" -> "1974 sub_tensor_76" [label="(384, 1)", style=dashed]; "1974 sub_tensor_76" -> "1975 linear_113" [label="(384, 384)", style=solid]; "1975 linear_113" -> "1976 dropout_73" [label="(4, 64, 384)", style=solid]; "1976 dropout_73" -> "1977 view_102" [label="(4, 64, 384)", style=solid]; @@ -4695,7 +4695,7 @@ strict digraph { "1990 scale_updated_constant77" -> "1992 mul_tensor_77" [label="(1536, 1)", style=solid]; "1991 compressed_weight_updated_constant77" -> "1992 mul_tensor_77" [label="(1536, 384)", style=solid]; "1992 mul_tensor_77" -> "1994 sub_tensor_77" [label="(1536, 384)", style=solid]; -"1993 zero_point_updated_constant77" -> "1994 sub_tensor_77" [label="(1536, 1)", style=solid]; +"1993 zero_point_updated_constant77" -> "1994 sub_tensor_77" [label="(1536, 1)", style=dashed]; "1994 sub_tensor_77" -> "1995 linear_114" [label="(1536, 384)", style=solid]; "1995 linear_114" -> "1996 gelu_18" [label="(1, 14, 14, 1536)", style=solid]; "1996 gelu_18" -> "1997 dropout_74" [label="(1, 14, 14, 1536)", style=solid]; @@ -4706,7 +4706,7 @@ strict digraph { "2001 scale_updated_constant78" -> "2003 mul_tensor_78" [label="(384, 1)", style=solid]; "2002 compressed_weight_updated_constant78" -> "2003 mul_tensor_78" [label="(384, 1536)", style=solid]; "2003 mul_tensor_78" -> "2005 sub_tensor_78" [label="(384, 1536)", style=solid]; -"2004 zero_point_updated_constant78" -> "2005 sub_tensor_78" [label="(384, 1)", style=solid]; +"2004 zero_point_updated_constant78" -> "2005 sub_tensor_78" [label="(384, 1)", style=dashed]; "2005 sub_tensor_78" -> "2006 linear_115" [label="(384, 1536)", style=solid]; "2006 linear_115" -> "2007 dropout_75" [label="(1, 14, 14, 384)", style=solid]; "2007 dropout_75" -> "2008 layer_norm_40" [label="(1, 14, 14, 384)", style=solid]; @@ -4727,7 +4727,7 @@ strict digraph { "2020 scale_updated_constant79" -> "2022 mul_tensor_79" [label="(1152, 1)", style=solid]; "2021 compressed_weight_updated_constant79" -> "2022 mul_tensor_79" [label="(1152, 384)", style=solid]; "2022 mul_tensor_79" -> "2024 sub_tensor_79" [label="(1152, 384)", style=solid]; -"2023 zero_point_updated_constant79" -> "2024 sub_tensor_79" [label="(1152, 1)", style=solid]; +"2023 zero_point_updated_constant79" -> "2024 sub_tensor_79" [label="(1152, 1)", style=dashed]; "2024 sub_tensor_79" -> "2025 linear_118" [label="(1152, 384)", style=solid]; "2025 linear_118" -> "2026 reshape_86" [label="(4, 64, 1152)", style=solid]; "2026 reshape_86" -> "2027 permute_88" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -4788,7 +4788,7 @@ strict digraph { "2072 scale_updated_constant80" -> "2074 mul_tensor_80" [label="(384, 1)", style=solid]; "2073 compressed_weight_updated_constant80" -> "2074 mul_tensor_80" [label="(384, 384)", style=solid]; "2074 mul_tensor_80" -> "2076 sub_tensor_80" [label="(384, 384)", style=solid]; -"2075 zero_point_updated_constant80" -> "2076 sub_tensor_80" [label="(384, 1)", style=solid]; +"2075 zero_point_updated_constant80" -> "2076 sub_tensor_80" [label="(384, 1)", style=dashed]; "2076 sub_tensor_80" -> "2077 linear_119" [label="(384, 384)", style=solid]; "2077 linear_119" -> "2078 dropout_77" [label="(4, 64, 384)", style=solid]; "2078 dropout_77" -> "2079 view_109" [label="(4, 64, 384)", style=solid]; @@ -4810,7 +4810,7 @@ strict digraph { "2093 scale_updated_constant81" -> "2095 mul_tensor_81" [label="(1536, 1)", style=solid]; "2094 compressed_weight_updated_constant81" -> "2095 mul_tensor_81" [label="(1536, 384)", style=solid]; "2095 mul_tensor_81" -> "2097 sub_tensor_81" [label="(1536, 384)", style=solid]; -"2096 zero_point_updated_constant81" -> "2097 sub_tensor_81" [label="(1536, 1)", style=solid]; +"2096 zero_point_updated_constant81" -> "2097 sub_tensor_81" [label="(1536, 1)", style=dashed]; "2097 sub_tensor_81" -> "2098 linear_120" [label="(1536, 384)", style=solid]; "2098 linear_120" -> "2099 gelu_19" [label="(1, 14, 14, 1536)", style=solid]; "2099 gelu_19" -> "2100 dropout_78" [label="(1, 14, 14, 1536)", style=solid]; @@ -4821,7 +4821,7 @@ strict digraph { "2104 scale_updated_constant82" -> "2106 mul_tensor_82" [label="(384, 1)", style=solid]; "2105 compressed_weight_updated_constant82" -> "2106 mul_tensor_82" [label="(384, 1536)", style=solid]; "2106 mul_tensor_82" -> "2108 sub_tensor_82" [label="(384, 1536)", style=solid]; -"2107 zero_point_updated_constant82" -> "2108 sub_tensor_82" [label="(384, 1)", style=solid]; +"2107 zero_point_updated_constant82" -> "2108 sub_tensor_82" [label="(384, 1)", style=dashed]; "2108 sub_tensor_82" -> "2109 linear_121" [label="(384, 1536)", style=solid]; "2109 linear_121" -> "2110 dropout_79" [label="(1, 14, 14, 384)", style=solid]; "2110 dropout_79" -> "2111 layer_norm_42" [label="(1, 14, 14, 384)", style=solid]; @@ -4840,7 +4840,7 @@ strict digraph { "2122 scale_updated_constant83" -> "2124 mul_tensor_83" [label="(1152, 1)", style=solid]; "2123 compressed_weight_updated_constant83" -> "2124 mul_tensor_83" [label="(1152, 384)", style=solid]; "2124 mul_tensor_83" -> "2126 sub_tensor_83" [label="(1152, 384)", style=solid]; -"2125 zero_point_updated_constant83" -> "2126 sub_tensor_83" [label="(1152, 1)", style=solid]; +"2125 zero_point_updated_constant83" -> "2126 sub_tensor_83" [label="(1152, 1)", style=dashed]; "2126 sub_tensor_83" -> "2127 linear_124" [label="(1152, 384)", style=solid]; "2127 linear_124" -> "2128 reshape_91" [label="(4, 64, 1152)", style=solid]; "2128 reshape_91" -> "2129 permute_93" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -4882,7 +4882,7 @@ strict digraph { "2158 scale_updated_constant84" -> "2160 mul_tensor_84" [label="(384, 1)", style=solid]; "2159 compressed_weight_updated_constant84" -> "2160 mul_tensor_84" [label="(384, 384)", style=solid]; "2160 mul_tensor_84" -> "2162 sub_tensor_84" [label="(384, 384)", style=solid]; -"2161 zero_point_updated_constant84" -> "2162 sub_tensor_84" [label="(384, 1)", style=solid]; +"2161 zero_point_updated_constant84" -> "2162 sub_tensor_84" [label="(384, 1)", style=dashed]; "2162 sub_tensor_84" -> "2163 linear_125" [label="(384, 384)", style=solid]; "2163 linear_125" -> "2164 dropout_81" [label="(4, 64, 384)", style=solid]; "2164 dropout_81" -> "2165 view_113" [label="(4, 64, 384)", style=solid]; @@ -4903,7 +4903,7 @@ strict digraph { "2178 scale_updated_constant85" -> "2180 mul_tensor_85" [label="(1536, 1)", style=solid]; "2179 compressed_weight_updated_constant85" -> "2180 mul_tensor_85" [label="(1536, 384)", style=solid]; "2180 mul_tensor_85" -> "2182 sub_tensor_85" [label="(1536, 384)", style=solid]; -"2181 zero_point_updated_constant85" -> "2182 sub_tensor_85" [label="(1536, 1)", style=solid]; +"2181 zero_point_updated_constant85" -> "2182 sub_tensor_85" [label="(1536, 1)", style=dashed]; "2182 sub_tensor_85" -> "2183 linear_126" [label="(1536, 384)", style=solid]; "2183 linear_126" -> "2184 gelu_20" [label="(1, 14, 14, 1536)", style=solid]; "2184 gelu_20" -> "2185 dropout_82" [label="(1, 14, 14, 1536)", style=solid]; @@ -4914,7 +4914,7 @@ strict digraph { "2189 scale_updated_constant86" -> "2191 mul_tensor_86" [label="(384, 1)", style=solid]; "2190 compressed_weight_updated_constant86" -> "2191 mul_tensor_86" [label="(384, 1536)", style=solid]; "2191 mul_tensor_86" -> "2193 sub_tensor_86" [label="(384, 1536)", style=solid]; -"2192 zero_point_updated_constant86" -> "2193 sub_tensor_86" [label="(384, 1)", style=solid]; +"2192 zero_point_updated_constant86" -> "2193 sub_tensor_86" [label="(384, 1)", style=dashed]; "2193 sub_tensor_86" -> "2194 linear_127" [label="(384, 1536)", style=solid]; "2194 linear_127" -> "2195 dropout_83" [label="(1, 14, 14, 384)", style=solid]; "2195 dropout_83" -> "2196 layer_norm_44" [label="(1, 14, 14, 384)", style=solid]; @@ -4935,7 +4935,7 @@ strict digraph { "2208 scale_updated_constant87" -> "2210 mul_tensor_87" [label="(1152, 1)", style=solid]; "2209 compressed_weight_updated_constant87" -> "2210 mul_tensor_87" [label="(1152, 384)", style=solid]; "2210 mul_tensor_87" -> "2212 sub_tensor_87" [label="(1152, 384)", style=solid]; -"2211 zero_point_updated_constant87" -> "2212 sub_tensor_87" [label="(1152, 1)", style=solid]; +"2211 zero_point_updated_constant87" -> "2212 sub_tensor_87" [label="(1152, 1)", style=dashed]; "2212 sub_tensor_87" -> "2213 linear_130" [label="(1152, 384)", style=solid]; "2213 linear_130" -> "2214 reshape_95" [label="(4, 64, 1152)", style=solid]; "2214 reshape_95" -> "2215 permute_97" [label="(4, 64, 3, 12, 32)", style=solid]; @@ -4996,7 +4996,7 @@ strict digraph { "2260 scale_updated_constant88" -> "2262 mul_tensor_88" [label="(384, 1)", style=solid]; "2261 compressed_weight_updated_constant88" -> "2262 mul_tensor_88" [label="(384, 384)", style=solid]; "2262 mul_tensor_88" -> "2264 sub_tensor_88" [label="(384, 384)", style=solid]; -"2263 zero_point_updated_constant88" -> "2264 sub_tensor_88" [label="(384, 1)", style=solid]; +"2263 zero_point_updated_constant88" -> "2264 sub_tensor_88" [label="(384, 1)", style=dashed]; "2264 sub_tensor_88" -> "2265 linear_131" [label="(384, 384)", style=solid]; "2265 linear_131" -> "2266 dropout_85" [label="(4, 64, 384)", style=solid]; "2266 dropout_85" -> "2267 view_120" [label="(4, 64, 384)", style=solid]; @@ -5018,7 +5018,7 @@ strict digraph { "2281 scale_updated_constant89" -> "2283 mul_tensor_89" [label="(1536, 1)", style=solid]; "2282 compressed_weight_updated_constant89" -> "2283 mul_tensor_89" [label="(1536, 384)", style=solid]; "2283 mul_tensor_89" -> "2285 sub_tensor_89" [label="(1536, 384)", style=solid]; -"2284 zero_point_updated_constant89" -> "2285 sub_tensor_89" [label="(1536, 1)", style=solid]; +"2284 zero_point_updated_constant89" -> "2285 sub_tensor_89" [label="(1536, 1)", style=dashed]; "2285 sub_tensor_89" -> "2286 linear_132" [label="(1536, 384)", style=solid]; "2286 linear_132" -> "2287 gelu_21" [label="(1, 14, 14, 1536)", style=solid]; "2287 gelu_21" -> "2288 dropout_86" [label="(1, 14, 14, 1536)", style=solid]; @@ -5029,7 +5029,7 @@ strict digraph { "2292 scale_updated_constant90" -> "2294 mul_tensor_90" [label="(384, 1)", style=solid]; "2293 compressed_weight_updated_constant90" -> "2294 mul_tensor_90" [label="(384, 1536)", style=solid]; "2294 mul_tensor_90" -> "2296 sub_tensor_90" [label="(384, 1536)", style=solid]; -"2295 zero_point_updated_constant90" -> "2296 sub_tensor_90" [label="(384, 1)", style=solid]; +"2295 zero_point_updated_constant90" -> "2296 sub_tensor_90" [label="(384, 1)", style=dashed]; "2296 sub_tensor_90" -> "2297 linear_133" [label="(384, 1536)", style=solid]; "2297 linear_133" -> "2298 dropout_87" [label="(1, 14, 14, 384)", style=solid]; "2298 dropout_87" -> "2299 layer_norm_46" [label="(1, 14, 14, 384)", style=solid]; @@ -5058,7 +5058,7 @@ strict digraph { "2318 scale_updated_constant91" -> "2320 mul_tensor_91" [label="(768, 1)", style=solid]; "2319 compressed_weight_updated_constant91" -> "2320 mul_tensor_91" [label="(768, 1536)", style=solid]; "2320 mul_tensor_91" -> "2322 sub_tensor_91" [label="(768, 1536)", style=solid]; -"2321 zero_point_updated_constant91" -> "2322 sub_tensor_91" [label="(768, 1)", style=solid]; +"2321 zero_point_updated_constant91" -> "2322 sub_tensor_91" [label="(768, 1)", style=dashed]; "2322 sub_tensor_91" -> "2323 linear_134" [label="(768, 1536)", style=solid]; "2323 linear_134" -> "2324 layer_norm_47" [label="(1, 7, 7, 768)", style=solid]; "2324 layer_norm_47" -> "2326 pad_25" [label="(1, 7, 7, 768)", style=solid]; @@ -5075,7 +5075,7 @@ strict digraph { "2334 scale_updated_constant92" -> "2336 mul_tensor_92" [label="(2304, 1)", style=solid]; "2335 compressed_weight_updated_constant92" -> "2336 mul_tensor_92" [label="(2304, 768)", style=solid]; "2336 mul_tensor_92" -> "2338 sub_tensor_92" [label="(2304, 768)", style=solid]; -"2337 zero_point_updated_constant92" -> "2338 sub_tensor_92" [label="(2304, 1)", style=solid]; +"2337 zero_point_updated_constant92" -> "2338 sub_tensor_92" [label="(2304, 1)", style=dashed]; "2338 sub_tensor_92" -> "2339 linear_137" [label="(2304, 768)", style=solid]; "2339 linear_137" -> "2340 reshape_100" [label="(1, 64, 2304)", style=solid]; "2340 reshape_100" -> "2341 permute_102" [label="(1, 64, 3, 24, 32)", style=solid]; @@ -5117,7 +5117,7 @@ strict digraph { "2370 scale_updated_constant93" -> "2372 mul_tensor_93" [label="(768, 1)", style=solid]; "2371 compressed_weight_updated_constant93" -> "2372 mul_tensor_93" [label="(768, 768)", style=solid]; "2372 mul_tensor_93" -> "2374 sub_tensor_93" [label="(768, 768)", style=solid]; -"2373 zero_point_updated_constant93" -> "2374 sub_tensor_93" [label="(768, 1)", style=solid]; +"2373 zero_point_updated_constant93" -> "2374 sub_tensor_93" [label="(768, 1)", style=dashed]; "2374 sub_tensor_93" -> "2375 linear_138" [label="(768, 768)", style=solid]; "2375 linear_138" -> "2376 dropout_89" [label="(1, 64, 768)", style=solid]; "2376 dropout_89" -> "2377 view_124" [label="(1, 64, 768)", style=solid]; @@ -5138,7 +5138,7 @@ strict digraph { "2390 scale_updated_constant94" -> "2392 mul_tensor_94" [label="(3072, 1)", style=solid]; "2391 compressed_weight_updated_constant94" -> "2392 mul_tensor_94" [label="(3072, 768)", style=solid]; "2392 mul_tensor_94" -> "2394 sub_tensor_94" [label="(3072, 768)", style=solid]; -"2393 zero_point_updated_constant94" -> "2394 sub_tensor_94" [label="(3072, 1)", style=solid]; +"2393 zero_point_updated_constant94" -> "2394 sub_tensor_94" [label="(3072, 1)", style=dashed]; "2394 sub_tensor_94" -> "2395 linear_139" [label="(3072, 768)", style=solid]; "2395 linear_139" -> "2396 gelu_22" [label="(1, 7, 7, 3072)", style=solid]; "2396 gelu_22" -> "2397 dropout_90" [label="(1, 7, 7, 3072)", style=solid]; @@ -5149,7 +5149,7 @@ strict digraph { "2401 scale_updated_constant95" -> "2403 mul_tensor_95" [label="(768, 1)", style=solid]; "2402 compressed_weight_updated_constant95" -> "2403 mul_tensor_95" [label="(768, 3072)", style=solid]; "2403 mul_tensor_95" -> "2405 sub_tensor_95" [label="(768, 3072)", style=solid]; -"2404 zero_point_updated_constant95" -> "2405 sub_tensor_95" [label="(768, 1)", style=solid]; +"2404 zero_point_updated_constant95" -> "2405 sub_tensor_95" [label="(768, 1)", style=dashed]; "2405 sub_tensor_95" -> "2406 linear_140" [label="(768, 3072)", style=solid]; "2406 linear_140" -> "2407 dropout_91" [label="(1, 7, 7, 768)", style=solid]; "2407 dropout_91" -> "2408 layer_norm_49" [label="(1, 7, 7, 768)", style=solid]; @@ -5168,7 +5168,7 @@ strict digraph { "2419 scale_updated_constant96" -> "2421 mul_tensor_96" [label="(2304, 1)", style=solid]; "2420 compressed_weight_updated_constant96" -> "2421 mul_tensor_96" [label="(2304, 768)", style=solid]; "2421 mul_tensor_96" -> "2423 sub_tensor_96" [label="(2304, 768)", style=solid]; -"2422 zero_point_updated_constant96" -> "2423 sub_tensor_96" [label="(2304, 1)", style=solid]; +"2422 zero_point_updated_constant96" -> "2423 sub_tensor_96" [label="(2304, 1)", style=dashed]; "2423 sub_tensor_96" -> "2424 linear_143" [label="(2304, 768)", style=solid]; "2424 linear_143" -> "2425 reshape_104" [label="(1, 64, 2304)", style=solid]; "2425 reshape_104" -> "2426 permute_106" [label="(1, 64, 3, 24, 32)", style=solid]; @@ -5210,7 +5210,7 @@ strict digraph { "2455 scale_updated_constant97" -> "2457 mul_tensor_97" [label="(768, 1)", style=solid]; "2456 compressed_weight_updated_constant97" -> "2457 mul_tensor_97" [label="(768, 768)", style=solid]; "2457 mul_tensor_97" -> "2459 sub_tensor_97" [label="(768, 768)", style=solid]; -"2458 zero_point_updated_constant97" -> "2459 sub_tensor_97" [label="(768, 1)", style=solid]; +"2458 zero_point_updated_constant97" -> "2459 sub_tensor_97" [label="(768, 1)", style=dashed]; "2459 sub_tensor_97" -> "2460 linear_144" [label="(768, 768)", style=solid]; "2460 linear_144" -> "2461 dropout_93" [label="(1, 64, 768)", style=solid]; "2461 dropout_93" -> "2462 view_128" [label="(1, 64, 768)", style=solid]; @@ -5231,7 +5231,7 @@ strict digraph { "2475 scale_updated_constant98" -> "2477 mul_tensor_98" [label="(3072, 1)", style=solid]; "2476 compressed_weight_updated_constant98" -> "2477 mul_tensor_98" [label="(3072, 768)", style=solid]; "2477 mul_tensor_98" -> "2479 sub_tensor_98" [label="(3072, 768)", style=solid]; -"2478 zero_point_updated_constant98" -> "2479 sub_tensor_98" [label="(3072, 1)", style=solid]; +"2478 zero_point_updated_constant98" -> "2479 sub_tensor_98" [label="(3072, 1)", style=dashed]; "2479 sub_tensor_98" -> "2480 linear_145" [label="(3072, 768)", style=solid]; "2480 linear_145" -> "2481 gelu_23" [label="(1, 7, 7, 3072)", style=solid]; "2481 gelu_23" -> "2482 dropout_94" [label="(1, 7, 7, 3072)", style=solid]; @@ -5242,7 +5242,7 @@ strict digraph { "2486 scale_updated_constant99" -> "2488 mul_tensor_99" [label="(768, 1)", style=solid]; "2487 compressed_weight_updated_constant99" -> "2488 mul_tensor_99" [label="(768, 3072)", style=solid]; "2488 mul_tensor_99" -> "2490 sub_tensor_99" [label="(768, 3072)", style=solid]; -"2489 zero_point_updated_constant99" -> "2490 sub_tensor_99" [label="(768, 1)", style=solid]; +"2489 zero_point_updated_constant99" -> "2490 sub_tensor_99" [label="(768, 1)", style=dashed]; "2490 sub_tensor_99" -> "2491 linear_146" [label="(768, 3072)", style=solid]; "2491 linear_146" -> "2492 dropout_95" [label="(1, 7, 7, 768)", style=solid]; "2492 dropout_95" -> "2493 layer_norm_51" [label="(1, 7, 7, 768)", style=solid]; @@ -5258,7 +5258,7 @@ strict digraph { "2502 scale_updated_constant100" -> "2504 mul_tensor_100" [label="(1000, 1)", style=solid]; "2503 compressed_weight_updated_constant100" -> "2504 mul_tensor_100" [label="(1000, 768)", style=solid]; "2504 mul_tensor_100" -> "2506 sub_tensor_100" [label="(1000, 768)", style=solid]; -"2505 zero_point_updated_constant100" -> "2506 sub_tensor_100" [label="(1000, 1)", style=solid]; +"2505 zero_point_updated_constant100" -> "2506 sub_tensor_100" [label="(1000, 1)", style=dashed]; "2506 sub_tensor_100" -> "2507 linear_147" [label="(1000, 768)", style=solid]; "2507 linear_147" -> "2508 output" [label="(1, 1000)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/synthetic_transformer.dot b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/synthetic_transformer.dot index f135c267459..b5ccf9300bf 100644 --- a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/synthetic_transformer.dot +++ b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/synthetic_transformer.dot @@ -29,11 +29,11 @@ strict digraph { "27 output" [id=27, type=output]; "0 linear_bias" -> "17 linear" [label="(5,)", style=solid]; "1 lm_head_bias" -> "26 linear_1" [label="(10,)", style=solid]; -"2 input_ids" -> "8 embedding" [label="(5,)", style=solid]; +"2 input_ids" -> "8 embedding" [label="(5,)", style=dashed]; "3 scale_updated_constant0" -> "5 mul_tensor" [label="(10, 1)", style=solid]; "4 compressed_weight_updated_constant0" -> "5 mul_tensor" [label="(10, 5)", style=solid]; "5 mul_tensor" -> "7 sub_tensor" [label="(10, 5)", style=solid]; -"6 zero_point_updated_constant0" -> "7 sub_tensor" [label="(10, 1)", style=solid]; +"6 zero_point_updated_constant0" -> "7 sub_tensor" [label="(10, 1)", style=dashed]; "7 sub_tensor" -> "8 embedding" [label="(10, 5)", style=solid]; "8 embedding" -> "9 embedding_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; "9 embedding_0_0_nncf_smooth_quant_0" -> "10 quantize_per_tensor_default" [label="(5, 5)", style=solid]; @@ -42,7 +42,7 @@ strict digraph { "12 scale_updated_constant1" -> "14 mul_tensor_1" [label="(5, 1)", style=solid]; "13 compressed_weight_updated_constant1" -> "14 mul_tensor_1" [label="(5, 5)", style=solid]; "14 mul_tensor_1" -> "16 sub_tensor_1" [label="(5, 5)", style=solid]; -"15 zero_point_updated_constant1" -> "16 sub_tensor_1" [label="(5, 1)", style=solid]; +"15 zero_point_updated_constant1" -> "16 sub_tensor_1" [label="(5, 1)", style=dashed]; "16 sub_tensor_1" -> "17 linear" [label="(5, 5)", style=solid]; "17 linear" -> "18 linear_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; "18 linear_0_0_nncf_smooth_quant_0" -> "19 quantize_per_tensor_default_1" [label="(5, 5)", style=solid]; @@ -51,7 +51,7 @@ strict digraph { "21 scale_updated_constant2" -> "23 mul_tensor_2" [label="(10, 1)", style=solid]; "22 compressed_weight_updated_constant2" -> "23 mul_tensor_2" [label="(10, 5)", style=solid]; "23 mul_tensor_2" -> "25 sub_tensor_2" [label="(10, 5)", style=solid]; -"24 zero_point_updated_constant2" -> "25 sub_tensor_2" [label="(10, 1)", style=solid]; +"24 zero_point_updated_constant2" -> "25 sub_tensor_2" [label="(10, 1)", style=dashed]; "25 sub_tensor_2" -> "26 linear_1" [label="(10, 5)", style=solid]; "26 linear_1" -> "27 output" [label="(5, 10)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/unet.dot b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/unet.dot index 03f8579e69c..ca6d5b0f7ea 100644 --- a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/unet.dot +++ b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/unet.dot @@ -283,7 +283,7 @@ strict digraph { "26 scale_updated_constant0" -> "28 mul_tensor" [label="(64, 1, 1, 1)", style=solid]; "27 compressed_weight_updated_constant0" -> "28 mul_tensor" [label="(64, 3, 3, 3)", style=solid]; "28 mul_tensor" -> "30 sub_tensor" [label="(64, 3, 3, 3)", style=solid]; -"29 zero_point_updated_constant0" -> "30 sub_tensor" [label="(64, 1, 1, 1)", style=solid]; +"29 zero_point_updated_constant0" -> "30 sub_tensor" [label="(64, 1, 1, 1)", style=dashed]; "30 sub_tensor" -> "31 conv2d" [label="(64, 3, 3, 3)", style=solid]; "31 conv2d" -> "32 relu" [label="(1, 64, 222, 222)", style=solid]; "32 relu" -> "33 quantize_per_tensor_default_9" [label="(1, 64, 222, 222)", style=solid]; @@ -292,7 +292,7 @@ strict digraph { "35 scale_updated_constant1" -> "37 mul_tensor_1" [label="(64, 1, 1, 1)", style=solid]; "36 compressed_weight_updated_constant1" -> "37 mul_tensor_1" [label="(64, 64, 3, 3)", style=solid]; "37 mul_tensor_1" -> "39 sub_tensor_1" [label="(64, 64, 3, 3)", style=solid]; -"38 zero_point_updated_constant1" -> "39 sub_tensor_1" [label="(64, 1, 1, 1)", style=solid]; +"38 zero_point_updated_constant1" -> "39 sub_tensor_1" [label="(64, 1, 1, 1)", style=dashed]; "39 sub_tensor_1" -> "40 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; "40 conv2d_1" -> "41 relu_1" [label="(1, 64, 220, 220)", style=solid]; "41 relu_1" -> "42 quantize_per_tensor_default" [label="(1, 64, 220, 220)", style=solid]; @@ -304,7 +304,7 @@ strict digraph { "46 scale_updated_constant2" -> "48 mul_tensor_2" [label="(128, 1, 1, 1)", style=solid]; "47 compressed_weight_updated_constant2" -> "48 mul_tensor_2" [label="(128, 64, 3, 3)", style=solid]; "48 mul_tensor_2" -> "50 sub_tensor_2" [label="(128, 64, 3, 3)", style=solid]; -"49 zero_point_updated_constant2" -> "50 sub_tensor_2" [label="(128, 1, 1, 1)", style=solid]; +"49 zero_point_updated_constant2" -> "50 sub_tensor_2" [label="(128, 1, 1, 1)", style=dashed]; "50 sub_tensor_2" -> "51 conv2d_2" [label="(128, 64, 3, 3)", style=solid]; "51 conv2d_2" -> "52 relu_2" [label="(1, 128, 108, 108)", style=solid]; "52 relu_2" -> "53 quantize_per_tensor_default_10" [label="(1, 128, 108, 108)", style=solid]; @@ -313,7 +313,7 @@ strict digraph { "55 scale_updated_constant3" -> "57 mul_tensor_3" [label="(128, 1, 1, 1)", style=solid]; "56 compressed_weight_updated_constant3" -> "57 mul_tensor_3" [label="(128, 128, 3, 3)", style=solid]; "57 mul_tensor_3" -> "59 sub_tensor_3" [label="(128, 128, 3, 3)", style=solid]; -"58 zero_point_updated_constant3" -> "59 sub_tensor_3" [label="(128, 1, 1, 1)", style=solid]; +"58 zero_point_updated_constant3" -> "59 sub_tensor_3" [label="(128, 1, 1, 1)", style=dashed]; "59 sub_tensor_3" -> "60 conv2d_3" [label="(128, 128, 3, 3)", style=solid]; "60 conv2d_3" -> "61 relu_3" [label="(1, 128, 106, 106)", style=solid]; "61 relu_3" -> "62 quantize_per_tensor_default_3" [label="(1, 128, 106, 106)", style=solid]; @@ -325,7 +325,7 @@ strict digraph { "66 scale_updated_constant4" -> "68 mul_tensor_4" [label="(256, 1, 1, 1)", style=solid]; "67 compressed_weight_updated_constant4" -> "68 mul_tensor_4" [label="(256, 128, 3, 3)", style=solid]; "68 mul_tensor_4" -> "70 sub_tensor_4" [label="(256, 128, 3, 3)", style=solid]; -"69 zero_point_updated_constant4" -> "70 sub_tensor_4" [label="(256, 1, 1, 1)", style=solid]; +"69 zero_point_updated_constant4" -> "70 sub_tensor_4" [label="(256, 1, 1, 1)", style=dashed]; "70 sub_tensor_4" -> "71 conv2d_4" [label="(256, 128, 3, 3)", style=solid]; "71 conv2d_4" -> "72 relu_4" [label="(1, 256, 51, 51)", style=solid]; "72 relu_4" -> "73 quantize_per_tensor_default_11" [label="(1, 256, 51, 51)", style=solid]; @@ -334,7 +334,7 @@ strict digraph { "75 scale_updated_constant5" -> "77 mul_tensor_5" [label="(256, 1, 1, 1)", style=solid]; "76 compressed_weight_updated_constant5" -> "77 mul_tensor_5" [label="(256, 256, 3, 3)", style=solid]; "77 mul_tensor_5" -> "79 sub_tensor_5" [label="(256, 256, 3, 3)", style=solid]; -"78 zero_point_updated_constant5" -> "79 sub_tensor_5" [label="(256, 1, 1, 1)", style=solid]; +"78 zero_point_updated_constant5" -> "79 sub_tensor_5" [label="(256, 1, 1, 1)", style=dashed]; "79 sub_tensor_5" -> "80 conv2d_5" [label="(256, 256, 3, 3)", style=solid]; "80 conv2d_5" -> "81 relu_5" [label="(1, 256, 49, 49)", style=solid]; "81 relu_5" -> "82 quantize_per_tensor_default_4" [label="(1, 256, 49, 49)", style=solid]; @@ -346,7 +346,7 @@ strict digraph { "86 scale_updated_constant6" -> "88 mul_tensor_6" [label="(512, 1, 1, 1)", style=solid]; "87 compressed_weight_updated_constant6" -> "88 mul_tensor_6" [label="(512, 256, 3, 3)", style=solid]; "88 mul_tensor_6" -> "90 sub_tensor_6" [label="(512, 256, 3, 3)", style=solid]; -"89 zero_point_updated_constant6" -> "90 sub_tensor_6" [label="(512, 1, 1, 1)", style=solid]; +"89 zero_point_updated_constant6" -> "90 sub_tensor_6" [label="(512, 1, 1, 1)", style=dashed]; "90 sub_tensor_6" -> "91 conv2d_6" [label="(512, 256, 3, 3)", style=solid]; "91 conv2d_6" -> "92 relu_6" [label="(1, 512, 22, 22)", style=solid]; "92 relu_6" -> "93 quantize_per_tensor_default_12" [label="(1, 512, 22, 22)", style=solid]; @@ -355,7 +355,7 @@ strict digraph { "95 scale_updated_constant7" -> "97 mul_tensor_7" [label="(512, 1, 1, 1)", style=solid]; "96 compressed_weight_updated_constant7" -> "97 mul_tensor_7" [label="(512, 512, 3, 3)", style=solid]; "97 mul_tensor_7" -> "99 sub_tensor_7" [label="(512, 512, 3, 3)", style=solid]; -"98 zero_point_updated_constant7" -> "99 sub_tensor_7" [label="(512, 1, 1, 1)", style=solid]; +"98 zero_point_updated_constant7" -> "99 sub_tensor_7" [label="(512, 1, 1, 1)", style=dashed]; "99 sub_tensor_7" -> "100 conv2d_7" [label="(512, 512, 3, 3)", style=solid]; "100 conv2d_7" -> "101 relu_7" [label="(1, 512, 20, 20)", style=solid]; "101 relu_7" -> "102 quantize_per_tensor_default_7" [label="(1, 512, 20, 20)", style=solid]; @@ -367,7 +367,7 @@ strict digraph { "106 scale_updated_constant8" -> "108 mul_tensor_8" [label="(1024, 1, 1, 1)", style=solid]; "107 compressed_weight_updated_constant8" -> "108 mul_tensor_8" [label="(1024, 512, 3, 3)", style=solid]; "108 mul_tensor_8" -> "110 sub_tensor_8" [label="(1024, 512, 3, 3)", style=solid]; -"109 zero_point_updated_constant8" -> "110 sub_tensor_8" [label="(1024, 1, 1, 1)", style=solid]; +"109 zero_point_updated_constant8" -> "110 sub_tensor_8" [label="(1024, 1, 1, 1)", style=dashed]; "110 sub_tensor_8" -> "111 conv2d_8" [label="(1024, 512, 3, 3)", style=solid]; "111 conv2d_8" -> "112 relu_8" [label="(1, 1024, 8, 8)", style=solid]; "112 relu_8" -> "113 quantize_per_tensor_default_13" [label="(1, 1024, 8, 8)", style=solid]; @@ -376,7 +376,7 @@ strict digraph { "115 scale_updated_constant9" -> "117 mul_tensor_9" [label="(1024, 1, 1, 1)", style=solid]; "116 compressed_weight_updated_constant9" -> "117 mul_tensor_9" [label="(1024, 1024, 3, 3)", style=solid]; "117 mul_tensor_9" -> "119 sub_tensor_9" [label="(1024, 1024, 3, 3)", style=solid]; -"118 zero_point_updated_constant9" -> "119 sub_tensor_9" [label="(1024, 1, 1, 1)", style=solid]; +"118 zero_point_updated_constant9" -> "119 sub_tensor_9" [label="(1024, 1, 1, 1)", style=dashed]; "119 sub_tensor_9" -> "120 conv2d_9" [label="(1024, 1024, 3, 3)", style=solid]; "120 conv2d_9" -> "121 relu_9" [label="(1, 1024, 6, 6)", style=solid]; "121 relu_9" -> "122 quantize_per_tensor_default_14" [label="(1, 1024, 6, 6)", style=solid]; @@ -385,7 +385,7 @@ strict digraph { "124 scale_updated_constant10" -> "126 mul_tensor_10" [label="(1024, 1, 1, 1)", style=solid]; "125 compressed_weight_updated_constant10" -> "126 mul_tensor_10" [label="(1024, 512, 2, 2)", style=solid]; "126 mul_tensor_10" -> "128 sub_tensor_10" [label="(1024, 512, 2, 2)", style=solid]; -"127 zero_point_updated_constant10" -> "128 sub_tensor_10" [label="(1024, 1, 1, 1)", style=solid]; +"127 zero_point_updated_constant10" -> "128 sub_tensor_10" [label="(1024, 1, 1, 1)", style=dashed]; "128 sub_tensor_10" -> "129 conv_transpose2d" [label="(1024, 512, 2, 2)", style=solid]; "129 conv_transpose2d" -> "130 quantize_per_tensor_default_6" [label="(1, 512, 12, 12)", style=solid]; "130 quantize_per_tensor_default_6" -> "131 dequantize_per_tensor_default_9" [label="(1, 512, 12, 12)", style=solid]; @@ -398,7 +398,7 @@ strict digraph { "137 scale_updated_constant11" -> "139 mul_tensor_11" [label="(512, 1, 1, 1)", style=solid]; "138 compressed_weight_updated_constant11" -> "139 mul_tensor_11" [label="(512, 1024, 3, 3)", style=solid]; "139 mul_tensor_11" -> "141 sub_tensor_11" [label="(512, 1024, 3, 3)", style=solid]; -"140 zero_point_updated_constant11" -> "141 sub_tensor_11" [label="(512, 1, 1, 1)", style=solid]; +"140 zero_point_updated_constant11" -> "141 sub_tensor_11" [label="(512, 1, 1, 1)", style=dashed]; "141 sub_tensor_11" -> "142 conv2d_10" [label="(512, 1024, 3, 3)", style=solid]; "142 conv2d_10" -> "143 relu_10" [label="(1, 512, 10, 10)", style=solid]; "143 relu_10" -> "144 quantize_per_tensor_default_15" [label="(1, 512, 10, 10)", style=solid]; @@ -407,7 +407,7 @@ strict digraph { "146 scale_updated_constant12" -> "148 mul_tensor_12" [label="(512, 1, 1, 1)", style=solid]; "147 compressed_weight_updated_constant12" -> "148 mul_tensor_12" [label="(512, 512, 3, 3)", style=solid]; "148 mul_tensor_12" -> "150 sub_tensor_12" [label="(512, 512, 3, 3)", style=solid]; -"149 zero_point_updated_constant12" -> "150 sub_tensor_12" [label="(512, 1, 1, 1)", style=solid]; +"149 zero_point_updated_constant12" -> "150 sub_tensor_12" [label="(512, 1, 1, 1)", style=dashed]; "150 sub_tensor_12" -> "151 conv2d_11" [label="(512, 512, 3, 3)", style=solid]; "151 conv2d_11" -> "152 relu_11" [label="(1, 512, 8, 8)", style=solid]; "152 relu_11" -> "153 quantize_per_tensor_default_16" [label="(1, 512, 8, 8)", style=solid]; @@ -416,7 +416,7 @@ strict digraph { "155 scale_updated_constant13" -> "157 mul_tensor_13" [label="(512, 1, 1, 1)", style=solid]; "156 compressed_weight_updated_constant13" -> "157 mul_tensor_13" [label="(512, 256, 2, 2)", style=solid]; "157 mul_tensor_13" -> "159 sub_tensor_13" [label="(512, 256, 2, 2)", style=solid]; -"158 zero_point_updated_constant13" -> "159 sub_tensor_13" [label="(512, 1, 1, 1)", style=solid]; +"158 zero_point_updated_constant13" -> "159 sub_tensor_13" [label="(512, 1, 1, 1)", style=dashed]; "159 sub_tensor_13" -> "160 conv_transpose2d_1" [label="(512, 256, 2, 2)", style=solid]; "160 conv_transpose2d_1" -> "161 quantize_per_tensor_default_5" [label="(1, 256, 16, 16)", style=solid]; "161 quantize_per_tensor_default_5" -> "162 dequantize_per_tensor_default_8" [label="(1, 256, 16, 16)", style=solid]; @@ -429,7 +429,7 @@ strict digraph { "168 scale_updated_constant14" -> "170 mul_tensor_14" [label="(256, 1, 1, 1)", style=solid]; "169 compressed_weight_updated_constant14" -> "170 mul_tensor_14" [label="(256, 512, 3, 3)", style=solid]; "170 mul_tensor_14" -> "172 sub_tensor_14" [label="(256, 512, 3, 3)", style=solid]; -"171 zero_point_updated_constant14" -> "172 sub_tensor_14" [label="(256, 1, 1, 1)", style=solid]; +"171 zero_point_updated_constant14" -> "172 sub_tensor_14" [label="(256, 1, 1, 1)", style=dashed]; "172 sub_tensor_14" -> "173 conv2d_12" [label="(256, 512, 3, 3)", style=solid]; "173 conv2d_12" -> "174 relu_12" [label="(1, 256, 14, 14)", style=solid]; "174 relu_12" -> "175 quantize_per_tensor_default_17" [label="(1, 256, 14, 14)", style=solid]; @@ -438,7 +438,7 @@ strict digraph { "177 scale_updated_constant15" -> "179 mul_tensor_15" [label="(256, 1, 1, 1)", style=solid]; "178 compressed_weight_updated_constant15" -> "179 mul_tensor_15" [label="(256, 256, 3, 3)", style=solid]; "179 mul_tensor_15" -> "181 sub_tensor_15" [label="(256, 256, 3, 3)", style=solid]; -"180 zero_point_updated_constant15" -> "181 sub_tensor_15" [label="(256, 1, 1, 1)", style=solid]; +"180 zero_point_updated_constant15" -> "181 sub_tensor_15" [label="(256, 1, 1, 1)", style=dashed]; "181 sub_tensor_15" -> "182 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; "182 conv2d_13" -> "183 relu_13" [label="(1, 256, 12, 12)", style=solid]; "183 relu_13" -> "184 quantize_per_tensor_default_18" [label="(1, 256, 12, 12)", style=solid]; @@ -447,7 +447,7 @@ strict digraph { "186 scale_updated_constant16" -> "188 mul_tensor_16" [label="(256, 1, 1, 1)", style=solid]; "187 compressed_weight_updated_constant16" -> "188 mul_tensor_16" [label="(256, 128, 2, 2)", style=solid]; "188 mul_tensor_16" -> "190 sub_tensor_16" [label="(256, 128, 2, 2)", style=solid]; -"189 zero_point_updated_constant16" -> "190 sub_tensor_16" [label="(256, 1, 1, 1)", style=solid]; +"189 zero_point_updated_constant16" -> "190 sub_tensor_16" [label="(256, 1, 1, 1)", style=dashed]; "190 sub_tensor_16" -> "191 conv_transpose2d_2" [label="(256, 128, 2, 2)", style=solid]; "191 conv_transpose2d_2" -> "192 quantize_per_tensor_default_2" [label="(1, 128, 24, 24)", style=solid]; "192 quantize_per_tensor_default_2" -> "193 dequantize_per_tensor_default_3" [label="(1, 128, 24, 24)", style=solid]; @@ -460,7 +460,7 @@ strict digraph { "199 scale_updated_constant17" -> "201 mul_tensor_17" [label="(128, 1, 1, 1)", style=solid]; "200 compressed_weight_updated_constant17" -> "201 mul_tensor_17" [label="(128, 256, 3, 3)", style=solid]; "201 mul_tensor_17" -> "203 sub_tensor_17" [label="(128, 256, 3, 3)", style=solid]; -"202 zero_point_updated_constant17" -> "203 sub_tensor_17" [label="(128, 1, 1, 1)", style=solid]; +"202 zero_point_updated_constant17" -> "203 sub_tensor_17" [label="(128, 1, 1, 1)", style=dashed]; "203 sub_tensor_17" -> "204 conv2d_14" [label="(128, 256, 3, 3)", style=solid]; "204 conv2d_14" -> "205 relu_14" [label="(1, 128, 22, 22)", style=solid]; "205 relu_14" -> "206 quantize_per_tensor_default_19" [label="(1, 128, 22, 22)", style=solid]; @@ -469,7 +469,7 @@ strict digraph { "208 scale_updated_constant18" -> "210 mul_tensor_18" [label="(128, 1, 1, 1)", style=solid]; "209 compressed_weight_updated_constant18" -> "210 mul_tensor_18" [label="(128, 128, 3, 3)", style=solid]; "210 mul_tensor_18" -> "212 sub_tensor_18" [label="(128, 128, 3, 3)", style=solid]; -"211 zero_point_updated_constant18" -> "212 sub_tensor_18" [label="(128, 1, 1, 1)", style=solid]; +"211 zero_point_updated_constant18" -> "212 sub_tensor_18" [label="(128, 1, 1, 1)", style=dashed]; "212 sub_tensor_18" -> "213 conv2d_15" [label="(128, 128, 3, 3)", style=solid]; "213 conv2d_15" -> "214 relu_15" [label="(1, 128, 20, 20)", style=solid]; "214 relu_15" -> "215 quantize_per_tensor_default_20" [label="(1, 128, 20, 20)", style=solid]; @@ -478,7 +478,7 @@ strict digraph { "217 scale_updated_constant19" -> "219 mul_tensor_19" [label="(128, 1, 1, 1)", style=solid]; "218 compressed_weight_updated_constant19" -> "219 mul_tensor_19" [label="(128, 64, 2, 2)", style=solid]; "219 mul_tensor_19" -> "221 sub_tensor_19" [label="(128, 64, 2, 2)", style=solid]; -"220 zero_point_updated_constant19" -> "221 sub_tensor_19" [label="(128, 1, 1, 1)", style=solid]; +"220 zero_point_updated_constant19" -> "221 sub_tensor_19" [label="(128, 1, 1, 1)", style=dashed]; "221 sub_tensor_19" -> "222 conv_transpose2d_3" [label="(128, 64, 2, 2)", style=solid]; "222 conv_transpose2d_3" -> "223 quantize_per_tensor_default_1" [label="(1, 64, 40, 40)", style=solid]; "223 quantize_per_tensor_default_1" -> "224 dequantize_per_tensor_default_2" [label="(1, 64, 40, 40)", style=solid]; @@ -491,7 +491,7 @@ strict digraph { "230 scale_updated_constant20" -> "232 mul_tensor_20" [label="(64, 1, 1, 1)", style=solid]; "231 compressed_weight_updated_constant20" -> "232 mul_tensor_20" [label="(64, 128, 3, 3)", style=solid]; "232 mul_tensor_20" -> "234 sub_tensor_20" [label="(64, 128, 3, 3)", style=solid]; -"233 zero_point_updated_constant20" -> "234 sub_tensor_20" [label="(64, 1, 1, 1)", style=solid]; +"233 zero_point_updated_constant20" -> "234 sub_tensor_20" [label="(64, 1, 1, 1)", style=dashed]; "234 sub_tensor_20" -> "235 conv2d_16" [label="(64, 128, 3, 3)", style=solid]; "235 conv2d_16" -> "236 relu_16" [label="(1, 64, 38, 38)", style=solid]; "236 relu_16" -> "237 quantize_per_tensor_default_21" [label="(1, 64, 38, 38)", style=solid]; @@ -500,7 +500,7 @@ strict digraph { "239 scale_updated_constant21" -> "241 mul_tensor_21" [label="(64, 1, 1, 1)", style=solid]; "240 compressed_weight_updated_constant21" -> "241 mul_tensor_21" [label="(64, 64, 3, 3)", style=solid]; "241 mul_tensor_21" -> "243 sub_tensor_21" [label="(64, 64, 3, 3)", style=solid]; -"242 zero_point_updated_constant21" -> "243 sub_tensor_21" [label="(64, 1, 1, 1)", style=solid]; +"242 zero_point_updated_constant21" -> "243 sub_tensor_21" [label="(64, 1, 1, 1)", style=dashed]; "243 sub_tensor_21" -> "244 conv2d_17" [label="(64, 64, 3, 3)", style=solid]; "244 conv2d_17" -> "245 relu_17" [label="(1, 64, 36, 36)", style=solid]; "245 relu_17" -> "246 quantize_per_tensor_default_22" [label="(1, 64, 36, 36)", style=solid]; @@ -509,7 +509,7 @@ strict digraph { "248 scale_updated_constant22" -> "250 mul_tensor_22" [label="(12, 1, 1, 1)", style=solid]; "249 compressed_weight_updated_constant22" -> "250 mul_tensor_22" [label="(12, 64, 1, 1)", style=solid]; "250 mul_tensor_22" -> "252 sub_tensor_22" [label="(12, 64, 1, 1)", style=solid]; -"251 zero_point_updated_constant22" -> "252 sub_tensor_22" [label="(12, 1, 1, 1)", style=solid]; +"251 zero_point_updated_constant22" -> "252 sub_tensor_22" [label="(12, 1, 1, 1)", style=dashed]; "252 sub_tensor_22" -> "253 conv2d_18" [label="(12, 64, 1, 1)", style=solid]; "253 conv2d_18" -> "254 output" [label="(1, 12, 36, 36)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/vit_b_16.dot b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/vit_b_16.dot index eaa483dfd25..c975d301fa6 100644 --- a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/vit_b_16.dot +++ b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/vit_b_16.dot @@ -1087,7 +1087,7 @@ strict digraph { "104 scale_updated_constant0" -> "106 mul_tensor" [label="(768, 1, 1, 1)", style=solid]; "105 compressed_weight_updated_constant0" -> "106 mul_tensor" [label="(768, 3, 16, 16)", style=solid]; "106 mul_tensor" -> "108 sub_tensor" [label="(768, 3, 16, 16)", style=solid]; -"107 zero_point_updated_constant0" -> "108 sub_tensor" [label="(768, 1, 1, 1)", style=solid]; +"107 zero_point_updated_constant0" -> "108 sub_tensor" [label="(768, 1, 1, 1)", style=dashed]; "108 sub_tensor" -> "109 conv2d" [label="(768, 3, 16, 16)", style=solid]; "109 conv2d" -> "110 reshape" [label="(1, 768, 14, 14)", style=solid]; "110 reshape" -> "111 permute" [label="(1, 768, 196)", style=solid]; @@ -1105,7 +1105,7 @@ strict digraph { "121 scale_updated_constant1" -> "123 mul_tensor_1" [label="(2304, 1)", style=solid]; "122 compressed_weight_updated_constant1" -> "123 mul_tensor_1" [label="(2304, 768)", style=solid]; "123 mul_tensor_1" -> "125 sub_tensor_1" [label="(2304, 768)", style=solid]; -"124 zero_point_updated_constant1" -> "125 sub_tensor_1" [label="(2304, 1)", style=solid]; +"124 zero_point_updated_constant1" -> "125 sub_tensor_1" [label="(2304, 1)", style=dashed]; "125 sub_tensor_1" -> "126 linear" [label="(2304, 768)", style=solid]; "126 linear" -> "127 unflatten" [label="(197, 1, 2304)", style=solid]; "127 unflatten" -> "128 unsqueeze" [label="(197, 1, 3, 768)", style=solid]; @@ -1140,7 +1140,7 @@ strict digraph { "154 scale_updated_constant2" -> "156 mul_tensor_2" [label="(768, 1)", style=solid]; "155 compressed_weight_updated_constant2" -> "156 mul_tensor_2" [label="(768, 768)", style=solid]; "156 mul_tensor_2" -> "158 sub_tensor_2" [label="(768, 768)", style=solid]; -"157 zero_point_updated_constant2" -> "158 sub_tensor_2" [label="(768, 1)", style=solid]; +"157 zero_point_updated_constant2" -> "158 sub_tensor_2" [label="(768, 1)", style=dashed]; "158 sub_tensor_2" -> "159 linear_1" [label="(768, 768)", style=solid]; "159 linear_1" -> "160 view_7" [label="(197, 768)", style=solid]; "160 view_7" -> "161 transpose_5" [label="(197, 1, 768)", style=solid]; @@ -1155,7 +1155,7 @@ strict digraph { "168 scale_updated_constant3" -> "170 mul_tensor_3" [label="(3072, 1)", style=solid]; "169 compressed_weight_updated_constant3" -> "170 mul_tensor_3" [label="(3072, 768)", style=solid]; "170 mul_tensor_3" -> "172 sub_tensor_3" [label="(3072, 768)", style=solid]; -"171 zero_point_updated_constant3" -> "172 sub_tensor_3" [label="(3072, 1)", style=solid]; +"171 zero_point_updated_constant3" -> "172 sub_tensor_3" [label="(3072, 1)", style=dashed]; "172 sub_tensor_3" -> "173 linear_2" [label="(3072, 768)", style=solid]; "173 linear_2" -> "174 gelu" [label="(1, 197, 3072)", style=solid]; "174 gelu" -> "175 dropout_2" [label="(1, 197, 3072)", style=solid]; @@ -1166,7 +1166,7 @@ strict digraph { "179 scale_updated_constant4" -> "181 mul_tensor_4" [label="(768, 1)", style=solid]; "180 compressed_weight_updated_constant4" -> "181 mul_tensor_4" [label="(768, 3072)", style=solid]; "181 mul_tensor_4" -> "183 sub_tensor_4" [label="(768, 3072)", style=solid]; -"182 zero_point_updated_constant4" -> "183 sub_tensor_4" [label="(768, 1)", style=solid]; +"182 zero_point_updated_constant4" -> "183 sub_tensor_4" [label="(768, 1)", style=dashed]; "183 sub_tensor_4" -> "184 linear_3" [label="(768, 3072)", style=solid]; "184 linear_3" -> "185 dropout_3" [label="(1, 197, 768)", style=solid]; "185 dropout_3" -> "186 add_2" [label="(1, 197, 768)", style=solid]; @@ -1180,7 +1180,7 @@ strict digraph { "192 scale_updated_constant5" -> "194 mul_tensor_5" [label="(2304, 1)", style=solid]; "193 compressed_weight_updated_constant5" -> "194 mul_tensor_5" [label="(2304, 768)", style=solid]; "194 mul_tensor_5" -> "196 sub_tensor_5" [label="(2304, 768)", style=solid]; -"195 zero_point_updated_constant5" -> "196 sub_tensor_5" [label="(2304, 1)", style=solid]; +"195 zero_point_updated_constant5" -> "196 sub_tensor_5" [label="(2304, 1)", style=dashed]; "196 sub_tensor_5" -> "197 linear_4" [label="(2304, 768)", style=solid]; "197 linear_4" -> "198 unflatten_1" [label="(197, 1, 2304)", style=solid]; "198 unflatten_1" -> "199 unsqueeze_1" [label="(197, 1, 3, 768)", style=solid]; @@ -1215,7 +1215,7 @@ strict digraph { "225 scale_updated_constant6" -> "227 mul_tensor_6" [label="(768, 1)", style=solid]; "226 compressed_weight_updated_constant6" -> "227 mul_tensor_6" [label="(768, 768)", style=solid]; "227 mul_tensor_6" -> "229 sub_tensor_6" [label="(768, 768)", style=solid]; -"228 zero_point_updated_constant6" -> "229 sub_tensor_6" [label="(768, 1)", style=solid]; +"228 zero_point_updated_constant6" -> "229 sub_tensor_6" [label="(768, 1)", style=dashed]; "229 sub_tensor_6" -> "230 linear_5" [label="(768, 768)", style=solid]; "230 linear_5" -> "231 view_15" [label="(197, 768)", style=solid]; "231 view_15" -> "232 transpose_11" [label="(197, 1, 768)", style=solid]; @@ -1230,7 +1230,7 @@ strict digraph { "239 scale_updated_constant7" -> "241 mul_tensor_7" [label="(3072, 1)", style=solid]; "240 compressed_weight_updated_constant7" -> "241 mul_tensor_7" [label="(3072, 768)", style=solid]; "241 mul_tensor_7" -> "243 sub_tensor_7" [label="(3072, 768)", style=solid]; -"242 zero_point_updated_constant7" -> "243 sub_tensor_7" [label="(3072, 1)", style=solid]; +"242 zero_point_updated_constant7" -> "243 sub_tensor_7" [label="(3072, 1)", style=dashed]; "243 sub_tensor_7" -> "244 linear_6" [label="(3072, 768)", style=solid]; "244 linear_6" -> "245 gelu_1" [label="(1, 197, 3072)", style=solid]; "245 gelu_1" -> "246 dropout_5" [label="(1, 197, 3072)", style=solid]; @@ -1241,7 +1241,7 @@ strict digraph { "250 scale_updated_constant8" -> "252 mul_tensor_8" [label="(768, 1)", style=solid]; "251 compressed_weight_updated_constant8" -> "252 mul_tensor_8" [label="(768, 3072)", style=solid]; "252 mul_tensor_8" -> "254 sub_tensor_8" [label="(768, 3072)", style=solid]; -"253 zero_point_updated_constant8" -> "254 sub_tensor_8" [label="(768, 1)", style=solid]; +"253 zero_point_updated_constant8" -> "254 sub_tensor_8" [label="(768, 1)", style=dashed]; "254 sub_tensor_8" -> "255 linear_7" [label="(768, 3072)", style=solid]; "255 linear_7" -> "256 dropout_6" [label="(1, 197, 768)", style=solid]; "256 dropout_6" -> "257 add_4" [label="(1, 197, 768)", style=solid]; @@ -1255,7 +1255,7 @@ strict digraph { "263 scale_updated_constant9" -> "265 mul_tensor_9" [label="(2304, 1)", style=solid]; "264 compressed_weight_updated_constant9" -> "265 mul_tensor_9" [label="(2304, 768)", style=solid]; "265 mul_tensor_9" -> "267 sub_tensor_9" [label="(2304, 768)", style=solid]; -"266 zero_point_updated_constant9" -> "267 sub_tensor_9" [label="(2304, 1)", style=solid]; +"266 zero_point_updated_constant9" -> "267 sub_tensor_9" [label="(2304, 1)", style=dashed]; "267 sub_tensor_9" -> "268 linear_8" [label="(2304, 768)", style=solid]; "268 linear_8" -> "269 unflatten_2" [label="(197, 1, 2304)", style=solid]; "269 unflatten_2" -> "270 unsqueeze_2" [label="(197, 1, 3, 768)", style=solid]; @@ -1290,7 +1290,7 @@ strict digraph { "296 scale_updated_constant10" -> "298 mul_tensor_10" [label="(768, 1)", style=solid]; "297 compressed_weight_updated_constant10" -> "298 mul_tensor_10" [label="(768, 768)", style=solid]; "298 mul_tensor_10" -> "300 sub_tensor_10" [label="(768, 768)", style=solid]; -"299 zero_point_updated_constant10" -> "300 sub_tensor_10" [label="(768, 1)", style=solid]; +"299 zero_point_updated_constant10" -> "300 sub_tensor_10" [label="(768, 1)", style=dashed]; "300 sub_tensor_10" -> "301 linear_9" [label="(768, 768)", style=solid]; "301 linear_9" -> "302 view_23" [label="(197, 768)", style=solid]; "302 view_23" -> "303 transpose_17" [label="(197, 1, 768)", style=solid]; @@ -1305,7 +1305,7 @@ strict digraph { "310 scale_updated_constant11" -> "312 mul_tensor_11" [label="(3072, 1)", style=solid]; "311 compressed_weight_updated_constant11" -> "312 mul_tensor_11" [label="(3072, 768)", style=solid]; "312 mul_tensor_11" -> "314 sub_tensor_11" [label="(3072, 768)", style=solid]; -"313 zero_point_updated_constant11" -> "314 sub_tensor_11" [label="(3072, 1)", style=solid]; +"313 zero_point_updated_constant11" -> "314 sub_tensor_11" [label="(3072, 1)", style=dashed]; "314 sub_tensor_11" -> "315 linear_10" [label="(3072, 768)", style=solid]; "315 linear_10" -> "316 gelu_2" [label="(1, 197, 3072)", style=solid]; "316 gelu_2" -> "317 dropout_8" [label="(1, 197, 3072)", style=solid]; @@ -1316,7 +1316,7 @@ strict digraph { "321 scale_updated_constant12" -> "323 mul_tensor_12" [label="(768, 1)", style=solid]; "322 compressed_weight_updated_constant12" -> "323 mul_tensor_12" [label="(768, 3072)", style=solid]; "323 mul_tensor_12" -> "325 sub_tensor_12" [label="(768, 3072)", style=solid]; -"324 zero_point_updated_constant12" -> "325 sub_tensor_12" [label="(768, 1)", style=solid]; +"324 zero_point_updated_constant12" -> "325 sub_tensor_12" [label="(768, 1)", style=dashed]; "325 sub_tensor_12" -> "326 linear_11" [label="(768, 3072)", style=solid]; "326 linear_11" -> "327 dropout_9" [label="(1, 197, 768)", style=solid]; "327 dropout_9" -> "328 add_6" [label="(1, 197, 768)", style=solid]; @@ -1330,7 +1330,7 @@ strict digraph { "334 scale_updated_constant13" -> "336 mul_tensor_13" [label="(2304, 1)", style=solid]; "335 compressed_weight_updated_constant13" -> "336 mul_tensor_13" [label="(2304, 768)", style=solid]; "336 mul_tensor_13" -> "338 sub_tensor_13" [label="(2304, 768)", style=solid]; -"337 zero_point_updated_constant13" -> "338 sub_tensor_13" [label="(2304, 1)", style=solid]; +"337 zero_point_updated_constant13" -> "338 sub_tensor_13" [label="(2304, 1)", style=dashed]; "338 sub_tensor_13" -> "339 linear_12" [label="(2304, 768)", style=solid]; "339 linear_12" -> "340 unflatten_3" [label="(197, 1, 2304)", style=solid]; "340 unflatten_3" -> "341 unsqueeze_3" [label="(197, 1, 3, 768)", style=solid]; @@ -1365,7 +1365,7 @@ strict digraph { "367 scale_updated_constant14" -> "369 mul_tensor_14" [label="(768, 1)", style=solid]; "368 compressed_weight_updated_constant14" -> "369 mul_tensor_14" [label="(768, 768)", style=solid]; "369 mul_tensor_14" -> "371 sub_tensor_14" [label="(768, 768)", style=solid]; -"370 zero_point_updated_constant14" -> "371 sub_tensor_14" [label="(768, 1)", style=solid]; +"370 zero_point_updated_constant14" -> "371 sub_tensor_14" [label="(768, 1)", style=dashed]; "371 sub_tensor_14" -> "372 linear_13" [label="(768, 768)", style=solid]; "372 linear_13" -> "373 view_31" [label="(197, 768)", style=solid]; "373 view_31" -> "374 transpose_23" [label="(197, 1, 768)", style=solid]; @@ -1380,7 +1380,7 @@ strict digraph { "381 scale_updated_constant15" -> "383 mul_tensor_15" [label="(3072, 1)", style=solid]; "382 compressed_weight_updated_constant15" -> "383 mul_tensor_15" [label="(3072, 768)", style=solid]; "383 mul_tensor_15" -> "385 sub_tensor_15" [label="(3072, 768)", style=solid]; -"384 zero_point_updated_constant15" -> "385 sub_tensor_15" [label="(3072, 1)", style=solid]; +"384 zero_point_updated_constant15" -> "385 sub_tensor_15" [label="(3072, 1)", style=dashed]; "385 sub_tensor_15" -> "386 linear_14" [label="(3072, 768)", style=solid]; "386 linear_14" -> "387 gelu_3" [label="(1, 197, 3072)", style=solid]; "387 gelu_3" -> "388 dropout_11" [label="(1, 197, 3072)", style=solid]; @@ -1391,7 +1391,7 @@ strict digraph { "392 scale_updated_constant16" -> "394 mul_tensor_16" [label="(768, 1)", style=solid]; "393 compressed_weight_updated_constant16" -> "394 mul_tensor_16" [label="(768, 3072)", style=solid]; "394 mul_tensor_16" -> "396 sub_tensor_16" [label="(768, 3072)", style=solid]; -"395 zero_point_updated_constant16" -> "396 sub_tensor_16" [label="(768, 1)", style=solid]; +"395 zero_point_updated_constant16" -> "396 sub_tensor_16" [label="(768, 1)", style=dashed]; "396 sub_tensor_16" -> "397 linear_15" [label="(768, 3072)", style=solid]; "397 linear_15" -> "398 dropout_12" [label="(1, 197, 768)", style=solid]; "398 dropout_12" -> "399 add_8" [label="(1, 197, 768)", style=solid]; @@ -1405,7 +1405,7 @@ strict digraph { "405 scale_updated_constant17" -> "407 mul_tensor_17" [label="(2304, 1)", style=solid]; "406 compressed_weight_updated_constant17" -> "407 mul_tensor_17" [label="(2304, 768)", style=solid]; "407 mul_tensor_17" -> "409 sub_tensor_17" [label="(2304, 768)", style=solid]; -"408 zero_point_updated_constant17" -> "409 sub_tensor_17" [label="(2304, 1)", style=solid]; +"408 zero_point_updated_constant17" -> "409 sub_tensor_17" [label="(2304, 1)", style=dashed]; "409 sub_tensor_17" -> "410 linear_16" [label="(2304, 768)", style=solid]; "410 linear_16" -> "411 unflatten_4" [label="(197, 1, 2304)", style=solid]; "411 unflatten_4" -> "412 unsqueeze_4" [label="(197, 1, 3, 768)", style=solid]; @@ -1440,7 +1440,7 @@ strict digraph { "438 scale_updated_constant18" -> "440 mul_tensor_18" [label="(768, 1)", style=solid]; "439 compressed_weight_updated_constant18" -> "440 mul_tensor_18" [label="(768, 768)", style=solid]; "440 mul_tensor_18" -> "442 sub_tensor_18" [label="(768, 768)", style=solid]; -"441 zero_point_updated_constant18" -> "442 sub_tensor_18" [label="(768, 1)", style=solid]; +"441 zero_point_updated_constant18" -> "442 sub_tensor_18" [label="(768, 1)", style=dashed]; "442 sub_tensor_18" -> "443 linear_17" [label="(768, 768)", style=solid]; "443 linear_17" -> "444 view_39" [label="(197, 768)", style=solid]; "444 view_39" -> "445 transpose_29" [label="(197, 1, 768)", style=solid]; @@ -1455,7 +1455,7 @@ strict digraph { "452 scale_updated_constant19" -> "454 mul_tensor_19" [label="(3072, 1)", style=solid]; "453 compressed_weight_updated_constant19" -> "454 mul_tensor_19" [label="(3072, 768)", style=solid]; "454 mul_tensor_19" -> "456 sub_tensor_19" [label="(3072, 768)", style=solid]; -"455 zero_point_updated_constant19" -> "456 sub_tensor_19" [label="(3072, 1)", style=solid]; +"455 zero_point_updated_constant19" -> "456 sub_tensor_19" [label="(3072, 1)", style=dashed]; "456 sub_tensor_19" -> "457 linear_18" [label="(3072, 768)", style=solid]; "457 linear_18" -> "458 gelu_4" [label="(1, 197, 3072)", style=solid]; "458 gelu_4" -> "459 dropout_14" [label="(1, 197, 3072)", style=solid]; @@ -1466,7 +1466,7 @@ strict digraph { "463 scale_updated_constant20" -> "465 mul_tensor_20" [label="(768, 1)", style=solid]; "464 compressed_weight_updated_constant20" -> "465 mul_tensor_20" [label="(768, 3072)", style=solid]; "465 mul_tensor_20" -> "467 sub_tensor_20" [label="(768, 3072)", style=solid]; -"466 zero_point_updated_constant20" -> "467 sub_tensor_20" [label="(768, 1)", style=solid]; +"466 zero_point_updated_constant20" -> "467 sub_tensor_20" [label="(768, 1)", style=dashed]; "467 sub_tensor_20" -> "468 linear_19" [label="(768, 3072)", style=solid]; "468 linear_19" -> "469 dropout_15" [label="(1, 197, 768)", style=solid]; "469 dropout_15" -> "470 add_10" [label="(1, 197, 768)", style=solid]; @@ -1480,7 +1480,7 @@ strict digraph { "476 scale_updated_constant21" -> "478 mul_tensor_21" [label="(2304, 1)", style=solid]; "477 compressed_weight_updated_constant21" -> "478 mul_tensor_21" [label="(2304, 768)", style=solid]; "478 mul_tensor_21" -> "480 sub_tensor_21" [label="(2304, 768)", style=solid]; -"479 zero_point_updated_constant21" -> "480 sub_tensor_21" [label="(2304, 1)", style=solid]; +"479 zero_point_updated_constant21" -> "480 sub_tensor_21" [label="(2304, 1)", style=dashed]; "480 sub_tensor_21" -> "481 linear_20" [label="(2304, 768)", style=solid]; "481 linear_20" -> "482 unflatten_5" [label="(197, 1, 2304)", style=solid]; "482 unflatten_5" -> "483 unsqueeze_5" [label="(197, 1, 3, 768)", style=solid]; @@ -1515,7 +1515,7 @@ strict digraph { "509 scale_updated_constant22" -> "511 mul_tensor_22" [label="(768, 1)", style=solid]; "510 compressed_weight_updated_constant22" -> "511 mul_tensor_22" [label="(768, 768)", style=solid]; "511 mul_tensor_22" -> "513 sub_tensor_22" [label="(768, 768)", style=solid]; -"512 zero_point_updated_constant22" -> "513 sub_tensor_22" [label="(768, 1)", style=solid]; +"512 zero_point_updated_constant22" -> "513 sub_tensor_22" [label="(768, 1)", style=dashed]; "513 sub_tensor_22" -> "514 linear_21" [label="(768, 768)", style=solid]; "514 linear_21" -> "515 view_47" [label="(197, 768)", style=solid]; "515 view_47" -> "516 transpose_35" [label="(197, 1, 768)", style=solid]; @@ -1530,7 +1530,7 @@ strict digraph { "523 scale_updated_constant23" -> "525 mul_tensor_23" [label="(3072, 1)", style=solid]; "524 compressed_weight_updated_constant23" -> "525 mul_tensor_23" [label="(3072, 768)", style=solid]; "525 mul_tensor_23" -> "527 sub_tensor_23" [label="(3072, 768)", style=solid]; -"526 zero_point_updated_constant23" -> "527 sub_tensor_23" [label="(3072, 1)", style=solid]; +"526 zero_point_updated_constant23" -> "527 sub_tensor_23" [label="(3072, 1)", style=dashed]; "527 sub_tensor_23" -> "528 linear_22" [label="(3072, 768)", style=solid]; "528 linear_22" -> "529 gelu_5" [label="(1, 197, 3072)", style=solid]; "529 gelu_5" -> "530 dropout_17" [label="(1, 197, 3072)", style=solid]; @@ -1541,7 +1541,7 @@ strict digraph { "534 scale_updated_constant24" -> "536 mul_tensor_24" [label="(768, 1)", style=solid]; "535 compressed_weight_updated_constant24" -> "536 mul_tensor_24" [label="(768, 3072)", style=solid]; "536 mul_tensor_24" -> "538 sub_tensor_24" [label="(768, 3072)", style=solid]; -"537 zero_point_updated_constant24" -> "538 sub_tensor_24" [label="(768, 1)", style=solid]; +"537 zero_point_updated_constant24" -> "538 sub_tensor_24" [label="(768, 1)", style=dashed]; "538 sub_tensor_24" -> "539 linear_23" [label="(768, 3072)", style=solid]; "539 linear_23" -> "540 dropout_18" [label="(1, 197, 768)", style=solid]; "540 dropout_18" -> "541 add_12" [label="(1, 197, 768)", style=solid]; @@ -1555,7 +1555,7 @@ strict digraph { "547 scale_updated_constant25" -> "549 mul_tensor_25" [label="(2304, 1)", style=solid]; "548 compressed_weight_updated_constant25" -> "549 mul_tensor_25" [label="(2304, 768)", style=solid]; "549 mul_tensor_25" -> "551 sub_tensor_25" [label="(2304, 768)", style=solid]; -"550 zero_point_updated_constant25" -> "551 sub_tensor_25" [label="(2304, 1)", style=solid]; +"550 zero_point_updated_constant25" -> "551 sub_tensor_25" [label="(2304, 1)", style=dashed]; "551 sub_tensor_25" -> "552 linear_24" [label="(2304, 768)", style=solid]; "552 linear_24" -> "553 unflatten_6" [label="(197, 1, 2304)", style=solid]; "553 unflatten_6" -> "554 unsqueeze_6" [label="(197, 1, 3, 768)", style=solid]; @@ -1590,7 +1590,7 @@ strict digraph { "580 scale_updated_constant26" -> "582 mul_tensor_26" [label="(768, 1)", style=solid]; "581 compressed_weight_updated_constant26" -> "582 mul_tensor_26" [label="(768, 768)", style=solid]; "582 mul_tensor_26" -> "584 sub_tensor_26" [label="(768, 768)", style=solid]; -"583 zero_point_updated_constant26" -> "584 sub_tensor_26" [label="(768, 1)", style=solid]; +"583 zero_point_updated_constant26" -> "584 sub_tensor_26" [label="(768, 1)", style=dashed]; "584 sub_tensor_26" -> "585 linear_25" [label="(768, 768)", style=solid]; "585 linear_25" -> "586 view_55" [label="(197, 768)", style=solid]; "586 view_55" -> "587 transpose_41" [label="(197, 1, 768)", style=solid]; @@ -1605,7 +1605,7 @@ strict digraph { "594 scale_updated_constant27" -> "596 mul_tensor_27" [label="(3072, 1)", style=solid]; "595 compressed_weight_updated_constant27" -> "596 mul_tensor_27" [label="(3072, 768)", style=solid]; "596 mul_tensor_27" -> "598 sub_tensor_27" [label="(3072, 768)", style=solid]; -"597 zero_point_updated_constant27" -> "598 sub_tensor_27" [label="(3072, 1)", style=solid]; +"597 zero_point_updated_constant27" -> "598 sub_tensor_27" [label="(3072, 1)", style=dashed]; "598 sub_tensor_27" -> "599 linear_26" [label="(3072, 768)", style=solid]; "599 linear_26" -> "600 gelu_6" [label="(1, 197, 3072)", style=solid]; "600 gelu_6" -> "601 dropout_20" [label="(1, 197, 3072)", style=solid]; @@ -1616,7 +1616,7 @@ strict digraph { "605 scale_updated_constant28" -> "607 mul_tensor_28" [label="(768, 1)", style=solid]; "606 compressed_weight_updated_constant28" -> "607 mul_tensor_28" [label="(768, 3072)", style=solid]; "607 mul_tensor_28" -> "609 sub_tensor_28" [label="(768, 3072)", style=solid]; -"608 zero_point_updated_constant28" -> "609 sub_tensor_28" [label="(768, 1)", style=solid]; +"608 zero_point_updated_constant28" -> "609 sub_tensor_28" [label="(768, 1)", style=dashed]; "609 sub_tensor_28" -> "610 linear_27" [label="(768, 3072)", style=solid]; "610 linear_27" -> "611 dropout_21" [label="(1, 197, 768)", style=solid]; "611 dropout_21" -> "612 add_14" [label="(1, 197, 768)", style=solid]; @@ -1630,7 +1630,7 @@ strict digraph { "618 scale_updated_constant29" -> "620 mul_tensor_29" [label="(2304, 1)", style=solid]; "619 compressed_weight_updated_constant29" -> "620 mul_tensor_29" [label="(2304, 768)", style=solid]; "620 mul_tensor_29" -> "622 sub_tensor_29" [label="(2304, 768)", style=solid]; -"621 zero_point_updated_constant29" -> "622 sub_tensor_29" [label="(2304, 1)", style=solid]; +"621 zero_point_updated_constant29" -> "622 sub_tensor_29" [label="(2304, 1)", style=dashed]; "622 sub_tensor_29" -> "623 linear_28" [label="(2304, 768)", style=solid]; "623 linear_28" -> "624 unflatten_7" [label="(197, 1, 2304)", style=solid]; "624 unflatten_7" -> "625 unsqueeze_7" [label="(197, 1, 3, 768)", style=solid]; @@ -1665,7 +1665,7 @@ strict digraph { "651 scale_updated_constant30" -> "653 mul_tensor_30" [label="(768, 1)", style=solid]; "652 compressed_weight_updated_constant30" -> "653 mul_tensor_30" [label="(768, 768)", style=solid]; "653 mul_tensor_30" -> "655 sub_tensor_30" [label="(768, 768)", style=solid]; -"654 zero_point_updated_constant30" -> "655 sub_tensor_30" [label="(768, 1)", style=solid]; +"654 zero_point_updated_constant30" -> "655 sub_tensor_30" [label="(768, 1)", style=dashed]; "655 sub_tensor_30" -> "656 linear_29" [label="(768, 768)", style=solid]; "656 linear_29" -> "657 view_63" [label="(197, 768)", style=solid]; "657 view_63" -> "658 transpose_47" [label="(197, 1, 768)", style=solid]; @@ -1680,7 +1680,7 @@ strict digraph { "665 scale_updated_constant31" -> "667 mul_tensor_31" [label="(3072, 1)", style=solid]; "666 compressed_weight_updated_constant31" -> "667 mul_tensor_31" [label="(3072, 768)", style=solid]; "667 mul_tensor_31" -> "669 sub_tensor_31" [label="(3072, 768)", style=solid]; -"668 zero_point_updated_constant31" -> "669 sub_tensor_31" [label="(3072, 1)", style=solid]; +"668 zero_point_updated_constant31" -> "669 sub_tensor_31" [label="(3072, 1)", style=dashed]; "669 sub_tensor_31" -> "670 linear_30" [label="(3072, 768)", style=solid]; "670 linear_30" -> "671 gelu_7" [label="(1, 197, 3072)", style=solid]; "671 gelu_7" -> "672 dropout_23" [label="(1, 197, 3072)", style=solid]; @@ -1691,7 +1691,7 @@ strict digraph { "676 scale_updated_constant32" -> "678 mul_tensor_32" [label="(768, 1)", style=solid]; "677 compressed_weight_updated_constant32" -> "678 mul_tensor_32" [label="(768, 3072)", style=solid]; "678 mul_tensor_32" -> "680 sub_tensor_32" [label="(768, 3072)", style=solid]; -"679 zero_point_updated_constant32" -> "680 sub_tensor_32" [label="(768, 1)", style=solid]; +"679 zero_point_updated_constant32" -> "680 sub_tensor_32" [label="(768, 1)", style=dashed]; "680 sub_tensor_32" -> "681 linear_31" [label="(768, 3072)", style=solid]; "681 linear_31" -> "682 dropout_24" [label="(1, 197, 768)", style=solid]; "682 dropout_24" -> "683 add_16" [label="(1, 197, 768)", style=solid]; @@ -1705,7 +1705,7 @@ strict digraph { "689 scale_updated_constant33" -> "691 mul_tensor_33" [label="(2304, 1)", style=solid]; "690 compressed_weight_updated_constant33" -> "691 mul_tensor_33" [label="(2304, 768)", style=solid]; "691 mul_tensor_33" -> "693 sub_tensor_33" [label="(2304, 768)", style=solid]; -"692 zero_point_updated_constant33" -> "693 sub_tensor_33" [label="(2304, 1)", style=solid]; +"692 zero_point_updated_constant33" -> "693 sub_tensor_33" [label="(2304, 1)", style=dashed]; "693 sub_tensor_33" -> "694 linear_32" [label="(2304, 768)", style=solid]; "694 linear_32" -> "695 unflatten_8" [label="(197, 1, 2304)", style=solid]; "695 unflatten_8" -> "696 unsqueeze_8" [label="(197, 1, 3, 768)", style=solid]; @@ -1740,7 +1740,7 @@ strict digraph { "722 scale_updated_constant34" -> "724 mul_tensor_34" [label="(768, 1)", style=solid]; "723 compressed_weight_updated_constant34" -> "724 mul_tensor_34" [label="(768, 768)", style=solid]; "724 mul_tensor_34" -> "726 sub_tensor_34" [label="(768, 768)", style=solid]; -"725 zero_point_updated_constant34" -> "726 sub_tensor_34" [label="(768, 1)", style=solid]; +"725 zero_point_updated_constant34" -> "726 sub_tensor_34" [label="(768, 1)", style=dashed]; "726 sub_tensor_34" -> "727 linear_33" [label="(768, 768)", style=solid]; "727 linear_33" -> "728 view_71" [label="(197, 768)", style=solid]; "728 view_71" -> "729 transpose_53" [label="(197, 1, 768)", style=solid]; @@ -1755,7 +1755,7 @@ strict digraph { "736 scale_updated_constant35" -> "738 mul_tensor_35" [label="(3072, 1)", style=solid]; "737 compressed_weight_updated_constant35" -> "738 mul_tensor_35" [label="(3072, 768)", style=solid]; "738 mul_tensor_35" -> "740 sub_tensor_35" [label="(3072, 768)", style=solid]; -"739 zero_point_updated_constant35" -> "740 sub_tensor_35" [label="(3072, 1)", style=solid]; +"739 zero_point_updated_constant35" -> "740 sub_tensor_35" [label="(3072, 1)", style=dashed]; "740 sub_tensor_35" -> "741 linear_34" [label="(3072, 768)", style=solid]; "741 linear_34" -> "742 gelu_8" [label="(1, 197, 3072)", style=solid]; "742 gelu_8" -> "743 dropout_26" [label="(1, 197, 3072)", style=solid]; @@ -1766,7 +1766,7 @@ strict digraph { "747 scale_updated_constant36" -> "749 mul_tensor_36" [label="(768, 1)", style=solid]; "748 compressed_weight_updated_constant36" -> "749 mul_tensor_36" [label="(768, 3072)", style=solid]; "749 mul_tensor_36" -> "751 sub_tensor_36" [label="(768, 3072)", style=solid]; -"750 zero_point_updated_constant36" -> "751 sub_tensor_36" [label="(768, 1)", style=solid]; +"750 zero_point_updated_constant36" -> "751 sub_tensor_36" [label="(768, 1)", style=dashed]; "751 sub_tensor_36" -> "752 linear_35" [label="(768, 3072)", style=solid]; "752 linear_35" -> "753 dropout_27" [label="(1, 197, 768)", style=solid]; "753 dropout_27" -> "754 add_18" [label="(1, 197, 768)", style=solid]; @@ -1780,7 +1780,7 @@ strict digraph { "760 scale_updated_constant37" -> "762 mul_tensor_37" [label="(2304, 1)", style=solid]; "761 compressed_weight_updated_constant37" -> "762 mul_tensor_37" [label="(2304, 768)", style=solid]; "762 mul_tensor_37" -> "764 sub_tensor_37" [label="(2304, 768)", style=solid]; -"763 zero_point_updated_constant37" -> "764 sub_tensor_37" [label="(2304, 1)", style=solid]; +"763 zero_point_updated_constant37" -> "764 sub_tensor_37" [label="(2304, 1)", style=dashed]; "764 sub_tensor_37" -> "765 linear_36" [label="(2304, 768)", style=solid]; "765 linear_36" -> "766 unflatten_9" [label="(197, 1, 2304)", style=solid]; "766 unflatten_9" -> "767 unsqueeze_9" [label="(197, 1, 3, 768)", style=solid]; @@ -1815,7 +1815,7 @@ strict digraph { "793 scale_updated_constant38" -> "795 mul_tensor_38" [label="(768, 1)", style=solid]; "794 compressed_weight_updated_constant38" -> "795 mul_tensor_38" [label="(768, 768)", style=solid]; "795 mul_tensor_38" -> "797 sub_tensor_38" [label="(768, 768)", style=solid]; -"796 zero_point_updated_constant38" -> "797 sub_tensor_38" [label="(768, 1)", style=solid]; +"796 zero_point_updated_constant38" -> "797 sub_tensor_38" [label="(768, 1)", style=dashed]; "797 sub_tensor_38" -> "798 linear_37" [label="(768, 768)", style=solid]; "798 linear_37" -> "799 view_79" [label="(197, 768)", style=solid]; "799 view_79" -> "800 transpose_59" [label="(197, 1, 768)", style=solid]; @@ -1830,7 +1830,7 @@ strict digraph { "807 scale_updated_constant39" -> "809 mul_tensor_39" [label="(3072, 1)", style=solid]; "808 compressed_weight_updated_constant39" -> "809 mul_tensor_39" [label="(3072, 768)", style=solid]; "809 mul_tensor_39" -> "811 sub_tensor_39" [label="(3072, 768)", style=solid]; -"810 zero_point_updated_constant39" -> "811 sub_tensor_39" [label="(3072, 1)", style=solid]; +"810 zero_point_updated_constant39" -> "811 sub_tensor_39" [label="(3072, 1)", style=dashed]; "811 sub_tensor_39" -> "812 linear_38" [label="(3072, 768)", style=solid]; "812 linear_38" -> "813 gelu_9" [label="(1, 197, 3072)", style=solid]; "813 gelu_9" -> "814 dropout_29" [label="(1, 197, 3072)", style=solid]; @@ -1841,7 +1841,7 @@ strict digraph { "818 scale_updated_constant40" -> "820 mul_tensor_40" [label="(768, 1)", style=solid]; "819 compressed_weight_updated_constant40" -> "820 mul_tensor_40" [label="(768, 3072)", style=solid]; "820 mul_tensor_40" -> "822 sub_tensor_40" [label="(768, 3072)", style=solid]; -"821 zero_point_updated_constant40" -> "822 sub_tensor_40" [label="(768, 1)", style=solid]; +"821 zero_point_updated_constant40" -> "822 sub_tensor_40" [label="(768, 1)", style=dashed]; "822 sub_tensor_40" -> "823 linear_39" [label="(768, 3072)", style=solid]; "823 linear_39" -> "824 dropout_30" [label="(1, 197, 768)", style=solid]; "824 dropout_30" -> "825 add_20" [label="(1, 197, 768)", style=solid]; @@ -1855,7 +1855,7 @@ strict digraph { "831 scale_updated_constant41" -> "833 mul_tensor_41" [label="(2304, 1)", style=solid]; "832 compressed_weight_updated_constant41" -> "833 mul_tensor_41" [label="(2304, 768)", style=solid]; "833 mul_tensor_41" -> "835 sub_tensor_41" [label="(2304, 768)", style=solid]; -"834 zero_point_updated_constant41" -> "835 sub_tensor_41" [label="(2304, 1)", style=solid]; +"834 zero_point_updated_constant41" -> "835 sub_tensor_41" [label="(2304, 1)", style=dashed]; "835 sub_tensor_41" -> "836 linear_40" [label="(2304, 768)", style=solid]; "836 linear_40" -> "837 unflatten_10" [label="(197, 1, 2304)", style=solid]; "837 unflatten_10" -> "838 unsqueeze_10" [label="(197, 1, 3, 768)", style=solid]; @@ -1890,7 +1890,7 @@ strict digraph { "864 scale_updated_constant42" -> "866 mul_tensor_42" [label="(768, 1)", style=solid]; "865 compressed_weight_updated_constant42" -> "866 mul_tensor_42" [label="(768, 768)", style=solid]; "866 mul_tensor_42" -> "868 sub_tensor_42" [label="(768, 768)", style=solid]; -"867 zero_point_updated_constant42" -> "868 sub_tensor_42" [label="(768, 1)", style=solid]; +"867 zero_point_updated_constant42" -> "868 sub_tensor_42" [label="(768, 1)", style=dashed]; "868 sub_tensor_42" -> "869 linear_41" [label="(768, 768)", style=solid]; "869 linear_41" -> "870 view_87" [label="(197, 768)", style=solid]; "870 view_87" -> "871 transpose_65" [label="(197, 1, 768)", style=solid]; @@ -1905,7 +1905,7 @@ strict digraph { "878 scale_updated_constant43" -> "880 mul_tensor_43" [label="(3072, 1)", style=solid]; "879 compressed_weight_updated_constant43" -> "880 mul_tensor_43" [label="(3072, 768)", style=solid]; "880 mul_tensor_43" -> "882 sub_tensor_43" [label="(3072, 768)", style=solid]; -"881 zero_point_updated_constant43" -> "882 sub_tensor_43" [label="(3072, 1)", style=solid]; +"881 zero_point_updated_constant43" -> "882 sub_tensor_43" [label="(3072, 1)", style=dashed]; "882 sub_tensor_43" -> "883 linear_42" [label="(3072, 768)", style=solid]; "883 linear_42" -> "884 gelu_10" [label="(1, 197, 3072)", style=solid]; "884 gelu_10" -> "885 dropout_32" [label="(1, 197, 3072)", style=solid]; @@ -1916,7 +1916,7 @@ strict digraph { "889 scale_updated_constant44" -> "891 mul_tensor_44" [label="(768, 1)", style=solid]; "890 compressed_weight_updated_constant44" -> "891 mul_tensor_44" [label="(768, 3072)", style=solid]; "891 mul_tensor_44" -> "893 sub_tensor_44" [label="(768, 3072)", style=solid]; -"892 zero_point_updated_constant44" -> "893 sub_tensor_44" [label="(768, 1)", style=solid]; +"892 zero_point_updated_constant44" -> "893 sub_tensor_44" [label="(768, 1)", style=dashed]; "893 sub_tensor_44" -> "894 linear_43" [label="(768, 3072)", style=solid]; "894 linear_43" -> "895 dropout_33" [label="(1, 197, 768)", style=solid]; "895 dropout_33" -> "896 add_22" [label="(1, 197, 768)", style=solid]; @@ -1930,7 +1930,7 @@ strict digraph { "902 scale_updated_constant45" -> "904 mul_tensor_45" [label="(2304, 1)", style=solid]; "903 compressed_weight_updated_constant45" -> "904 mul_tensor_45" [label="(2304, 768)", style=solid]; "904 mul_tensor_45" -> "906 sub_tensor_45" [label="(2304, 768)", style=solid]; -"905 zero_point_updated_constant45" -> "906 sub_tensor_45" [label="(2304, 1)", style=solid]; +"905 zero_point_updated_constant45" -> "906 sub_tensor_45" [label="(2304, 1)", style=dashed]; "906 sub_tensor_45" -> "907 linear_44" [label="(2304, 768)", style=solid]; "907 linear_44" -> "908 unflatten_11" [label="(197, 1, 2304)", style=solid]; "908 unflatten_11" -> "909 unsqueeze_11" [label="(197, 1, 3, 768)", style=solid]; @@ -1965,7 +1965,7 @@ strict digraph { "935 scale_updated_constant46" -> "937 mul_tensor_46" [label="(768, 1)", style=solid]; "936 compressed_weight_updated_constant46" -> "937 mul_tensor_46" [label="(768, 768)", style=solid]; "937 mul_tensor_46" -> "939 sub_tensor_46" [label="(768, 768)", style=solid]; -"938 zero_point_updated_constant46" -> "939 sub_tensor_46" [label="(768, 1)", style=solid]; +"938 zero_point_updated_constant46" -> "939 sub_tensor_46" [label="(768, 1)", style=dashed]; "939 sub_tensor_46" -> "940 linear_45" [label="(768, 768)", style=solid]; "940 linear_45" -> "941 view_95" [label="(197, 768)", style=solid]; "941 view_95" -> "942 transpose_71" [label="(197, 1, 768)", style=solid]; @@ -1980,7 +1980,7 @@ strict digraph { "949 scale_updated_constant47" -> "951 mul_tensor_47" [label="(3072, 1)", style=solid]; "950 compressed_weight_updated_constant47" -> "951 mul_tensor_47" [label="(3072, 768)", style=solid]; "951 mul_tensor_47" -> "953 sub_tensor_47" [label="(3072, 768)", style=solid]; -"952 zero_point_updated_constant47" -> "953 sub_tensor_47" [label="(3072, 1)", style=solid]; +"952 zero_point_updated_constant47" -> "953 sub_tensor_47" [label="(3072, 1)", style=dashed]; "953 sub_tensor_47" -> "954 linear_46" [label="(3072, 768)", style=solid]; "954 linear_46" -> "955 gelu_11" [label="(1, 197, 3072)", style=solid]; "955 gelu_11" -> "956 dropout_35" [label="(1, 197, 3072)", style=solid]; @@ -1991,7 +1991,7 @@ strict digraph { "960 scale_updated_constant48" -> "962 mul_tensor_48" [label="(768, 1)", style=solid]; "961 compressed_weight_updated_constant48" -> "962 mul_tensor_48" [label="(768, 3072)", style=solid]; "962 mul_tensor_48" -> "964 sub_tensor_48" [label="(768, 3072)", style=solid]; -"963 zero_point_updated_constant48" -> "964 sub_tensor_48" [label="(768, 1)", style=solid]; +"963 zero_point_updated_constant48" -> "964 sub_tensor_48" [label="(768, 1)", style=dashed]; "964 sub_tensor_48" -> "965 linear_47" [label="(768, 3072)", style=solid]; "965 linear_47" -> "966 dropout_36" [label="(1, 197, 768)", style=solid]; "966 dropout_36" -> "967 add_24" [label="(1, 197, 768)", style=solid]; @@ -2005,7 +2005,7 @@ strict digraph { "974 scale_updated_constant49" -> "976 mul_tensor_49" [label="(1000, 1)", style=solid]; "975 compressed_weight_updated_constant49" -> "976 mul_tensor_49" [label="(1000, 768)", style=solid]; "976 mul_tensor_49" -> "978 sub_tensor_49" [label="(1000, 768)", style=solid]; -"977 zero_point_updated_constant49" -> "978 sub_tensor_49" [label="(1000, 1)", style=solid]; +"977 zero_point_updated_constant49" -> "978 sub_tensor_49" [label="(1000, 1)", style=dashed]; "978 sub_tensor_49" -> "979 linear_48" [label="(1000, 768)", style=solid]; "979 linear_48" -> "980 output" [label="(1, 1000)", style=solid]; } diff --git a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/yolo11n_sdpa_block.dot b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/yolo11n_sdpa_block.dot index c349bc361b7..236d62be5c1 100644 --- a/tests/torch/data/reference_graphs/fx/post_quantization_compressed/yolo11n_sdpa_block.dot +++ b/tests/torch/data/reference_graphs/fx/post_quantization_compressed/yolo11n_sdpa_block.dot @@ -36,7 +36,7 @@ strict digraph { "4 scale_updated_constant0" -> "6 mul_tensor" [label="(12, 1)", style=solid]; "5 compressed_weight_updated_constant0" -> "6 mul_tensor" [label="(12, 4)", style=solid]; "6 mul_tensor" -> "8 sub_tensor" [label="(12, 4)", style=solid]; -"7 zero_point_updated_constant0" -> "8 sub_tensor" [label="(12, 1)", style=solid]; +"7 zero_point_updated_constant0" -> "8 sub_tensor" [label="(12, 1)", style=dashed]; "8 sub_tensor" -> "9 linear" [label="(12, 4)", style=solid]; "9 linear" -> "10 quantize_per_tensor_default_1" [label="(1, 2, 12)", style=solid]; "9 linear" -> "15 quantize_per_tensor_default_2" [label="(1, 2, 12)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/quantized/mobilenet_v3_small.dot b/tests/torch/data/reference_graphs/fx/quantized/mobilenet_v3_small.dot index 808d3cf801d..a23109b16a1 100644 --- a/tests/torch/data/reference_graphs/fx/quantized/mobilenet_v3_small.dot +++ b/tests/torch/data/reference_graphs/fx/quantized/mobilenet_v3_small.dot @@ -579,24 +579,24 @@ strict digraph { "41 features_0_0_weight_bias" -> "47 conv2d" [label="(16,)", style=solid]; "42 conv2d_scale_0" -> "45 quantize_per_channel_default" [label="(16,)", style=solid]; "42 conv2d_scale_0" -> "46 dequantize_per_channel_default" [label="(16,)", style=solid]; -"43 conv2d_zero_point_0" -> "45 quantize_per_channel_default" [label="(16,)", style=solid]; -"43 conv2d_zero_point_0" -> "46 dequantize_per_channel_default" [label="(16,)", style=solid]; +"43 conv2d_zero_point_0" -> "45 quantize_per_channel_default" [label="(16,)", style=dashed]; +"43 conv2d_zero_point_0" -> "46 dequantize_per_channel_default" [label="(16,)", style=dashed]; "44 compressed_weight_updated_constant0" -> "45 quantize_per_channel_default" [label="(16, 3, 3, 3)", style=solid]; "45 quantize_per_channel_default" -> "46 dequantize_per_channel_default" [label="(16, 3, 3, 3)", style=solid]; "46 dequantize_per_channel_default" -> "47 conv2d" [label="(16, 3, 3, 3)", style=solid]; "47 conv2d" -> "50 hardswish_" [label="(1, 16, 112, 112)", style=solid]; "48 hardswish__scale_0" -> "51 quantize_per_channel_default_1" [label="(16,)", style=solid]; "48 hardswish__scale_0" -> "52 dequantize_per_channel_default_1" [label="(16,)", style=solid]; -"49 hardswish__zero_point_0" -> "51 quantize_per_channel_default_1" [label="(16,)", style=solid]; -"49 hardswish__zero_point_0" -> "52 dequantize_per_channel_default_1" [label="(16,)", style=solid]; +"49 hardswish__zero_point_0" -> "51 quantize_per_channel_default_1" [label="(16,)", style=dashed]; +"49 hardswish__zero_point_0" -> "52 dequantize_per_channel_default_1" [label="(16,)", style=dashed]; "50 hardswish_" -> "51 quantize_per_channel_default_1" [label="(1, 16, 112, 112)", style=solid]; "51 quantize_per_channel_default_1" -> "52 dequantize_per_channel_default_1" [label="(1, 16, 112, 112)", style=solid]; "52 dequantize_per_channel_default_1" -> "59 conv2d_1" [label="(1, 16, 112, 112)", style=solid]; "53 features_1_block_0_0_weight_bias" -> "59 conv2d_1" [label="(16,)", style=solid]; "54 conv2d_1_scale_0" -> "57 quantize_per_channel_default_2" [label="(16,)", style=solid]; "54 conv2d_1_scale_0" -> "58 dequantize_per_channel_default_2" [label="(16,)", style=solid]; -"55 conv2d_1_zero_point_0" -> "57 quantize_per_channel_default_2" [label="(16,)", style=solid]; -"55 conv2d_1_zero_point_0" -> "58 dequantize_per_channel_default_2" [label="(16,)", style=solid]; +"55 conv2d_1_zero_point_0" -> "57 quantize_per_channel_default_2" [label="(16,)", style=dashed]; +"55 conv2d_1_zero_point_0" -> "58 dequantize_per_channel_default_2" [label="(16,)", style=dashed]; "56 compressed_weight_updated_constant1" -> "57 quantize_per_channel_default_2" [label="(16, 1, 3, 3)", style=solid]; "57 quantize_per_channel_default_2" -> "58 dequantize_per_channel_default_2" [label="(16, 1, 3, 3)", style=solid]; "58 dequantize_per_channel_default_2" -> "59 conv2d_1" [label="(16, 1, 3, 3)", style=solid]; @@ -619,8 +619,8 @@ strict digraph { "74 features_1_block_2_0_weight_bias" -> "80 conv2d_4" [label="(16,)", style=solid]; "75 conv2d_4_scale_0" -> "78 quantize_per_channel_default_3" [label="(16,)", style=solid]; "75 conv2d_4_scale_0" -> "79 dequantize_per_channel_default_3" [label="(16,)", style=solid]; -"76 conv2d_4_zero_point_0" -> "78 quantize_per_channel_default_3" [label="(16,)", style=solid]; -"76 conv2d_4_zero_point_0" -> "79 dequantize_per_channel_default_3" [label="(16,)", style=solid]; +"76 conv2d_4_zero_point_0" -> "78 quantize_per_channel_default_3" [label="(16,)", style=dashed]; +"76 conv2d_4_zero_point_0" -> "79 dequantize_per_channel_default_3" [label="(16,)", style=dashed]; "77 compressed_weight_updated_constant2" -> "78 quantize_per_channel_default_3" [label="(16, 16, 1, 1)", style=solid]; "78 quantize_per_channel_default_3" -> "79 dequantize_per_channel_default_3" [label="(16, 16, 1, 1)", style=solid]; "79 dequantize_per_channel_default_3" -> "80 conv2d_4" [label="(16, 16, 1, 1)", style=solid]; @@ -630,24 +630,24 @@ strict digraph { "83 features_2_block_0_0_weight_bias" -> "89 conv2d_5" [label="(72,)", style=solid]; "84 conv2d_5_scale_0" -> "87 quantize_per_channel_default_4" [label="(72,)", style=solid]; "84 conv2d_5_scale_0" -> "88 dequantize_per_channel_default_4" [label="(72,)", style=solid]; -"85 conv2d_5_zero_point_0" -> "87 quantize_per_channel_default_4" [label="(72,)", style=solid]; -"85 conv2d_5_zero_point_0" -> "88 dequantize_per_channel_default_4" [label="(72,)", style=solid]; +"85 conv2d_5_zero_point_0" -> "87 quantize_per_channel_default_4" [label="(72,)", style=dashed]; +"85 conv2d_5_zero_point_0" -> "88 dequantize_per_channel_default_4" [label="(72,)", style=dashed]; "86 compressed_weight_updated_constant3" -> "87 quantize_per_channel_default_4" [label="(72, 16, 1, 1)", style=solid]; "87 quantize_per_channel_default_4" -> "88 dequantize_per_channel_default_4" [label="(72, 16, 1, 1)", style=solid]; "88 dequantize_per_channel_default_4" -> "89 conv2d_5" [label="(72, 16, 1, 1)", style=solid]; "89 conv2d_5" -> "92 relu__1" [label="(1, 72, 56, 56)", style=solid]; "90 relu__1_scale_0" -> "93 quantize_per_channel_default_5" [label="(72,)", style=solid]; "90 relu__1_scale_0" -> "94 dequantize_per_channel_default_5" [label="(72,)", style=solid]; -"91 relu__1_zero_point_0" -> "93 quantize_per_channel_default_5" [label="(72,)", style=solid]; -"91 relu__1_zero_point_0" -> "94 dequantize_per_channel_default_5" [label="(72,)", style=solid]; +"91 relu__1_zero_point_0" -> "93 quantize_per_channel_default_5" [label="(72,)", style=dashed]; +"91 relu__1_zero_point_0" -> "94 dequantize_per_channel_default_5" [label="(72,)", style=dashed]; "92 relu__1" -> "93 quantize_per_channel_default_5" [label="(1, 72, 56, 56)", style=solid]; "93 quantize_per_channel_default_5" -> "94 dequantize_per_channel_default_5" [label="(1, 72, 56, 56)", style=solid]; "94 dequantize_per_channel_default_5" -> "101 conv2d_6" [label="(1, 72, 56, 56)", style=solid]; "95 features_2_block_1_0_weight_bias" -> "101 conv2d_6" [label="(72,)", style=solid]; "96 conv2d_6_scale_0" -> "99 quantize_per_channel_default_6" [label="(72,)", style=solid]; "96 conv2d_6_scale_0" -> "100 dequantize_per_channel_default_6" [label="(72,)", style=solid]; -"97 conv2d_6_zero_point_0" -> "99 quantize_per_channel_default_6" [label="(72,)", style=solid]; -"97 conv2d_6_zero_point_0" -> "100 dequantize_per_channel_default_6" [label="(72,)", style=solid]; +"97 conv2d_6_zero_point_0" -> "99 quantize_per_channel_default_6" [label="(72,)", style=dashed]; +"97 conv2d_6_zero_point_0" -> "100 dequantize_per_channel_default_6" [label="(72,)", style=dashed]; "98 compressed_weight_updated_constant4" -> "99 quantize_per_channel_default_6" [label="(72, 1, 3, 3)", style=solid]; "99 quantize_per_channel_default_6" -> "100 dequantize_per_channel_default_6" [label="(72, 1, 3, 3)", style=solid]; "100 dequantize_per_channel_default_6" -> "101 conv2d_6" [label="(72, 1, 3, 3)", style=solid]; @@ -658,8 +658,8 @@ strict digraph { "105 features_2_block_2_0_weight_bias" -> "111 conv2d_7" [label="(24,)", style=solid]; "106 conv2d_7_scale_0" -> "109 quantize_per_channel_default_7" [label="(24,)", style=solid]; "106 conv2d_7_scale_0" -> "110 dequantize_per_channel_default_7" [label="(24,)", style=solid]; -"107 conv2d_7_zero_point_0" -> "109 quantize_per_channel_default_7" [label="(24,)", style=solid]; -"107 conv2d_7_zero_point_0" -> "110 dequantize_per_channel_default_7" [label="(24,)", style=solid]; +"107 conv2d_7_zero_point_0" -> "109 quantize_per_channel_default_7" [label="(24,)", style=dashed]; +"107 conv2d_7_zero_point_0" -> "110 dequantize_per_channel_default_7" [label="(24,)", style=dashed]; "108 compressed_weight_updated_constant5" -> "109 quantize_per_channel_default_7" [label="(24, 72, 1, 1)", style=solid]; "109 quantize_per_channel_default_7" -> "110 dequantize_per_channel_default_7" [label="(24, 72, 1, 1)", style=solid]; "110 dequantize_per_channel_default_7" -> "111 conv2d_7" [label="(24, 72, 1, 1)", style=solid]; @@ -671,24 +671,24 @@ strict digraph { "115 features_3_block_0_0_weight_bias" -> "121 conv2d_8" [label="(88,)", style=solid]; "116 conv2d_8_scale_0" -> "119 quantize_per_channel_default_8" [label="(88,)", style=solid]; "116 conv2d_8_scale_0" -> "120 dequantize_per_channel_default_8" [label="(88,)", style=solid]; -"117 conv2d_8_zero_point_0" -> "119 quantize_per_channel_default_8" [label="(88,)", style=solid]; -"117 conv2d_8_zero_point_0" -> "120 dequantize_per_channel_default_8" [label="(88,)", style=solid]; +"117 conv2d_8_zero_point_0" -> "119 quantize_per_channel_default_8" [label="(88,)", style=dashed]; +"117 conv2d_8_zero_point_0" -> "120 dequantize_per_channel_default_8" [label="(88,)", style=dashed]; "118 compressed_weight_updated_constant6" -> "119 quantize_per_channel_default_8" [label="(88, 24, 1, 1)", style=solid]; "119 quantize_per_channel_default_8" -> "120 dequantize_per_channel_default_8" [label="(88, 24, 1, 1)", style=solid]; "120 dequantize_per_channel_default_8" -> "121 conv2d_8" [label="(88, 24, 1, 1)", style=solid]; "121 conv2d_8" -> "124 relu__3" [label="(1, 88, 28, 28)", style=solid]; "122 relu__3_scale_0" -> "125 quantize_per_channel_default_9" [label="(88,)", style=solid]; "122 relu__3_scale_0" -> "126 dequantize_per_channel_default_9" [label="(88,)", style=solid]; -"123 relu__3_zero_point_0" -> "125 quantize_per_channel_default_9" [label="(88,)", style=solid]; -"123 relu__3_zero_point_0" -> "126 dequantize_per_channel_default_9" [label="(88,)", style=solid]; +"123 relu__3_zero_point_0" -> "125 quantize_per_channel_default_9" [label="(88,)", style=dashed]; +"123 relu__3_zero_point_0" -> "126 dequantize_per_channel_default_9" [label="(88,)", style=dashed]; "124 relu__3" -> "125 quantize_per_channel_default_9" [label="(1, 88, 28, 28)", style=solid]; "125 quantize_per_channel_default_9" -> "126 dequantize_per_channel_default_9" [label="(1, 88, 28, 28)", style=solid]; "126 dequantize_per_channel_default_9" -> "133 conv2d_9" [label="(1, 88, 28, 28)", style=solid]; "127 features_3_block_1_0_weight_bias" -> "133 conv2d_9" [label="(88,)", style=solid]; "128 conv2d_9_scale_0" -> "131 quantize_per_channel_default_10" [label="(88,)", style=solid]; "128 conv2d_9_scale_0" -> "132 dequantize_per_channel_default_10" [label="(88,)", style=solid]; -"129 conv2d_9_zero_point_0" -> "131 quantize_per_channel_default_10" [label="(88,)", style=solid]; -"129 conv2d_9_zero_point_0" -> "132 dequantize_per_channel_default_10" [label="(88,)", style=solid]; +"129 conv2d_9_zero_point_0" -> "131 quantize_per_channel_default_10" [label="(88,)", style=dashed]; +"129 conv2d_9_zero_point_0" -> "132 dequantize_per_channel_default_10" [label="(88,)", style=dashed]; "130 compressed_weight_updated_constant7" -> "131 quantize_per_channel_default_10" [label="(88, 1, 3, 3)", style=solid]; "131 quantize_per_channel_default_10" -> "132 dequantize_per_channel_default_10" [label="(88, 1, 3, 3)", style=solid]; "132 dequantize_per_channel_default_10" -> "133 conv2d_9" [label="(88, 1, 3, 3)", style=solid]; @@ -699,8 +699,8 @@ strict digraph { "137 features_3_block_2_0_weight_bias" -> "143 conv2d_10" [label="(24,)", style=solid]; "138 conv2d_10_scale_0" -> "141 quantize_per_channel_default_11" [label="(24,)", style=solid]; "138 conv2d_10_scale_0" -> "142 dequantize_per_channel_default_11" [label="(24,)", style=solid]; -"139 conv2d_10_zero_point_0" -> "141 quantize_per_channel_default_11" [label="(24,)", style=solid]; -"139 conv2d_10_zero_point_0" -> "142 dequantize_per_channel_default_11" [label="(24,)", style=solid]; +"139 conv2d_10_zero_point_0" -> "141 quantize_per_channel_default_11" [label="(24,)", style=dashed]; +"139 conv2d_10_zero_point_0" -> "142 dequantize_per_channel_default_11" [label="(24,)", style=dashed]; "140 compressed_weight_updated_constant8" -> "141 quantize_per_channel_default_11" [label="(24, 88, 1, 1)", style=solid]; "141 quantize_per_channel_default_11" -> "142 dequantize_per_channel_default_11" [label="(24, 88, 1, 1)", style=solid]; "142 dequantize_per_channel_default_11" -> "143 conv2d_10" [label="(24, 88, 1, 1)", style=solid]; @@ -713,24 +713,24 @@ strict digraph { "149 features_4_block_0_0_weight_bias" -> "155 conv2d_11" [label="(96,)", style=solid]; "150 conv2d_11_scale_0" -> "153 quantize_per_channel_default_12" [label="(96,)", style=solid]; "150 conv2d_11_scale_0" -> "154 dequantize_per_channel_default_12" [label="(96,)", style=solid]; -"151 conv2d_11_zero_point_0" -> "153 quantize_per_channel_default_12" [label="(96,)", style=solid]; -"151 conv2d_11_zero_point_0" -> "154 dequantize_per_channel_default_12" [label="(96,)", style=solid]; +"151 conv2d_11_zero_point_0" -> "153 quantize_per_channel_default_12" [label="(96,)", style=dashed]; +"151 conv2d_11_zero_point_0" -> "154 dequantize_per_channel_default_12" [label="(96,)", style=dashed]; "152 compressed_weight_updated_constant9" -> "153 quantize_per_channel_default_12" [label="(96, 24, 1, 1)", style=solid]; "153 quantize_per_channel_default_12" -> "154 dequantize_per_channel_default_12" [label="(96, 24, 1, 1)", style=solid]; "154 dequantize_per_channel_default_12" -> "155 conv2d_11" [label="(96, 24, 1, 1)", style=solid]; "155 conv2d_11" -> "158 hardswish__1" [label="(1, 96, 28, 28)", style=solid]; "156 hardswish__1_scale_0" -> "159 quantize_per_channel_default_13" [label="(96,)", style=solid]; "156 hardswish__1_scale_0" -> "160 dequantize_per_channel_default_13" [label="(96,)", style=solid]; -"157 hardswish__1_zero_point_0" -> "159 quantize_per_channel_default_13" [label="(96,)", style=solid]; -"157 hardswish__1_zero_point_0" -> "160 dequantize_per_channel_default_13" [label="(96,)", style=solid]; +"157 hardswish__1_zero_point_0" -> "159 quantize_per_channel_default_13" [label="(96,)", style=dashed]; +"157 hardswish__1_zero_point_0" -> "160 dequantize_per_channel_default_13" [label="(96,)", style=dashed]; "158 hardswish__1" -> "159 quantize_per_channel_default_13" [label="(1, 96, 28, 28)", style=solid]; "159 quantize_per_channel_default_13" -> "160 dequantize_per_channel_default_13" [label="(1, 96, 28, 28)", style=solid]; "160 dequantize_per_channel_default_13" -> "167 conv2d_12" [label="(1, 96, 28, 28)", style=solid]; "161 features_4_block_1_0_weight_bias" -> "167 conv2d_12" [label="(96,)", style=solid]; "162 conv2d_12_scale_0" -> "165 quantize_per_channel_default_14" [label="(96,)", style=solid]; "162 conv2d_12_scale_0" -> "166 dequantize_per_channel_default_14" [label="(96,)", style=solid]; -"163 conv2d_12_zero_point_0" -> "165 quantize_per_channel_default_14" [label="(96,)", style=solid]; -"163 conv2d_12_zero_point_0" -> "166 dequantize_per_channel_default_14" [label="(96,)", style=solid]; +"163 conv2d_12_zero_point_0" -> "165 quantize_per_channel_default_14" [label="(96,)", style=dashed]; +"163 conv2d_12_zero_point_0" -> "166 dequantize_per_channel_default_14" [label="(96,)", style=dashed]; "164 compressed_weight_updated_constant10" -> "165 quantize_per_channel_default_14" [label="(96, 1, 5, 5)", style=solid]; "165 quantize_per_channel_default_14" -> "166 dequantize_per_channel_default_14" [label="(96, 1, 5, 5)", style=solid]; "166 dequantize_per_channel_default_14" -> "167 conv2d_12" [label="(96, 1, 5, 5)", style=solid]; @@ -753,8 +753,8 @@ strict digraph { "182 features_4_block_3_0_weight_bias" -> "188 conv2d_15" [label="(40,)", style=solid]; "183 conv2d_15_scale_0" -> "186 quantize_per_channel_default_15" [label="(40,)", style=solid]; "183 conv2d_15_scale_0" -> "187 dequantize_per_channel_default_15" [label="(40,)", style=solid]; -"184 conv2d_15_zero_point_0" -> "186 quantize_per_channel_default_15" [label="(40,)", style=solid]; -"184 conv2d_15_zero_point_0" -> "187 dequantize_per_channel_default_15" [label="(40,)", style=solid]; +"184 conv2d_15_zero_point_0" -> "186 quantize_per_channel_default_15" [label="(40,)", style=dashed]; +"184 conv2d_15_zero_point_0" -> "187 dequantize_per_channel_default_15" [label="(40,)", style=dashed]; "185 compressed_weight_updated_constant11" -> "186 quantize_per_channel_default_15" [label="(40, 96, 1, 1)", style=solid]; "186 quantize_per_channel_default_15" -> "187 dequantize_per_channel_default_15" [label="(40, 96, 1, 1)", style=solid]; "187 dequantize_per_channel_default_15" -> "188 conv2d_15" [label="(40, 96, 1, 1)", style=solid]; @@ -766,24 +766,24 @@ strict digraph { "192 features_5_block_0_0_weight_bias" -> "198 conv2d_16" [label="(240,)", style=solid]; "193 conv2d_16_scale_0" -> "196 quantize_per_channel_default_16" [label="(240,)", style=solid]; "193 conv2d_16_scale_0" -> "197 dequantize_per_channel_default_16" [label="(240,)", style=solid]; -"194 conv2d_16_zero_point_0" -> "196 quantize_per_channel_default_16" [label="(240,)", style=solid]; -"194 conv2d_16_zero_point_0" -> "197 dequantize_per_channel_default_16" [label="(240,)", style=solid]; +"194 conv2d_16_zero_point_0" -> "196 quantize_per_channel_default_16" [label="(240,)", style=dashed]; +"194 conv2d_16_zero_point_0" -> "197 dequantize_per_channel_default_16" [label="(240,)", style=dashed]; "195 compressed_weight_updated_constant12" -> "196 quantize_per_channel_default_16" [label="(240, 40, 1, 1)", style=solid]; "196 quantize_per_channel_default_16" -> "197 dequantize_per_channel_default_16" [label="(240, 40, 1, 1)", style=solid]; "197 dequantize_per_channel_default_16" -> "198 conv2d_16" [label="(240, 40, 1, 1)", style=solid]; "198 conv2d_16" -> "201 hardswish__3" [label="(1, 240, 14, 14)", style=solid]; "199 hardswish__3_scale_0" -> "202 quantize_per_channel_default_17" [label="(240,)", style=solid]; "199 hardswish__3_scale_0" -> "203 dequantize_per_channel_default_17" [label="(240,)", style=solid]; -"200 hardswish__3_zero_point_0" -> "202 quantize_per_channel_default_17" [label="(240,)", style=solid]; -"200 hardswish__3_zero_point_0" -> "203 dequantize_per_channel_default_17" [label="(240,)", style=solid]; +"200 hardswish__3_zero_point_0" -> "202 quantize_per_channel_default_17" [label="(240,)", style=dashed]; +"200 hardswish__3_zero_point_0" -> "203 dequantize_per_channel_default_17" [label="(240,)", style=dashed]; "201 hardswish__3" -> "202 quantize_per_channel_default_17" [label="(1, 240, 14, 14)", style=solid]; "202 quantize_per_channel_default_17" -> "203 dequantize_per_channel_default_17" [label="(1, 240, 14, 14)", style=solid]; "203 dequantize_per_channel_default_17" -> "210 conv2d_17" [label="(1, 240, 14, 14)", style=solid]; "204 features_5_block_1_0_weight_bias" -> "210 conv2d_17" [label="(240,)", style=solid]; "205 conv2d_17_scale_0" -> "208 quantize_per_channel_default_18" [label="(240,)", style=solid]; "205 conv2d_17_scale_0" -> "209 dequantize_per_channel_default_18" [label="(240,)", style=solid]; -"206 conv2d_17_zero_point_0" -> "208 quantize_per_channel_default_18" [label="(240,)", style=solid]; -"206 conv2d_17_zero_point_0" -> "209 dequantize_per_channel_default_18" [label="(240,)", style=solid]; +"206 conv2d_17_zero_point_0" -> "208 quantize_per_channel_default_18" [label="(240,)", style=dashed]; +"206 conv2d_17_zero_point_0" -> "209 dequantize_per_channel_default_18" [label="(240,)", style=dashed]; "207 compressed_weight_updated_constant13" -> "208 quantize_per_channel_default_18" [label="(240, 1, 5, 5)", style=solid]; "208 quantize_per_channel_default_18" -> "209 dequantize_per_channel_default_18" [label="(240, 1, 5, 5)", style=solid]; "209 dequantize_per_channel_default_18" -> "210 conv2d_17" [label="(240, 1, 5, 5)", style=solid]; @@ -806,8 +806,8 @@ strict digraph { "225 features_5_block_3_0_weight_bias" -> "231 conv2d_20" [label="(40,)", style=solid]; "226 conv2d_20_scale_0" -> "229 quantize_per_channel_default_19" [label="(40,)", style=solid]; "226 conv2d_20_scale_0" -> "230 dequantize_per_channel_default_19" [label="(40,)", style=solid]; -"227 conv2d_20_zero_point_0" -> "229 quantize_per_channel_default_19" [label="(40,)", style=solid]; -"227 conv2d_20_zero_point_0" -> "230 dequantize_per_channel_default_19" [label="(40,)", style=solid]; +"227 conv2d_20_zero_point_0" -> "229 quantize_per_channel_default_19" [label="(40,)", style=dashed]; +"227 conv2d_20_zero_point_0" -> "230 dequantize_per_channel_default_19" [label="(40,)", style=dashed]; "228 compressed_weight_updated_constant14" -> "229 quantize_per_channel_default_19" [label="(40, 240, 1, 1)", style=solid]; "229 quantize_per_channel_default_19" -> "230 dequantize_per_channel_default_19" [label="(40, 240, 1, 1)", style=solid]; "230 dequantize_per_channel_default_19" -> "231 conv2d_20" [label="(40, 240, 1, 1)", style=solid]; @@ -822,24 +822,24 @@ strict digraph { "238 features_6_block_0_0_weight_bias" -> "244 conv2d_21" [label="(240,)", style=solid]; "239 conv2d_21_scale_0" -> "242 quantize_per_channel_default_20" [label="(240,)", style=solid]; "239 conv2d_21_scale_0" -> "243 dequantize_per_channel_default_20" [label="(240,)", style=solid]; -"240 conv2d_21_zero_point_0" -> "242 quantize_per_channel_default_20" [label="(240,)", style=solid]; -"240 conv2d_21_zero_point_0" -> "243 dequantize_per_channel_default_20" [label="(240,)", style=solid]; +"240 conv2d_21_zero_point_0" -> "242 quantize_per_channel_default_20" [label="(240,)", style=dashed]; +"240 conv2d_21_zero_point_0" -> "243 dequantize_per_channel_default_20" [label="(240,)", style=dashed]; "241 compressed_weight_updated_constant15" -> "242 quantize_per_channel_default_20" [label="(240, 40, 1, 1)", style=solid]; "242 quantize_per_channel_default_20" -> "243 dequantize_per_channel_default_20" [label="(240, 40, 1, 1)", style=solid]; "243 dequantize_per_channel_default_20" -> "244 conv2d_21" [label="(240, 40, 1, 1)", style=solid]; "244 conv2d_21" -> "247 hardswish__5" [label="(1, 240, 14, 14)", style=solid]; "245 hardswish__5_scale_0" -> "248 quantize_per_channel_default_21" [label="(240,)", style=solid]; "245 hardswish__5_scale_0" -> "249 dequantize_per_channel_default_21" [label="(240,)", style=solid]; -"246 hardswish__5_zero_point_0" -> "248 quantize_per_channel_default_21" [label="(240,)", style=solid]; -"246 hardswish__5_zero_point_0" -> "249 dequantize_per_channel_default_21" [label="(240,)", style=solid]; +"246 hardswish__5_zero_point_0" -> "248 quantize_per_channel_default_21" [label="(240,)", style=dashed]; +"246 hardswish__5_zero_point_0" -> "249 dequantize_per_channel_default_21" [label="(240,)", style=dashed]; "247 hardswish__5" -> "248 quantize_per_channel_default_21" [label="(1, 240, 14, 14)", style=solid]; "248 quantize_per_channel_default_21" -> "249 dequantize_per_channel_default_21" [label="(1, 240, 14, 14)", style=solid]; "249 dequantize_per_channel_default_21" -> "256 conv2d_22" [label="(1, 240, 14, 14)", style=solid]; "250 features_6_block_1_0_weight_bias" -> "256 conv2d_22" [label="(240,)", style=solid]; "251 conv2d_22_scale_0" -> "254 quantize_per_channel_default_22" [label="(240,)", style=solid]; "251 conv2d_22_scale_0" -> "255 dequantize_per_channel_default_22" [label="(240,)", style=solid]; -"252 conv2d_22_zero_point_0" -> "254 quantize_per_channel_default_22" [label="(240,)", style=solid]; -"252 conv2d_22_zero_point_0" -> "255 dequantize_per_channel_default_22" [label="(240,)", style=solid]; +"252 conv2d_22_zero_point_0" -> "254 quantize_per_channel_default_22" [label="(240,)", style=dashed]; +"252 conv2d_22_zero_point_0" -> "255 dequantize_per_channel_default_22" [label="(240,)", style=dashed]; "253 compressed_weight_updated_constant16" -> "254 quantize_per_channel_default_22" [label="(240, 1, 5, 5)", style=solid]; "254 quantize_per_channel_default_22" -> "255 dequantize_per_channel_default_22" [label="(240, 1, 5, 5)", style=solid]; "255 dequantize_per_channel_default_22" -> "256 conv2d_22" [label="(240, 1, 5, 5)", style=solid]; @@ -862,8 +862,8 @@ strict digraph { "271 features_6_block_3_0_weight_bias" -> "277 conv2d_25" [label="(40,)", style=solid]; "272 conv2d_25_scale_0" -> "275 quantize_per_channel_default_23" [label="(40,)", style=solid]; "272 conv2d_25_scale_0" -> "276 dequantize_per_channel_default_23" [label="(40,)", style=solid]; -"273 conv2d_25_zero_point_0" -> "275 quantize_per_channel_default_23" [label="(40,)", style=solid]; -"273 conv2d_25_zero_point_0" -> "276 dequantize_per_channel_default_23" [label="(40,)", style=solid]; +"273 conv2d_25_zero_point_0" -> "275 quantize_per_channel_default_23" [label="(40,)", style=dashed]; +"273 conv2d_25_zero_point_0" -> "276 dequantize_per_channel_default_23" [label="(40,)", style=dashed]; "274 compressed_weight_updated_constant17" -> "275 quantize_per_channel_default_23" [label="(40, 240, 1, 1)", style=solid]; "275 quantize_per_channel_default_23" -> "276 dequantize_per_channel_default_23" [label="(40, 240, 1, 1)", style=solid]; "276 dequantize_per_channel_default_23" -> "277 conv2d_25" [label="(40, 240, 1, 1)", style=solid]; @@ -876,24 +876,24 @@ strict digraph { "283 features_7_block_0_0_weight_bias" -> "289 conv2d_26" [label="(120,)", style=solid]; "284 conv2d_26_scale_0" -> "287 quantize_per_channel_default_24" [label="(120,)", style=solid]; "284 conv2d_26_scale_0" -> "288 dequantize_per_channel_default_24" [label="(120,)", style=solid]; -"285 conv2d_26_zero_point_0" -> "287 quantize_per_channel_default_24" [label="(120,)", style=solid]; -"285 conv2d_26_zero_point_0" -> "288 dequantize_per_channel_default_24" [label="(120,)", style=solid]; +"285 conv2d_26_zero_point_0" -> "287 quantize_per_channel_default_24" [label="(120,)", style=dashed]; +"285 conv2d_26_zero_point_0" -> "288 dequantize_per_channel_default_24" [label="(120,)", style=dashed]; "286 compressed_weight_updated_constant18" -> "287 quantize_per_channel_default_24" [label="(120, 40, 1, 1)", style=solid]; "287 quantize_per_channel_default_24" -> "288 dequantize_per_channel_default_24" [label="(120, 40, 1, 1)", style=solid]; "288 dequantize_per_channel_default_24" -> "289 conv2d_26" [label="(120, 40, 1, 1)", style=solid]; "289 conv2d_26" -> "292 hardswish__7" [label="(1, 120, 14, 14)", style=solid]; "290 hardswish__7_scale_0" -> "293 quantize_per_channel_default_25" [label="(120,)", style=solid]; "290 hardswish__7_scale_0" -> "294 dequantize_per_channel_default_25" [label="(120,)", style=solid]; -"291 hardswish__7_zero_point_0" -> "293 quantize_per_channel_default_25" [label="(120,)", style=solid]; -"291 hardswish__7_zero_point_0" -> "294 dequantize_per_channel_default_25" [label="(120,)", style=solid]; +"291 hardswish__7_zero_point_0" -> "293 quantize_per_channel_default_25" [label="(120,)", style=dashed]; +"291 hardswish__7_zero_point_0" -> "294 dequantize_per_channel_default_25" [label="(120,)", style=dashed]; "292 hardswish__7" -> "293 quantize_per_channel_default_25" [label="(1, 120, 14, 14)", style=solid]; "293 quantize_per_channel_default_25" -> "294 dequantize_per_channel_default_25" [label="(1, 120, 14, 14)", style=solid]; "294 dequantize_per_channel_default_25" -> "301 conv2d_27" [label="(1, 120, 14, 14)", style=solid]; "295 features_7_block_1_0_weight_bias" -> "301 conv2d_27" [label="(120,)", style=solid]; "296 conv2d_27_scale_0" -> "299 quantize_per_channel_default_26" [label="(120,)", style=solid]; "296 conv2d_27_scale_0" -> "300 dequantize_per_channel_default_26" [label="(120,)", style=solid]; -"297 conv2d_27_zero_point_0" -> "299 quantize_per_channel_default_26" [label="(120,)", style=solid]; -"297 conv2d_27_zero_point_0" -> "300 dequantize_per_channel_default_26" [label="(120,)", style=solid]; +"297 conv2d_27_zero_point_0" -> "299 quantize_per_channel_default_26" [label="(120,)", style=dashed]; +"297 conv2d_27_zero_point_0" -> "300 dequantize_per_channel_default_26" [label="(120,)", style=dashed]; "298 compressed_weight_updated_constant19" -> "299 quantize_per_channel_default_26" [label="(120, 1, 5, 5)", style=solid]; "299 quantize_per_channel_default_26" -> "300 dequantize_per_channel_default_26" [label="(120, 1, 5, 5)", style=solid]; "300 dequantize_per_channel_default_26" -> "301 conv2d_27" [label="(120, 1, 5, 5)", style=solid]; @@ -916,8 +916,8 @@ strict digraph { "316 features_7_block_3_0_weight_bias" -> "322 conv2d_30" [label="(48,)", style=solid]; "317 conv2d_30_scale_0" -> "320 quantize_per_channel_default_27" [label="(48,)", style=solid]; "317 conv2d_30_scale_0" -> "321 dequantize_per_channel_default_27" [label="(48,)", style=solid]; -"318 conv2d_30_zero_point_0" -> "320 quantize_per_channel_default_27" [label="(48,)", style=solid]; -"318 conv2d_30_zero_point_0" -> "321 dequantize_per_channel_default_27" [label="(48,)", style=solid]; +"318 conv2d_30_zero_point_0" -> "320 quantize_per_channel_default_27" [label="(48,)", style=dashed]; +"318 conv2d_30_zero_point_0" -> "321 dequantize_per_channel_default_27" [label="(48,)", style=dashed]; "319 compressed_weight_updated_constant20" -> "320 quantize_per_channel_default_27" [label="(48, 120, 1, 1)", style=solid]; "320 quantize_per_channel_default_27" -> "321 dequantize_per_channel_default_27" [label="(48, 120, 1, 1)", style=solid]; "321 dequantize_per_channel_default_27" -> "322 conv2d_30" [label="(48, 120, 1, 1)", style=solid]; @@ -929,24 +929,24 @@ strict digraph { "326 features_8_block_0_0_weight_bias" -> "332 conv2d_31" [label="(144,)", style=solid]; "327 conv2d_31_scale_0" -> "330 quantize_per_channel_default_28" [label="(144,)", style=solid]; "327 conv2d_31_scale_0" -> "331 dequantize_per_channel_default_28" [label="(144,)", style=solid]; -"328 conv2d_31_zero_point_0" -> "330 quantize_per_channel_default_28" [label="(144,)", style=solid]; -"328 conv2d_31_zero_point_0" -> "331 dequantize_per_channel_default_28" [label="(144,)", style=solid]; +"328 conv2d_31_zero_point_0" -> "330 quantize_per_channel_default_28" [label="(144,)", style=dashed]; +"328 conv2d_31_zero_point_0" -> "331 dequantize_per_channel_default_28" [label="(144,)", style=dashed]; "329 compressed_weight_updated_constant21" -> "330 quantize_per_channel_default_28" [label="(144, 48, 1, 1)", style=solid]; "330 quantize_per_channel_default_28" -> "331 dequantize_per_channel_default_28" [label="(144, 48, 1, 1)", style=solid]; "331 dequantize_per_channel_default_28" -> "332 conv2d_31" [label="(144, 48, 1, 1)", style=solid]; "332 conv2d_31" -> "335 hardswish__9" [label="(1, 144, 14, 14)", style=solid]; "333 hardswish__9_scale_0" -> "336 quantize_per_channel_default_29" [label="(144,)", style=solid]; "333 hardswish__9_scale_0" -> "337 dequantize_per_channel_default_29" [label="(144,)", style=solid]; -"334 hardswish__9_zero_point_0" -> "336 quantize_per_channel_default_29" [label="(144,)", style=solid]; -"334 hardswish__9_zero_point_0" -> "337 dequantize_per_channel_default_29" [label="(144,)", style=solid]; +"334 hardswish__9_zero_point_0" -> "336 quantize_per_channel_default_29" [label="(144,)", style=dashed]; +"334 hardswish__9_zero_point_0" -> "337 dequantize_per_channel_default_29" [label="(144,)", style=dashed]; "335 hardswish__9" -> "336 quantize_per_channel_default_29" [label="(1, 144, 14, 14)", style=solid]; "336 quantize_per_channel_default_29" -> "337 dequantize_per_channel_default_29" [label="(1, 144, 14, 14)", style=solid]; "337 dequantize_per_channel_default_29" -> "344 conv2d_32" [label="(1, 144, 14, 14)", style=solid]; "338 features_8_block_1_0_weight_bias" -> "344 conv2d_32" [label="(144,)", style=solid]; "339 conv2d_32_scale_0" -> "342 quantize_per_channel_default_30" [label="(144,)", style=solid]; "339 conv2d_32_scale_0" -> "343 dequantize_per_channel_default_30" [label="(144,)", style=solid]; -"340 conv2d_32_zero_point_0" -> "342 quantize_per_channel_default_30" [label="(144,)", style=solid]; -"340 conv2d_32_zero_point_0" -> "343 dequantize_per_channel_default_30" [label="(144,)", style=solid]; +"340 conv2d_32_zero_point_0" -> "342 quantize_per_channel_default_30" [label="(144,)", style=dashed]; +"340 conv2d_32_zero_point_0" -> "343 dequantize_per_channel_default_30" [label="(144,)", style=dashed]; "341 compressed_weight_updated_constant22" -> "342 quantize_per_channel_default_30" [label="(144, 1, 5, 5)", style=solid]; "342 quantize_per_channel_default_30" -> "343 dequantize_per_channel_default_30" [label="(144, 1, 5, 5)", style=solid]; "343 dequantize_per_channel_default_30" -> "344 conv2d_32" [label="(144, 1, 5, 5)", style=solid]; @@ -969,8 +969,8 @@ strict digraph { "359 features_8_block_3_0_weight_bias" -> "365 conv2d_35" [label="(48,)", style=solid]; "360 conv2d_35_scale_0" -> "363 quantize_per_channel_default_31" [label="(48,)", style=solid]; "360 conv2d_35_scale_0" -> "364 dequantize_per_channel_default_31" [label="(48,)", style=solid]; -"361 conv2d_35_zero_point_0" -> "363 quantize_per_channel_default_31" [label="(48,)", style=solid]; -"361 conv2d_35_zero_point_0" -> "364 dequantize_per_channel_default_31" [label="(48,)", style=solid]; +"361 conv2d_35_zero_point_0" -> "363 quantize_per_channel_default_31" [label="(48,)", style=dashed]; +"361 conv2d_35_zero_point_0" -> "364 dequantize_per_channel_default_31" [label="(48,)", style=dashed]; "362 compressed_weight_updated_constant23" -> "363 quantize_per_channel_default_31" [label="(48, 144, 1, 1)", style=solid]; "363 quantize_per_channel_default_31" -> "364 dequantize_per_channel_default_31" [label="(48, 144, 1, 1)", style=solid]; "364 dequantize_per_channel_default_31" -> "365 conv2d_35" [label="(48, 144, 1, 1)", style=solid]; @@ -983,24 +983,24 @@ strict digraph { "371 features_9_block_0_0_weight_bias" -> "377 conv2d_36" [label="(288,)", style=solid]; "372 conv2d_36_scale_0" -> "375 quantize_per_channel_default_32" [label="(288,)", style=solid]; "372 conv2d_36_scale_0" -> "376 dequantize_per_channel_default_32" [label="(288,)", style=solid]; -"373 conv2d_36_zero_point_0" -> "375 quantize_per_channel_default_32" [label="(288,)", style=solid]; -"373 conv2d_36_zero_point_0" -> "376 dequantize_per_channel_default_32" [label="(288,)", style=solid]; +"373 conv2d_36_zero_point_0" -> "375 quantize_per_channel_default_32" [label="(288,)", style=dashed]; +"373 conv2d_36_zero_point_0" -> "376 dequantize_per_channel_default_32" [label="(288,)", style=dashed]; "374 compressed_weight_updated_constant24" -> "375 quantize_per_channel_default_32" [label="(288, 48, 1, 1)", style=solid]; "375 quantize_per_channel_default_32" -> "376 dequantize_per_channel_default_32" [label="(288, 48, 1, 1)", style=solid]; "376 dequantize_per_channel_default_32" -> "377 conv2d_36" [label="(288, 48, 1, 1)", style=solid]; "377 conv2d_36" -> "380 hardswish__11" [label="(1, 288, 14, 14)", style=solid]; "378 hardswish__11_scale_0" -> "381 quantize_per_channel_default_33" [label="(288,)", style=solid]; "378 hardswish__11_scale_0" -> "382 dequantize_per_channel_default_33" [label="(288,)", style=solid]; -"379 hardswish__11_zero_point_0" -> "381 quantize_per_channel_default_33" [label="(288,)", style=solid]; -"379 hardswish__11_zero_point_0" -> "382 dequantize_per_channel_default_33" [label="(288,)", style=solid]; +"379 hardswish__11_zero_point_0" -> "381 quantize_per_channel_default_33" [label="(288,)", style=dashed]; +"379 hardswish__11_zero_point_0" -> "382 dequantize_per_channel_default_33" [label="(288,)", style=dashed]; "380 hardswish__11" -> "381 quantize_per_channel_default_33" [label="(1, 288, 14, 14)", style=solid]; "381 quantize_per_channel_default_33" -> "382 dequantize_per_channel_default_33" [label="(1, 288, 14, 14)", style=solid]; "382 dequantize_per_channel_default_33" -> "389 conv2d_37" [label="(1, 288, 14, 14)", style=solid]; "383 features_9_block_1_0_weight_bias" -> "389 conv2d_37" [label="(288,)", style=solid]; "384 conv2d_37_scale_0" -> "387 quantize_per_channel_default_34" [label="(288,)", style=solid]; "384 conv2d_37_scale_0" -> "388 dequantize_per_channel_default_34" [label="(288,)", style=solid]; -"385 conv2d_37_zero_point_0" -> "387 quantize_per_channel_default_34" [label="(288,)", style=solid]; -"385 conv2d_37_zero_point_0" -> "388 dequantize_per_channel_default_34" [label="(288,)", style=solid]; +"385 conv2d_37_zero_point_0" -> "387 quantize_per_channel_default_34" [label="(288,)", style=dashed]; +"385 conv2d_37_zero_point_0" -> "388 dequantize_per_channel_default_34" [label="(288,)", style=dashed]; "386 compressed_weight_updated_constant25" -> "387 quantize_per_channel_default_34" [label="(288, 1, 5, 5)", style=solid]; "387 quantize_per_channel_default_34" -> "388 dequantize_per_channel_default_34" [label="(288, 1, 5, 5)", style=solid]; "388 dequantize_per_channel_default_34" -> "389 conv2d_37" [label="(288, 1, 5, 5)", style=solid]; @@ -1023,8 +1023,8 @@ strict digraph { "404 features_9_block_3_0_weight_bias" -> "410 conv2d_40" [label="(96,)", style=solid]; "405 conv2d_40_scale_0" -> "408 quantize_per_channel_default_35" [label="(96,)", style=solid]; "405 conv2d_40_scale_0" -> "409 dequantize_per_channel_default_35" [label="(96,)", style=solid]; -"406 conv2d_40_zero_point_0" -> "408 quantize_per_channel_default_35" [label="(96,)", style=solid]; -"406 conv2d_40_zero_point_0" -> "409 dequantize_per_channel_default_35" [label="(96,)", style=solid]; +"406 conv2d_40_zero_point_0" -> "408 quantize_per_channel_default_35" [label="(96,)", style=dashed]; +"406 conv2d_40_zero_point_0" -> "409 dequantize_per_channel_default_35" [label="(96,)", style=dashed]; "407 compressed_weight_updated_constant26" -> "408 quantize_per_channel_default_35" [label="(96, 288, 1, 1)", style=solid]; "408 quantize_per_channel_default_35" -> "409 dequantize_per_channel_default_35" [label="(96, 288, 1, 1)", style=solid]; "409 dequantize_per_channel_default_35" -> "410 conv2d_40" [label="(96, 288, 1, 1)", style=solid]; @@ -1036,24 +1036,24 @@ strict digraph { "414 features_10_block_0_0_weight_bias" -> "420 conv2d_41" [label="(576,)", style=solid]; "415 conv2d_41_scale_0" -> "418 quantize_per_channel_default_36" [label="(576,)", style=solid]; "415 conv2d_41_scale_0" -> "419 dequantize_per_channel_default_36" [label="(576,)", style=solid]; -"416 conv2d_41_zero_point_0" -> "418 quantize_per_channel_default_36" [label="(576,)", style=solid]; -"416 conv2d_41_zero_point_0" -> "419 dequantize_per_channel_default_36" [label="(576,)", style=solid]; +"416 conv2d_41_zero_point_0" -> "418 quantize_per_channel_default_36" [label="(576,)", style=dashed]; +"416 conv2d_41_zero_point_0" -> "419 dequantize_per_channel_default_36" [label="(576,)", style=dashed]; "417 compressed_weight_updated_constant27" -> "418 quantize_per_channel_default_36" [label="(576, 96, 1, 1)", style=solid]; "418 quantize_per_channel_default_36" -> "419 dequantize_per_channel_default_36" [label="(576, 96, 1, 1)", style=solid]; "419 dequantize_per_channel_default_36" -> "420 conv2d_41" [label="(576, 96, 1, 1)", style=solid]; "420 conv2d_41" -> "423 hardswish__13" [label="(1, 576, 7, 7)", style=solid]; "421 hardswish__13_scale_0" -> "424 quantize_per_channel_default_37" [label="(576,)", style=solid]; "421 hardswish__13_scale_0" -> "425 dequantize_per_channel_default_37" [label="(576,)", style=solid]; -"422 hardswish__13_zero_point_0" -> "424 quantize_per_channel_default_37" [label="(576,)", style=solid]; -"422 hardswish__13_zero_point_0" -> "425 dequantize_per_channel_default_37" [label="(576,)", style=solid]; +"422 hardswish__13_zero_point_0" -> "424 quantize_per_channel_default_37" [label="(576,)", style=dashed]; +"422 hardswish__13_zero_point_0" -> "425 dequantize_per_channel_default_37" [label="(576,)", style=dashed]; "423 hardswish__13" -> "424 quantize_per_channel_default_37" [label="(1, 576, 7, 7)", style=solid]; "424 quantize_per_channel_default_37" -> "425 dequantize_per_channel_default_37" [label="(1, 576, 7, 7)", style=solid]; "425 dequantize_per_channel_default_37" -> "432 conv2d_42" [label="(1, 576, 7, 7)", style=solid]; "426 features_10_block_1_0_weight_bias" -> "432 conv2d_42" [label="(576,)", style=solid]; "427 conv2d_42_scale_0" -> "430 quantize_per_channel_default_38" [label="(576,)", style=solid]; "427 conv2d_42_scale_0" -> "431 dequantize_per_channel_default_38" [label="(576,)", style=solid]; -"428 conv2d_42_zero_point_0" -> "430 quantize_per_channel_default_38" [label="(576,)", style=solid]; -"428 conv2d_42_zero_point_0" -> "431 dequantize_per_channel_default_38" [label="(576,)", style=solid]; +"428 conv2d_42_zero_point_0" -> "430 quantize_per_channel_default_38" [label="(576,)", style=dashed]; +"428 conv2d_42_zero_point_0" -> "431 dequantize_per_channel_default_38" [label="(576,)", style=dashed]; "429 compressed_weight_updated_constant28" -> "430 quantize_per_channel_default_38" [label="(576, 1, 5, 5)", style=solid]; "430 quantize_per_channel_default_38" -> "431 dequantize_per_channel_default_38" [label="(576, 1, 5, 5)", style=solid]; "431 dequantize_per_channel_default_38" -> "432 conv2d_42" [label="(576, 1, 5, 5)", style=solid]; @@ -1076,8 +1076,8 @@ strict digraph { "447 features_10_block_3_0_weight_bias" -> "453 conv2d_45" [label="(96,)", style=solid]; "448 conv2d_45_scale_0" -> "451 quantize_per_channel_default_39" [label="(96,)", style=solid]; "448 conv2d_45_scale_0" -> "452 dequantize_per_channel_default_39" [label="(96,)", style=solid]; -"449 conv2d_45_zero_point_0" -> "451 quantize_per_channel_default_39" [label="(96,)", style=solid]; -"449 conv2d_45_zero_point_0" -> "452 dequantize_per_channel_default_39" [label="(96,)", style=solid]; +"449 conv2d_45_zero_point_0" -> "451 quantize_per_channel_default_39" [label="(96,)", style=dashed]; +"449 conv2d_45_zero_point_0" -> "452 dequantize_per_channel_default_39" [label="(96,)", style=dashed]; "450 compressed_weight_updated_constant29" -> "451 quantize_per_channel_default_39" [label="(96, 576, 1, 1)", style=solid]; "451 quantize_per_channel_default_39" -> "452 dequantize_per_channel_default_39" [label="(96, 576, 1, 1)", style=solid]; "452 dequantize_per_channel_default_39" -> "453 conv2d_45" [label="(96, 576, 1, 1)", style=solid]; @@ -1092,24 +1092,24 @@ strict digraph { "460 features_11_block_0_0_weight_bias" -> "466 conv2d_46" [label="(576,)", style=solid]; "461 conv2d_46_scale_0" -> "464 quantize_per_channel_default_40" [label="(576,)", style=solid]; "461 conv2d_46_scale_0" -> "465 dequantize_per_channel_default_40" [label="(576,)", style=solid]; -"462 conv2d_46_zero_point_0" -> "464 quantize_per_channel_default_40" [label="(576,)", style=solid]; -"462 conv2d_46_zero_point_0" -> "465 dequantize_per_channel_default_40" [label="(576,)", style=solid]; +"462 conv2d_46_zero_point_0" -> "464 quantize_per_channel_default_40" [label="(576,)", style=dashed]; +"462 conv2d_46_zero_point_0" -> "465 dequantize_per_channel_default_40" [label="(576,)", style=dashed]; "463 compressed_weight_updated_constant30" -> "464 quantize_per_channel_default_40" [label="(576, 96, 1, 1)", style=solid]; "464 quantize_per_channel_default_40" -> "465 dequantize_per_channel_default_40" [label="(576, 96, 1, 1)", style=solid]; "465 dequantize_per_channel_default_40" -> "466 conv2d_46" [label="(576, 96, 1, 1)", style=solid]; "466 conv2d_46" -> "469 hardswish__15" [label="(1, 576, 7, 7)", style=solid]; "467 hardswish__15_scale_0" -> "470 quantize_per_channel_default_41" [label="(576,)", style=solid]; "467 hardswish__15_scale_0" -> "471 dequantize_per_channel_default_41" [label="(576,)", style=solid]; -"468 hardswish__15_zero_point_0" -> "470 quantize_per_channel_default_41" [label="(576,)", style=solid]; -"468 hardswish__15_zero_point_0" -> "471 dequantize_per_channel_default_41" [label="(576,)", style=solid]; +"468 hardswish__15_zero_point_0" -> "470 quantize_per_channel_default_41" [label="(576,)", style=dashed]; +"468 hardswish__15_zero_point_0" -> "471 dequantize_per_channel_default_41" [label="(576,)", style=dashed]; "469 hardswish__15" -> "470 quantize_per_channel_default_41" [label="(1, 576, 7, 7)", style=solid]; "470 quantize_per_channel_default_41" -> "471 dequantize_per_channel_default_41" [label="(1, 576, 7, 7)", style=solid]; "471 dequantize_per_channel_default_41" -> "478 conv2d_47" [label="(1, 576, 7, 7)", style=solid]; "472 features_11_block_1_0_weight_bias" -> "478 conv2d_47" [label="(576,)", style=solid]; "473 conv2d_47_scale_0" -> "476 quantize_per_channel_default_42" [label="(576,)", style=solid]; "473 conv2d_47_scale_0" -> "477 dequantize_per_channel_default_42" [label="(576,)", style=solid]; -"474 conv2d_47_zero_point_0" -> "476 quantize_per_channel_default_42" [label="(576,)", style=solid]; -"474 conv2d_47_zero_point_0" -> "477 dequantize_per_channel_default_42" [label="(576,)", style=solid]; +"474 conv2d_47_zero_point_0" -> "476 quantize_per_channel_default_42" [label="(576,)", style=dashed]; +"474 conv2d_47_zero_point_0" -> "477 dequantize_per_channel_default_42" [label="(576,)", style=dashed]; "475 compressed_weight_updated_constant31" -> "476 quantize_per_channel_default_42" [label="(576, 1, 5, 5)", style=solid]; "476 quantize_per_channel_default_42" -> "477 dequantize_per_channel_default_42" [label="(576, 1, 5, 5)", style=solid]; "477 dequantize_per_channel_default_42" -> "478 conv2d_47" [label="(576, 1, 5, 5)", style=solid]; @@ -1132,8 +1132,8 @@ strict digraph { "493 features_11_block_3_0_weight_bias" -> "499 conv2d_50" [label="(96,)", style=solid]; "494 conv2d_50_scale_0" -> "497 quantize_per_channel_default_43" [label="(96,)", style=solid]; "494 conv2d_50_scale_0" -> "498 dequantize_per_channel_default_43" [label="(96,)", style=solid]; -"495 conv2d_50_zero_point_0" -> "497 quantize_per_channel_default_43" [label="(96,)", style=solid]; -"495 conv2d_50_zero_point_0" -> "498 dequantize_per_channel_default_43" [label="(96,)", style=solid]; +"495 conv2d_50_zero_point_0" -> "497 quantize_per_channel_default_43" [label="(96,)", style=dashed]; +"495 conv2d_50_zero_point_0" -> "498 dequantize_per_channel_default_43" [label="(96,)", style=dashed]; "496 compressed_weight_updated_constant32" -> "497 quantize_per_channel_default_43" [label="(96, 576, 1, 1)", style=solid]; "497 quantize_per_channel_default_43" -> "498 dequantize_per_channel_default_43" [label="(96, 576, 1, 1)", style=solid]; "498 dequantize_per_channel_default_43" -> "499 conv2d_50" [label="(96, 576, 1, 1)", style=solid]; @@ -1146,8 +1146,8 @@ strict digraph { "505 features_12_0_weight_bias" -> "511 conv2d_51" [label="(576,)", style=solid]; "506 conv2d_51_scale_0" -> "509 quantize_per_channel_default_44" [label="(576,)", style=solid]; "506 conv2d_51_scale_0" -> "510 dequantize_per_channel_default_44" [label="(576,)", style=solid]; -"507 conv2d_51_zero_point_0" -> "509 quantize_per_channel_default_44" [label="(576,)", style=solid]; -"507 conv2d_51_zero_point_0" -> "510 dequantize_per_channel_default_44" [label="(576,)", style=solid]; +"507 conv2d_51_zero_point_0" -> "509 quantize_per_channel_default_44" [label="(576,)", style=dashed]; +"507 conv2d_51_zero_point_0" -> "510 dequantize_per_channel_default_44" [label="(576,)", style=dashed]; "508 compressed_weight_updated_constant33" -> "509 quantize_per_channel_default_44" [label="(576, 96, 1, 1)", style=solid]; "509 quantize_per_channel_default_44" -> "510 dequantize_per_channel_default_44" [label="(576, 96, 1, 1)", style=solid]; "510 dequantize_per_channel_default_44" -> "511 conv2d_51" [label="(576, 96, 1, 1)", style=solid]; @@ -1161,8 +1161,8 @@ strict digraph { "518 flatten" -> "524 linear" [label="(1, 576)", style=solid]; "519 linear_scale_0" -> "522 quantize_per_channel_default_45" [label="(1024,)", style=solid]; "519 linear_scale_0" -> "523 dequantize_per_channel_default_45" [label="(1024,)", style=solid]; -"520 linear_zero_point_0" -> "522 quantize_per_channel_default_45" [label="(1024,)", style=solid]; -"520 linear_zero_point_0" -> "523 dequantize_per_channel_default_45" [label="(1024,)", style=solid]; +"520 linear_zero_point_0" -> "522 quantize_per_channel_default_45" [label="(1024,)", style=dashed]; +"520 linear_zero_point_0" -> "523 dequantize_per_channel_default_45" [label="(1024,)", style=dashed]; "521 compressed_weight_updated_constant34" -> "522 quantize_per_channel_default_45" [label="(1024, 576)", style=solid]; "522 quantize_per_channel_default_45" -> "523 dequantize_per_channel_default_45" [label="(1024, 576)", style=solid]; "523 dequantize_per_channel_default_45" -> "524 linear" [label="(1024, 576)", style=solid]; @@ -1173,8 +1173,8 @@ strict digraph { "528 dropout_" -> "534 linear_1" [label="(1, 1024)", style=solid]; "529 linear_1_scale_0" -> "532 quantize_per_channel_default_46" [label="(1000,)", style=solid]; "529 linear_1_scale_0" -> "533 dequantize_per_channel_default_46" [label="(1000,)", style=solid]; -"530 linear_1_zero_point_0" -> "532 quantize_per_channel_default_46" [label="(1000,)", style=solid]; -"530 linear_1_zero_point_0" -> "533 dequantize_per_channel_default_46" [label="(1000,)", style=solid]; +"530 linear_1_zero_point_0" -> "532 quantize_per_channel_default_46" [label="(1000,)", style=dashed]; +"530 linear_1_zero_point_0" -> "533 dequantize_per_channel_default_46" [label="(1000,)", style=dashed]; "531 compressed_weight_updated_constant35" -> "532 quantize_per_channel_default_46" [label="(1000, 1024)", style=solid]; "532 quantize_per_channel_default_46" -> "533 dequantize_per_channel_default_46" [label="(1000, 1024)", style=solid]; "533 dequantize_per_channel_default_46" -> "534 linear_1" [label="(1000, 1024)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/quantized/resnet18.dot b/tests/torch/data/reference_graphs/fx/quantized/resnet18.dot index f0fd8208c2e..1cce2995586 100644 --- a/tests/torch/data/reference_graphs/fx/quantized/resnet18.dot +++ b/tests/torch/data/reference_graphs/fx/quantized/resnet18.dot @@ -250,8 +250,8 @@ strict digraph { "4 conv1_weight_bias" -> "10 conv2d" [label="(64,)", style=solid]; "5 conv2d_scale_0" -> "8 quantize_per_channel_default" [label="(64,)", style=solid]; "5 conv2d_scale_0" -> "9 dequantize_per_channel_default" [label="(64,)", style=solid]; -"6 conv2d_zero_point_0" -> "8 quantize_per_channel_default" [label="(64,)", style=solid]; -"6 conv2d_zero_point_0" -> "9 dequantize_per_channel_default" [label="(64,)", style=solid]; +"6 conv2d_zero_point_0" -> "8 quantize_per_channel_default" [label="(64,)", style=dashed]; +"6 conv2d_zero_point_0" -> "9 dequantize_per_channel_default" [label="(64,)", style=dashed]; "7 compressed_weight_updated_constant0" -> "8 quantize_per_channel_default" [label="(64, 3, 7, 7)", style=solid]; "8 quantize_per_channel_default" -> "9 dequantize_per_channel_default" [label="(64, 3, 7, 7)", style=solid]; "9 dequantize_per_channel_default" -> "10 conv2d" [label="(64, 3, 7, 7)", style=solid]; @@ -264,8 +264,8 @@ strict digraph { "15 layer1_0_conv1_weight_bias" -> "21 conv2d_1" [label="(64,)", style=solid]; "16 conv2d_1_scale_0" -> "19 quantize_per_channel_default_1" [label="(64,)", style=solid]; "16 conv2d_1_scale_0" -> "20 dequantize_per_channel_default_1" [label="(64,)", style=solid]; -"17 conv2d_1_zero_point_0" -> "19 quantize_per_channel_default_1" [label="(64,)", style=solid]; -"17 conv2d_1_zero_point_0" -> "20 dequantize_per_channel_default_1" [label="(64,)", style=solid]; +"17 conv2d_1_zero_point_0" -> "19 quantize_per_channel_default_1" [label="(64,)", style=dashed]; +"17 conv2d_1_zero_point_0" -> "20 dequantize_per_channel_default_1" [label="(64,)", style=dashed]; "18 compressed_weight_updated_constant1" -> "19 quantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; "19 quantize_per_channel_default_1" -> "20 dequantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; "20 dequantize_per_channel_default_1" -> "21 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; @@ -276,8 +276,8 @@ strict digraph { "25 layer1_0_conv2_weight_bias" -> "31 conv2d_2" [label="(64,)", style=solid]; "26 conv2d_2_scale_0" -> "29 quantize_per_channel_default_2" [label="(64,)", style=solid]; "26 conv2d_2_scale_0" -> "30 dequantize_per_channel_default_2" [label="(64,)", style=solid]; -"27 conv2d_2_zero_point_0" -> "29 quantize_per_channel_default_2" [label="(64,)", style=solid]; -"27 conv2d_2_zero_point_0" -> "30 dequantize_per_channel_default_2" [label="(64,)", style=solid]; +"27 conv2d_2_zero_point_0" -> "29 quantize_per_channel_default_2" [label="(64,)", style=dashed]; +"27 conv2d_2_zero_point_0" -> "30 dequantize_per_channel_default_2" [label="(64,)", style=dashed]; "28 compressed_weight_updated_constant2" -> "29 quantize_per_channel_default_2" [label="(64, 64, 3, 3)", style=solid]; "29 quantize_per_channel_default_2" -> "30 dequantize_per_channel_default_2" [label="(64, 64, 3, 3)", style=solid]; "30 dequantize_per_channel_default_2" -> "31 conv2d_2" [label="(64, 64, 3, 3)", style=solid]; @@ -293,8 +293,8 @@ strict digraph { "39 layer1_1_conv1_weight_bias" -> "45 conv2d_3" [label="(64,)", style=solid]; "40 conv2d_3_scale_0" -> "43 quantize_per_channel_default_3" [label="(64,)", style=solid]; "40 conv2d_3_scale_0" -> "44 dequantize_per_channel_default_3" [label="(64,)", style=solid]; -"41 conv2d_3_zero_point_0" -> "43 quantize_per_channel_default_3" [label="(64,)", style=solid]; -"41 conv2d_3_zero_point_0" -> "44 dequantize_per_channel_default_3" [label="(64,)", style=solid]; +"41 conv2d_3_zero_point_0" -> "43 quantize_per_channel_default_3" [label="(64,)", style=dashed]; +"41 conv2d_3_zero_point_0" -> "44 dequantize_per_channel_default_3" [label="(64,)", style=dashed]; "42 compressed_weight_updated_constant3" -> "43 quantize_per_channel_default_3" [label="(64, 64, 3, 3)", style=solid]; "43 quantize_per_channel_default_3" -> "44 dequantize_per_channel_default_3" [label="(64, 64, 3, 3)", style=solid]; "44 dequantize_per_channel_default_3" -> "45 conv2d_3" [label="(64, 64, 3, 3)", style=solid]; @@ -305,8 +305,8 @@ strict digraph { "49 layer1_1_conv2_weight_bias" -> "55 conv2d_4" [label="(64,)", style=solid]; "50 conv2d_4_scale_0" -> "53 quantize_per_channel_default_4" [label="(64,)", style=solid]; "50 conv2d_4_scale_0" -> "54 dequantize_per_channel_default_4" [label="(64,)", style=solid]; -"51 conv2d_4_zero_point_0" -> "53 quantize_per_channel_default_4" [label="(64,)", style=solid]; -"51 conv2d_4_zero_point_0" -> "54 dequantize_per_channel_default_4" [label="(64,)", style=solid]; +"51 conv2d_4_zero_point_0" -> "53 quantize_per_channel_default_4" [label="(64,)", style=dashed]; +"51 conv2d_4_zero_point_0" -> "54 dequantize_per_channel_default_4" [label="(64,)", style=dashed]; "52 compressed_weight_updated_constant4" -> "53 quantize_per_channel_default_4" [label="(64, 64, 3, 3)", style=solid]; "53 quantize_per_channel_default_4" -> "54 dequantize_per_channel_default_4" [label="(64, 64, 3, 3)", style=solid]; "54 dequantize_per_channel_default_4" -> "55 conv2d_4" [label="(64, 64, 3, 3)", style=solid]; @@ -322,8 +322,8 @@ strict digraph { "63 layer2_0_conv1_weight_bias" -> "69 conv2d_5" [label="(128,)", style=solid]; "64 conv2d_5_scale_0" -> "67 quantize_per_channel_default_5" [label="(128,)", style=solid]; "64 conv2d_5_scale_0" -> "68 dequantize_per_channel_default_5" [label="(128,)", style=solid]; -"65 conv2d_5_zero_point_0" -> "67 quantize_per_channel_default_5" [label="(128,)", style=solid]; -"65 conv2d_5_zero_point_0" -> "68 dequantize_per_channel_default_5" [label="(128,)", style=solid]; +"65 conv2d_5_zero_point_0" -> "67 quantize_per_channel_default_5" [label="(128,)", style=dashed]; +"65 conv2d_5_zero_point_0" -> "68 dequantize_per_channel_default_5" [label="(128,)", style=dashed]; "66 compressed_weight_updated_constant5" -> "67 quantize_per_channel_default_5" [label="(128, 64, 3, 3)", style=solid]; "67 quantize_per_channel_default_5" -> "68 dequantize_per_channel_default_5" [label="(128, 64, 3, 3)", style=solid]; "68 dequantize_per_channel_default_5" -> "69 conv2d_5" [label="(128, 64, 3, 3)", style=solid]; @@ -334,8 +334,8 @@ strict digraph { "73 layer2_0_conv2_weight_bias" -> "79 conv2d_6" [label="(128,)", style=solid]; "74 conv2d_6_scale_0" -> "77 quantize_per_channel_default_6" [label="(128,)", style=solid]; "74 conv2d_6_scale_0" -> "78 dequantize_per_channel_default_6" [label="(128,)", style=solid]; -"75 conv2d_6_zero_point_0" -> "77 quantize_per_channel_default_6" [label="(128,)", style=solid]; -"75 conv2d_6_zero_point_0" -> "78 dequantize_per_channel_default_6" [label="(128,)", style=solid]; +"75 conv2d_6_zero_point_0" -> "77 quantize_per_channel_default_6" [label="(128,)", style=dashed]; +"75 conv2d_6_zero_point_0" -> "78 dequantize_per_channel_default_6" [label="(128,)", style=dashed]; "76 compressed_weight_updated_constant6" -> "77 quantize_per_channel_default_6" [label="(128, 128, 3, 3)", style=solid]; "77 quantize_per_channel_default_6" -> "78 dequantize_per_channel_default_6" [label="(128, 128, 3, 3)", style=solid]; "78 dequantize_per_channel_default_6" -> "79 conv2d_6" [label="(128, 128, 3, 3)", style=solid]; @@ -345,8 +345,8 @@ strict digraph { "82 layer2_0_downsample_0_weight_bias" -> "88 conv2d_7" [label="(128,)", style=solid]; "83 conv2d_7_scale_0" -> "86 quantize_per_channel_default_7" [label="(128,)", style=solid]; "83 conv2d_7_scale_0" -> "87 dequantize_per_channel_default_7" [label="(128,)", style=solid]; -"84 conv2d_7_zero_point_0" -> "86 quantize_per_channel_default_7" [label="(128,)", style=solid]; -"84 conv2d_7_zero_point_0" -> "87 dequantize_per_channel_default_7" [label="(128,)", style=solid]; +"84 conv2d_7_zero_point_0" -> "86 quantize_per_channel_default_7" [label="(128,)", style=dashed]; +"84 conv2d_7_zero_point_0" -> "87 dequantize_per_channel_default_7" [label="(128,)", style=dashed]; "85 compressed_weight_updated_constant7" -> "86 quantize_per_channel_default_7" [label="(128, 64, 1, 1)", style=solid]; "86 quantize_per_channel_default_7" -> "87 dequantize_per_channel_default_7" [label="(128, 64, 1, 1)", style=solid]; "87 dequantize_per_channel_default_7" -> "88 conv2d_7" [label="(128, 64, 1, 1)", style=solid]; @@ -362,8 +362,8 @@ strict digraph { "96 layer2_1_conv1_weight_bias" -> "102 conv2d_8" [label="(128,)", style=solid]; "97 conv2d_8_scale_0" -> "100 quantize_per_channel_default_8" [label="(128,)", style=solid]; "97 conv2d_8_scale_0" -> "101 dequantize_per_channel_default_8" [label="(128,)", style=solid]; -"98 conv2d_8_zero_point_0" -> "100 quantize_per_channel_default_8" [label="(128,)", style=solid]; -"98 conv2d_8_zero_point_0" -> "101 dequantize_per_channel_default_8" [label="(128,)", style=solid]; +"98 conv2d_8_zero_point_0" -> "100 quantize_per_channel_default_8" [label="(128,)", style=dashed]; +"98 conv2d_8_zero_point_0" -> "101 dequantize_per_channel_default_8" [label="(128,)", style=dashed]; "99 compressed_weight_updated_constant8" -> "100 quantize_per_channel_default_8" [label="(128, 128, 3, 3)", style=solid]; "100 quantize_per_channel_default_8" -> "101 dequantize_per_channel_default_8" [label="(128, 128, 3, 3)", style=solid]; "101 dequantize_per_channel_default_8" -> "102 conv2d_8" [label="(128, 128, 3, 3)", style=solid]; @@ -374,8 +374,8 @@ strict digraph { "106 layer2_1_conv2_weight_bias" -> "112 conv2d_9" [label="(128,)", style=solid]; "107 conv2d_9_scale_0" -> "110 quantize_per_channel_default_9" [label="(128,)", style=solid]; "107 conv2d_9_scale_0" -> "111 dequantize_per_channel_default_9" [label="(128,)", style=solid]; -"108 conv2d_9_zero_point_0" -> "110 quantize_per_channel_default_9" [label="(128,)", style=solid]; -"108 conv2d_9_zero_point_0" -> "111 dequantize_per_channel_default_9" [label="(128,)", style=solid]; +"108 conv2d_9_zero_point_0" -> "110 quantize_per_channel_default_9" [label="(128,)", style=dashed]; +"108 conv2d_9_zero_point_0" -> "111 dequantize_per_channel_default_9" [label="(128,)", style=dashed]; "109 compressed_weight_updated_constant9" -> "110 quantize_per_channel_default_9" [label="(128, 128, 3, 3)", style=solid]; "110 quantize_per_channel_default_9" -> "111 dequantize_per_channel_default_9" [label="(128, 128, 3, 3)", style=solid]; "111 dequantize_per_channel_default_9" -> "112 conv2d_9" [label="(128, 128, 3, 3)", style=solid]; @@ -391,8 +391,8 @@ strict digraph { "120 layer3_0_conv1_weight_bias" -> "126 conv2d_10" [label="(256,)", style=solid]; "121 conv2d_10_scale_0" -> "124 quantize_per_channel_default_10" [label="(256,)", style=solid]; "121 conv2d_10_scale_0" -> "125 dequantize_per_channel_default_10" [label="(256,)", style=solid]; -"122 conv2d_10_zero_point_0" -> "124 quantize_per_channel_default_10" [label="(256,)", style=solid]; -"122 conv2d_10_zero_point_0" -> "125 dequantize_per_channel_default_10" [label="(256,)", style=solid]; +"122 conv2d_10_zero_point_0" -> "124 quantize_per_channel_default_10" [label="(256,)", style=dashed]; +"122 conv2d_10_zero_point_0" -> "125 dequantize_per_channel_default_10" [label="(256,)", style=dashed]; "123 compressed_weight_updated_constant10" -> "124 quantize_per_channel_default_10" [label="(256, 128, 3, 3)", style=solid]; "124 quantize_per_channel_default_10" -> "125 dequantize_per_channel_default_10" [label="(256, 128, 3, 3)", style=solid]; "125 dequantize_per_channel_default_10" -> "126 conv2d_10" [label="(256, 128, 3, 3)", style=solid]; @@ -403,8 +403,8 @@ strict digraph { "130 layer3_0_conv2_weight_bias" -> "136 conv2d_11" [label="(256,)", style=solid]; "131 conv2d_11_scale_0" -> "134 quantize_per_channel_default_11" [label="(256,)", style=solid]; "131 conv2d_11_scale_0" -> "135 dequantize_per_channel_default_11" [label="(256,)", style=solid]; -"132 conv2d_11_zero_point_0" -> "134 quantize_per_channel_default_11" [label="(256,)", style=solid]; -"132 conv2d_11_zero_point_0" -> "135 dequantize_per_channel_default_11" [label="(256,)", style=solid]; +"132 conv2d_11_zero_point_0" -> "134 quantize_per_channel_default_11" [label="(256,)", style=dashed]; +"132 conv2d_11_zero_point_0" -> "135 dequantize_per_channel_default_11" [label="(256,)", style=dashed]; "133 compressed_weight_updated_constant11" -> "134 quantize_per_channel_default_11" [label="(256, 256, 3, 3)", style=solid]; "134 quantize_per_channel_default_11" -> "135 dequantize_per_channel_default_11" [label="(256, 256, 3, 3)", style=solid]; "135 dequantize_per_channel_default_11" -> "136 conv2d_11" [label="(256, 256, 3, 3)", style=solid]; @@ -414,8 +414,8 @@ strict digraph { "139 layer3_0_downsample_0_weight_bias" -> "145 conv2d_12" [label="(256,)", style=solid]; "140 conv2d_12_scale_0" -> "143 quantize_per_channel_default_12" [label="(256,)", style=solid]; "140 conv2d_12_scale_0" -> "144 dequantize_per_channel_default_12" [label="(256,)", style=solid]; -"141 conv2d_12_zero_point_0" -> "143 quantize_per_channel_default_12" [label="(256,)", style=solid]; -"141 conv2d_12_zero_point_0" -> "144 dequantize_per_channel_default_12" [label="(256,)", style=solid]; +"141 conv2d_12_zero_point_0" -> "143 quantize_per_channel_default_12" [label="(256,)", style=dashed]; +"141 conv2d_12_zero_point_0" -> "144 dequantize_per_channel_default_12" [label="(256,)", style=dashed]; "142 compressed_weight_updated_constant12" -> "143 quantize_per_channel_default_12" [label="(256, 128, 1, 1)", style=solid]; "143 quantize_per_channel_default_12" -> "144 dequantize_per_channel_default_12" [label="(256, 128, 1, 1)", style=solid]; "144 dequantize_per_channel_default_12" -> "145 conv2d_12" [label="(256, 128, 1, 1)", style=solid]; @@ -431,8 +431,8 @@ strict digraph { "153 layer3_1_conv1_weight_bias" -> "159 conv2d_13" [label="(256,)", style=solid]; "154 conv2d_13_scale_0" -> "157 quantize_per_channel_default_13" [label="(256,)", style=solid]; "154 conv2d_13_scale_0" -> "158 dequantize_per_channel_default_13" [label="(256,)", style=solid]; -"155 conv2d_13_zero_point_0" -> "157 quantize_per_channel_default_13" [label="(256,)", style=solid]; -"155 conv2d_13_zero_point_0" -> "158 dequantize_per_channel_default_13" [label="(256,)", style=solid]; +"155 conv2d_13_zero_point_0" -> "157 quantize_per_channel_default_13" [label="(256,)", style=dashed]; +"155 conv2d_13_zero_point_0" -> "158 dequantize_per_channel_default_13" [label="(256,)", style=dashed]; "156 compressed_weight_updated_constant13" -> "157 quantize_per_channel_default_13" [label="(256, 256, 3, 3)", style=solid]; "157 quantize_per_channel_default_13" -> "158 dequantize_per_channel_default_13" [label="(256, 256, 3, 3)", style=solid]; "158 dequantize_per_channel_default_13" -> "159 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; @@ -443,8 +443,8 @@ strict digraph { "163 layer3_1_conv2_weight_bias" -> "169 conv2d_14" [label="(256,)", style=solid]; "164 conv2d_14_scale_0" -> "167 quantize_per_channel_default_14" [label="(256,)", style=solid]; "164 conv2d_14_scale_0" -> "168 dequantize_per_channel_default_14" [label="(256,)", style=solid]; -"165 conv2d_14_zero_point_0" -> "167 quantize_per_channel_default_14" [label="(256,)", style=solid]; -"165 conv2d_14_zero_point_0" -> "168 dequantize_per_channel_default_14" [label="(256,)", style=solid]; +"165 conv2d_14_zero_point_0" -> "167 quantize_per_channel_default_14" [label="(256,)", style=dashed]; +"165 conv2d_14_zero_point_0" -> "168 dequantize_per_channel_default_14" [label="(256,)", style=dashed]; "166 compressed_weight_updated_constant14" -> "167 quantize_per_channel_default_14" [label="(256, 256, 3, 3)", style=solid]; "167 quantize_per_channel_default_14" -> "168 dequantize_per_channel_default_14" [label="(256, 256, 3, 3)", style=solid]; "168 dequantize_per_channel_default_14" -> "169 conv2d_14" [label="(256, 256, 3, 3)", style=solid]; @@ -460,8 +460,8 @@ strict digraph { "177 layer4_0_conv1_weight_bias" -> "183 conv2d_15" [label="(512,)", style=solid]; "178 conv2d_15_scale_0" -> "181 quantize_per_channel_default_15" [label="(512,)", style=solid]; "178 conv2d_15_scale_0" -> "182 dequantize_per_channel_default_15" [label="(512,)", style=solid]; -"179 conv2d_15_zero_point_0" -> "181 quantize_per_channel_default_15" [label="(512,)", style=solid]; -"179 conv2d_15_zero_point_0" -> "182 dequantize_per_channel_default_15" [label="(512,)", style=solid]; +"179 conv2d_15_zero_point_0" -> "181 quantize_per_channel_default_15" [label="(512,)", style=dashed]; +"179 conv2d_15_zero_point_0" -> "182 dequantize_per_channel_default_15" [label="(512,)", style=dashed]; "180 compressed_weight_updated_constant15" -> "181 quantize_per_channel_default_15" [label="(512, 256, 3, 3)", style=solid]; "181 quantize_per_channel_default_15" -> "182 dequantize_per_channel_default_15" [label="(512, 256, 3, 3)", style=solid]; "182 dequantize_per_channel_default_15" -> "183 conv2d_15" [label="(512, 256, 3, 3)", style=solid]; @@ -472,8 +472,8 @@ strict digraph { "187 layer4_0_conv2_weight_bias" -> "193 conv2d_16" [label="(512,)", style=solid]; "188 conv2d_16_scale_0" -> "191 quantize_per_channel_default_16" [label="(512,)", style=solid]; "188 conv2d_16_scale_0" -> "192 dequantize_per_channel_default_16" [label="(512,)", style=solid]; -"189 conv2d_16_zero_point_0" -> "191 quantize_per_channel_default_16" [label="(512,)", style=solid]; -"189 conv2d_16_zero_point_0" -> "192 dequantize_per_channel_default_16" [label="(512,)", style=solid]; +"189 conv2d_16_zero_point_0" -> "191 quantize_per_channel_default_16" [label="(512,)", style=dashed]; +"189 conv2d_16_zero_point_0" -> "192 dequantize_per_channel_default_16" [label="(512,)", style=dashed]; "190 compressed_weight_updated_constant16" -> "191 quantize_per_channel_default_16" [label="(512, 512, 3, 3)", style=solid]; "191 quantize_per_channel_default_16" -> "192 dequantize_per_channel_default_16" [label="(512, 512, 3, 3)", style=solid]; "192 dequantize_per_channel_default_16" -> "193 conv2d_16" [label="(512, 512, 3, 3)", style=solid]; @@ -483,8 +483,8 @@ strict digraph { "196 layer4_0_downsample_0_weight_bias" -> "202 conv2d_17" [label="(512,)", style=solid]; "197 conv2d_17_scale_0" -> "200 quantize_per_channel_default_17" [label="(512,)", style=solid]; "197 conv2d_17_scale_0" -> "201 dequantize_per_channel_default_17" [label="(512,)", style=solid]; -"198 conv2d_17_zero_point_0" -> "200 quantize_per_channel_default_17" [label="(512,)", style=solid]; -"198 conv2d_17_zero_point_0" -> "201 dequantize_per_channel_default_17" [label="(512,)", style=solid]; +"198 conv2d_17_zero_point_0" -> "200 quantize_per_channel_default_17" [label="(512,)", style=dashed]; +"198 conv2d_17_zero_point_0" -> "201 dequantize_per_channel_default_17" [label="(512,)", style=dashed]; "199 compressed_weight_updated_constant17" -> "200 quantize_per_channel_default_17" [label="(512, 256, 1, 1)", style=solid]; "200 quantize_per_channel_default_17" -> "201 dequantize_per_channel_default_17" [label="(512, 256, 1, 1)", style=solid]; "201 dequantize_per_channel_default_17" -> "202 conv2d_17" [label="(512, 256, 1, 1)", style=solid]; @@ -500,8 +500,8 @@ strict digraph { "210 layer4_1_conv1_weight_bias" -> "216 conv2d_18" [label="(512,)", style=solid]; "211 conv2d_18_scale_0" -> "214 quantize_per_channel_default_18" [label="(512,)", style=solid]; "211 conv2d_18_scale_0" -> "215 dequantize_per_channel_default_18" [label="(512,)", style=solid]; -"212 conv2d_18_zero_point_0" -> "214 quantize_per_channel_default_18" [label="(512,)", style=solid]; -"212 conv2d_18_zero_point_0" -> "215 dequantize_per_channel_default_18" [label="(512,)", style=solid]; +"212 conv2d_18_zero_point_0" -> "214 quantize_per_channel_default_18" [label="(512,)", style=dashed]; +"212 conv2d_18_zero_point_0" -> "215 dequantize_per_channel_default_18" [label="(512,)", style=dashed]; "213 compressed_weight_updated_constant18" -> "214 quantize_per_channel_default_18" [label="(512, 512, 3, 3)", style=solid]; "214 quantize_per_channel_default_18" -> "215 dequantize_per_channel_default_18" [label="(512, 512, 3, 3)", style=solid]; "215 dequantize_per_channel_default_18" -> "216 conv2d_18" [label="(512, 512, 3, 3)", style=solid]; @@ -512,8 +512,8 @@ strict digraph { "220 layer4_1_conv2_weight_bias" -> "226 conv2d_19" [label="(512,)", style=solid]; "221 conv2d_19_scale_0" -> "224 quantize_per_channel_default_19" [label="(512,)", style=solid]; "221 conv2d_19_scale_0" -> "225 dequantize_per_channel_default_19" [label="(512,)", style=solid]; -"222 conv2d_19_zero_point_0" -> "224 quantize_per_channel_default_19" [label="(512,)", style=solid]; -"222 conv2d_19_zero_point_0" -> "225 dequantize_per_channel_default_19" [label="(512,)", style=solid]; +"222 conv2d_19_zero_point_0" -> "224 quantize_per_channel_default_19" [label="(512,)", style=dashed]; +"222 conv2d_19_zero_point_0" -> "225 dequantize_per_channel_default_19" [label="(512,)", style=dashed]; "223 compressed_weight_updated_constant19" -> "224 quantize_per_channel_default_19" [label="(512, 512, 3, 3)", style=solid]; "224 quantize_per_channel_default_19" -> "225 dequantize_per_channel_default_19" [label="(512, 512, 3, 3)", style=solid]; "225 dequantize_per_channel_default_19" -> "226 conv2d_19" [label="(512, 512, 3, 3)", style=solid]; @@ -530,8 +530,8 @@ strict digraph { "236 flatten" -> "242 linear" [label="(1, 512)", style=solid]; "237 linear_scale_0" -> "240 quantize_per_channel_default_20" [label="(1000,)", style=solid]; "237 linear_scale_0" -> "241 dequantize_per_channel_default_20" [label="(1000,)", style=solid]; -"238 linear_zero_point_0" -> "240 quantize_per_channel_default_20" [label="(1000,)", style=solid]; -"238 linear_zero_point_0" -> "241 dequantize_per_channel_default_20" [label="(1000,)", style=solid]; +"238 linear_zero_point_0" -> "240 quantize_per_channel_default_20" [label="(1000,)", style=dashed]; +"238 linear_zero_point_0" -> "241 dequantize_per_channel_default_20" [label="(1000,)", style=dashed]; "239 compressed_weight_updated_constant20" -> "240 quantize_per_channel_default_20" [label="(1000, 512)", style=solid]; "240 quantize_per_channel_default_20" -> "241 dequantize_per_channel_default_20" [label="(1000, 512)", style=solid]; "241 dequantize_per_channel_default_20" -> "242 linear" [label="(1000, 512)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/quantized/swin_v2_s.dot b/tests/torch/data/reference_graphs/fx/quantized/swin_v2_s.dot index 2d8c924f10b..7f8a4ada4c9 100644 --- a/tests/torch/data/reference_graphs/fx/quantized/swin_v2_s.dot +++ b/tests/torch/data/reference_graphs/fx/quantized/swin_v2_s.dot @@ -2693,8 +2693,8 @@ strict digraph { "182 dequantize_per_tensor_default" -> "188 conv2d" [label="(1, 3, 224, 224)", style=solid]; "183 conv2d_scale_0" -> "186 quantize_per_channel_default" [label="(96,)", style=solid]; "183 conv2d_scale_0" -> "187 dequantize_per_channel_default" [label="(96,)", style=solid]; -"184 conv2d_zero_point_0" -> "186 quantize_per_channel_default" [label="(96,)", style=solid]; -"184 conv2d_zero_point_0" -> "187 dequantize_per_channel_default" [label="(96,)", style=solid]; +"184 conv2d_zero_point_0" -> "186 quantize_per_channel_default" [label="(96,)", style=dashed]; +"184 conv2d_zero_point_0" -> "187 dequantize_per_channel_default" [label="(96,)", style=dashed]; "185 compressed_weight_updated_constant0" -> "186 quantize_per_channel_default" [label="(96, 3, 4, 4)", style=solid]; "186 quantize_per_channel_default" -> "187 dequantize_per_channel_default" [label="(96, 3, 4, 4)", style=solid]; "187 dequantize_per_channel_default" -> "188 conv2d" [label="(96, 3, 4, 4)", style=solid]; @@ -2713,8 +2713,8 @@ strict digraph { "199 dequantize_per_tensor_default_1" -> "205 linear_2" [label="(49, 64, 96)", style=solid]; "200 linear_2_scale_0" -> "203 quantize_per_channel_default_1" [label="(288,)", style=solid]; "200 linear_2_scale_0" -> "204 dequantize_per_channel_default_1" [label="(288,)", style=solid]; -"201 linear_2_zero_point_0" -> "203 quantize_per_channel_default_1" [label="(288,)", style=solid]; -"201 linear_2_zero_point_0" -> "204 dequantize_per_channel_default_1" [label="(288,)", style=solid]; +"201 linear_2_zero_point_0" -> "203 quantize_per_channel_default_1" [label="(288,)", style=dashed]; +"201 linear_2_zero_point_0" -> "204 dequantize_per_channel_default_1" [label="(288,)", style=dashed]; "202 compressed_weight_updated_constant1" -> "203 quantize_per_channel_default_1" [label="(288, 96)", style=solid]; "203 quantize_per_channel_default_1" -> "204 dequantize_per_channel_default_1" [label="(288, 96)", style=solid]; "204 dequantize_per_channel_default_1" -> "205 linear_2" [label="(288, 96)", style=solid]; @@ -2757,8 +2757,8 @@ strict digraph { "235 dequantize_per_tensor_default_4" -> "241 linear_3" [label="(49, 64, 96)", style=solid]; "236 linear_3_scale_0" -> "239 quantize_per_channel_default_2" [label="(96,)", style=solid]; "236 linear_3_scale_0" -> "240 dequantize_per_channel_default_2" [label="(96,)", style=solid]; -"237 linear_3_zero_point_0" -> "239 quantize_per_channel_default_2" [label="(96,)", style=solid]; -"237 linear_3_zero_point_0" -> "240 dequantize_per_channel_default_2" [label="(96,)", style=solid]; +"237 linear_3_zero_point_0" -> "239 quantize_per_channel_default_2" [label="(96,)", style=dashed]; +"237 linear_3_zero_point_0" -> "240 dequantize_per_channel_default_2" [label="(96,)", style=dashed]; "238 compressed_weight_updated_constant2" -> "239 quantize_per_channel_default_2" [label="(96, 96)", style=solid]; "239 quantize_per_channel_default_2" -> "240 dequantize_per_channel_default_2" [label="(96, 96)", style=solid]; "240 dequantize_per_channel_default_2" -> "241 linear_3" [label="(96, 96)", style=solid]; @@ -2777,8 +2777,8 @@ strict digraph { "252 dequantize_per_tensor_default_5" -> "258 linear_4" [label="(1, 56, 56, 96)", style=solid]; "253 linear_4_scale_0" -> "256 quantize_per_channel_default_3" [label="(384,)", style=solid]; "253 linear_4_scale_0" -> "257 dequantize_per_channel_default_3" [label="(384,)", style=solid]; -"254 linear_4_zero_point_0" -> "256 quantize_per_channel_default_3" [label="(384,)", style=solid]; -"254 linear_4_zero_point_0" -> "257 dequantize_per_channel_default_3" [label="(384,)", style=solid]; +"254 linear_4_zero_point_0" -> "256 quantize_per_channel_default_3" [label="(384,)", style=dashed]; +"254 linear_4_zero_point_0" -> "257 dequantize_per_channel_default_3" [label="(384,)", style=dashed]; "255 compressed_weight_updated_constant3" -> "256 quantize_per_channel_default_3" [label="(384, 96)", style=solid]; "256 quantize_per_channel_default_3" -> "257 dequantize_per_channel_default_3" [label="(384, 96)", style=solid]; "257 dequantize_per_channel_default_3" -> "258 linear_4" [label="(384, 96)", style=solid]; @@ -2790,8 +2790,8 @@ strict digraph { "263 dequantize_per_tensor_default_6" -> "269 linear_5" [label="(1, 56, 56, 384)", style=solid]; "264 linear_5_scale_0" -> "267 quantize_per_channel_default_4" [label="(96,)", style=solid]; "264 linear_5_scale_0" -> "268 dequantize_per_channel_default_4" [label="(96,)", style=solid]; -"265 linear_5_zero_point_0" -> "267 quantize_per_channel_default_4" [label="(96,)", style=solid]; -"265 linear_5_zero_point_0" -> "268 dequantize_per_channel_default_4" [label="(96,)", style=solid]; +"265 linear_5_zero_point_0" -> "267 quantize_per_channel_default_4" [label="(96,)", style=dashed]; +"265 linear_5_zero_point_0" -> "268 dequantize_per_channel_default_4" [label="(96,)", style=dashed]; "266 compressed_weight_updated_constant4" -> "267 quantize_per_channel_default_4" [label="(96, 384)", style=solid]; "267 quantize_per_channel_default_4" -> "268 dequantize_per_channel_default_4" [label="(96, 384)", style=solid]; "268 dequantize_per_channel_default_4" -> "269 linear_5" [label="(96, 384)", style=solid]; @@ -2813,8 +2813,8 @@ strict digraph { "282 dequantize_per_tensor_default_7" -> "288 linear_8" [label="(49, 64, 96)", style=solid]; "283 linear_8_scale_0" -> "286 quantize_per_channel_default_5" [label="(288,)", style=solid]; "283 linear_8_scale_0" -> "287 dequantize_per_channel_default_5" [label="(288,)", style=solid]; -"284 linear_8_zero_point_0" -> "286 quantize_per_channel_default_5" [label="(288,)", style=solid]; -"284 linear_8_zero_point_0" -> "287 dequantize_per_channel_default_5" [label="(288,)", style=solid]; +"284 linear_8_zero_point_0" -> "286 quantize_per_channel_default_5" [label="(288,)", style=dashed]; +"284 linear_8_zero_point_0" -> "287 dequantize_per_channel_default_5" [label="(288,)", style=dashed]; "285 compressed_weight_updated_constant5" -> "286 quantize_per_channel_default_5" [label="(288, 96)", style=solid]; "286 quantize_per_channel_default_5" -> "287 dequantize_per_channel_default_5" [label="(288, 96)", style=solid]; "287 dequantize_per_channel_default_5" -> "288 linear_8" [label="(288, 96)", style=solid]; @@ -2876,8 +2876,8 @@ strict digraph { "334 dequantize_per_tensor_default_10" -> "340 linear_9" [label="(49, 64, 96)", style=solid]; "335 linear_9_scale_0" -> "338 quantize_per_channel_default_6" [label="(96,)", style=solid]; "335 linear_9_scale_0" -> "339 dequantize_per_channel_default_6" [label="(96,)", style=solid]; -"336 linear_9_zero_point_0" -> "338 quantize_per_channel_default_6" [label="(96,)", style=solid]; -"336 linear_9_zero_point_0" -> "339 dequantize_per_channel_default_6" [label="(96,)", style=solid]; +"336 linear_9_zero_point_0" -> "338 quantize_per_channel_default_6" [label="(96,)", style=dashed]; +"336 linear_9_zero_point_0" -> "339 dequantize_per_channel_default_6" [label="(96,)", style=dashed]; "337 compressed_weight_updated_constant6" -> "338 quantize_per_channel_default_6" [label="(96, 96)", style=solid]; "338 quantize_per_channel_default_6" -> "339 dequantize_per_channel_default_6" [label="(96, 96)", style=solid]; "339 dequantize_per_channel_default_6" -> "340 linear_9" [label="(96, 96)", style=solid]; @@ -2897,8 +2897,8 @@ strict digraph { "352 dequantize_per_tensor_default_11" -> "358 linear_10" [label="(1, 56, 56, 96)", style=solid]; "353 linear_10_scale_0" -> "356 quantize_per_channel_default_7" [label="(384,)", style=solid]; "353 linear_10_scale_0" -> "357 dequantize_per_channel_default_7" [label="(384,)", style=solid]; -"354 linear_10_zero_point_0" -> "356 quantize_per_channel_default_7" [label="(384,)", style=solid]; -"354 linear_10_zero_point_0" -> "357 dequantize_per_channel_default_7" [label="(384,)", style=solid]; +"354 linear_10_zero_point_0" -> "356 quantize_per_channel_default_7" [label="(384,)", style=dashed]; +"354 linear_10_zero_point_0" -> "357 dequantize_per_channel_default_7" [label="(384,)", style=dashed]; "355 compressed_weight_updated_constant7" -> "356 quantize_per_channel_default_7" [label="(384, 96)", style=solid]; "356 quantize_per_channel_default_7" -> "357 dequantize_per_channel_default_7" [label="(384, 96)", style=solid]; "357 dequantize_per_channel_default_7" -> "358 linear_10" [label="(384, 96)", style=solid]; @@ -2910,8 +2910,8 @@ strict digraph { "363 dequantize_per_tensor_default_12" -> "369 linear_11" [label="(1, 56, 56, 384)", style=solid]; "364 linear_11_scale_0" -> "367 quantize_per_channel_default_8" [label="(96,)", style=solid]; "364 linear_11_scale_0" -> "368 dequantize_per_channel_default_8" [label="(96,)", style=solid]; -"365 linear_11_zero_point_0" -> "367 quantize_per_channel_default_8" [label="(96,)", style=solid]; -"365 linear_11_zero_point_0" -> "368 dequantize_per_channel_default_8" [label="(96,)", style=solid]; +"365 linear_11_zero_point_0" -> "367 quantize_per_channel_default_8" [label="(96,)", style=dashed]; +"365 linear_11_zero_point_0" -> "368 dequantize_per_channel_default_8" [label="(96,)", style=dashed]; "366 compressed_weight_updated_constant8" -> "367 quantize_per_channel_default_8" [label="(96, 384)", style=solid]; "367 quantize_per_channel_default_8" -> "368 dequantize_per_channel_default_8" [label="(96, 384)", style=solid]; "368 dequantize_per_channel_default_8" -> "369 linear_11" [label="(96, 384)", style=solid]; @@ -2941,8 +2941,8 @@ strict digraph { "389 dequantize_per_tensor_default_13" -> "395 linear_12" [label="(1, 28, 28, 384)", style=solid]; "390 linear_12_scale_0" -> "393 quantize_per_channel_default_9" [label="(192,)", style=solid]; "390 linear_12_scale_0" -> "394 dequantize_per_channel_default_9" [label="(192,)", style=solid]; -"391 linear_12_zero_point_0" -> "393 quantize_per_channel_default_9" [label="(192,)", style=solid]; -"391 linear_12_zero_point_0" -> "394 dequantize_per_channel_default_9" [label="(192,)", style=solid]; +"391 linear_12_zero_point_0" -> "393 quantize_per_channel_default_9" [label="(192,)", style=dashed]; +"391 linear_12_zero_point_0" -> "394 dequantize_per_channel_default_9" [label="(192,)", style=dashed]; "392 compressed_weight_updated_constant9" -> "393 quantize_per_channel_default_9" [label="(192, 384)", style=solid]; "393 quantize_per_channel_default_9" -> "394 dequantize_per_channel_default_9" [label="(192, 384)", style=solid]; "394 dequantize_per_channel_default_9" -> "395 linear_12" [label="(192, 384)", style=solid]; @@ -2960,8 +2960,8 @@ strict digraph { "405 dequantize_per_tensor_default_14" -> "411 linear_15" [label="(16, 64, 192)", style=solid]; "406 linear_15_scale_0" -> "409 quantize_per_channel_default_10" [label="(576,)", style=solid]; "406 linear_15_scale_0" -> "410 dequantize_per_channel_default_10" [label="(576,)", style=solid]; -"407 linear_15_zero_point_0" -> "409 quantize_per_channel_default_10" [label="(576,)", style=solid]; -"407 linear_15_zero_point_0" -> "410 dequantize_per_channel_default_10" [label="(576,)", style=solid]; +"407 linear_15_zero_point_0" -> "409 quantize_per_channel_default_10" [label="(576,)", style=dashed]; +"407 linear_15_zero_point_0" -> "410 dequantize_per_channel_default_10" [label="(576,)", style=dashed]; "408 compressed_weight_updated_constant10" -> "409 quantize_per_channel_default_10" [label="(576, 192)", style=solid]; "409 quantize_per_channel_default_10" -> "410 dequantize_per_channel_default_10" [label="(576, 192)", style=solid]; "410 dequantize_per_channel_default_10" -> "411 linear_15" [label="(576, 192)", style=solid]; @@ -3004,8 +3004,8 @@ strict digraph { "441 dequantize_per_tensor_default_17" -> "447 linear_16" [label="(16, 64, 192)", style=solid]; "442 linear_16_scale_0" -> "445 quantize_per_channel_default_11" [label="(192,)", style=solid]; "442 linear_16_scale_0" -> "446 dequantize_per_channel_default_11" [label="(192,)", style=solid]; -"443 linear_16_zero_point_0" -> "445 quantize_per_channel_default_11" [label="(192,)", style=solid]; -"443 linear_16_zero_point_0" -> "446 dequantize_per_channel_default_11" [label="(192,)", style=solid]; +"443 linear_16_zero_point_0" -> "445 quantize_per_channel_default_11" [label="(192,)", style=dashed]; +"443 linear_16_zero_point_0" -> "446 dequantize_per_channel_default_11" [label="(192,)", style=dashed]; "444 compressed_weight_updated_constant11" -> "445 quantize_per_channel_default_11" [label="(192, 192)", style=solid]; "445 quantize_per_channel_default_11" -> "446 dequantize_per_channel_default_11" [label="(192, 192)", style=solid]; "446 dequantize_per_channel_default_11" -> "447 linear_16" [label="(192, 192)", style=solid]; @@ -3027,8 +3027,8 @@ strict digraph { "461 dequantize_per_tensor_default_18" -> "467 linear_17" [label="(1, 28, 28, 192)", style=solid]; "462 linear_17_scale_0" -> "465 quantize_per_channel_default_12" [label="(768,)", style=solid]; "462 linear_17_scale_0" -> "466 dequantize_per_channel_default_12" [label="(768,)", style=solid]; -"463 linear_17_zero_point_0" -> "465 quantize_per_channel_default_12" [label="(768,)", style=solid]; -"463 linear_17_zero_point_0" -> "466 dequantize_per_channel_default_12" [label="(768,)", style=solid]; +"463 linear_17_zero_point_0" -> "465 quantize_per_channel_default_12" [label="(768,)", style=dashed]; +"463 linear_17_zero_point_0" -> "466 dequantize_per_channel_default_12" [label="(768,)", style=dashed]; "464 compressed_weight_updated_constant12" -> "465 quantize_per_channel_default_12" [label="(768, 192)", style=solid]; "465 quantize_per_channel_default_12" -> "466 dequantize_per_channel_default_12" [label="(768, 192)", style=solid]; "466 dequantize_per_channel_default_12" -> "467 linear_17" [label="(768, 192)", style=solid]; @@ -3040,8 +3040,8 @@ strict digraph { "472 dequantize_per_tensor_default_19" -> "478 linear_18" [label="(1, 28, 28, 768)", style=solid]; "473 linear_18_scale_0" -> "476 quantize_per_channel_default_13" [label="(192,)", style=solid]; "473 linear_18_scale_0" -> "477 dequantize_per_channel_default_13" [label="(192,)", style=solid]; -"474 linear_18_zero_point_0" -> "476 quantize_per_channel_default_13" [label="(192,)", style=solid]; -"474 linear_18_zero_point_0" -> "477 dequantize_per_channel_default_13" [label="(192,)", style=solid]; +"474 linear_18_zero_point_0" -> "476 quantize_per_channel_default_13" [label="(192,)", style=dashed]; +"474 linear_18_zero_point_0" -> "477 dequantize_per_channel_default_13" [label="(192,)", style=dashed]; "475 compressed_weight_updated_constant13" -> "476 quantize_per_channel_default_13" [label="(192, 768)", style=solid]; "476 quantize_per_channel_default_13" -> "477 dequantize_per_channel_default_13" [label="(192, 768)", style=solid]; "477 dequantize_per_channel_default_13" -> "478 linear_18" [label="(192, 768)", style=solid]; @@ -3063,8 +3063,8 @@ strict digraph { "491 dequantize_per_tensor_default_20" -> "497 linear_21" [label="(16, 64, 192)", style=solid]; "492 linear_21_scale_0" -> "495 quantize_per_channel_default_14" [label="(576,)", style=solid]; "492 linear_21_scale_0" -> "496 dequantize_per_channel_default_14" [label="(576,)", style=solid]; -"493 linear_21_zero_point_0" -> "495 quantize_per_channel_default_14" [label="(576,)", style=solid]; -"493 linear_21_zero_point_0" -> "496 dequantize_per_channel_default_14" [label="(576,)", style=solid]; +"493 linear_21_zero_point_0" -> "495 quantize_per_channel_default_14" [label="(576,)", style=dashed]; +"493 linear_21_zero_point_0" -> "496 dequantize_per_channel_default_14" [label="(576,)", style=dashed]; "494 compressed_weight_updated_constant14" -> "495 quantize_per_channel_default_14" [label="(576, 192)", style=solid]; "495 quantize_per_channel_default_14" -> "496 dequantize_per_channel_default_14" [label="(576, 192)", style=solid]; "496 dequantize_per_channel_default_14" -> "497 linear_21" [label="(576, 192)", style=solid]; @@ -3126,8 +3126,8 @@ strict digraph { "543 dequantize_per_tensor_default_23" -> "549 linear_22" [label="(16, 64, 192)", style=solid]; "544 linear_22_scale_0" -> "547 quantize_per_channel_default_15" [label="(192,)", style=solid]; "544 linear_22_scale_0" -> "548 dequantize_per_channel_default_15" [label="(192,)", style=solid]; -"545 linear_22_zero_point_0" -> "547 quantize_per_channel_default_15" [label="(192,)", style=solid]; -"545 linear_22_zero_point_0" -> "548 dequantize_per_channel_default_15" [label="(192,)", style=solid]; +"545 linear_22_zero_point_0" -> "547 quantize_per_channel_default_15" [label="(192,)", style=dashed]; +"545 linear_22_zero_point_0" -> "548 dequantize_per_channel_default_15" [label="(192,)", style=dashed]; "546 compressed_weight_updated_constant15" -> "547 quantize_per_channel_default_15" [label="(192, 192)", style=solid]; "547 quantize_per_channel_default_15" -> "548 dequantize_per_channel_default_15" [label="(192, 192)", style=solid]; "548 dequantize_per_channel_default_15" -> "549 linear_22" [label="(192, 192)", style=solid]; @@ -3150,8 +3150,8 @@ strict digraph { "564 dequantize_per_tensor_default_24" -> "570 linear_23" [label="(1, 28, 28, 192)", style=solid]; "565 linear_23_scale_0" -> "568 quantize_per_channel_default_16" [label="(768,)", style=solid]; "565 linear_23_scale_0" -> "569 dequantize_per_channel_default_16" [label="(768,)", style=solid]; -"566 linear_23_zero_point_0" -> "568 quantize_per_channel_default_16" [label="(768,)", style=solid]; -"566 linear_23_zero_point_0" -> "569 dequantize_per_channel_default_16" [label="(768,)", style=solid]; +"566 linear_23_zero_point_0" -> "568 quantize_per_channel_default_16" [label="(768,)", style=dashed]; +"566 linear_23_zero_point_0" -> "569 dequantize_per_channel_default_16" [label="(768,)", style=dashed]; "567 compressed_weight_updated_constant16" -> "568 quantize_per_channel_default_16" [label="(768, 192)", style=solid]; "568 quantize_per_channel_default_16" -> "569 dequantize_per_channel_default_16" [label="(768, 192)", style=solid]; "569 dequantize_per_channel_default_16" -> "570 linear_23" [label="(768, 192)", style=solid]; @@ -3163,8 +3163,8 @@ strict digraph { "575 dequantize_per_tensor_default_25" -> "581 linear_24" [label="(1, 28, 28, 768)", style=solid]; "576 linear_24_scale_0" -> "579 quantize_per_channel_default_17" [label="(192,)", style=solid]; "576 linear_24_scale_0" -> "580 dequantize_per_channel_default_17" [label="(192,)", style=solid]; -"577 linear_24_zero_point_0" -> "579 quantize_per_channel_default_17" [label="(192,)", style=solid]; -"577 linear_24_zero_point_0" -> "580 dequantize_per_channel_default_17" [label="(192,)", style=solid]; +"577 linear_24_zero_point_0" -> "579 quantize_per_channel_default_17" [label="(192,)", style=dashed]; +"577 linear_24_zero_point_0" -> "580 dequantize_per_channel_default_17" [label="(192,)", style=dashed]; "578 compressed_weight_updated_constant17" -> "579 quantize_per_channel_default_17" [label="(192, 768)", style=solid]; "579 quantize_per_channel_default_17" -> "580 dequantize_per_channel_default_17" [label="(192, 768)", style=solid]; "580 dequantize_per_channel_default_17" -> "581 linear_24" [label="(192, 768)", style=solid]; @@ -3194,8 +3194,8 @@ strict digraph { "601 dequantize_per_tensor_default_26" -> "607 linear_25" [label="(1, 14, 14, 768)", style=solid]; "602 linear_25_scale_0" -> "605 quantize_per_channel_default_18" [label="(384,)", style=solid]; "602 linear_25_scale_0" -> "606 dequantize_per_channel_default_18" [label="(384,)", style=solid]; -"603 linear_25_zero_point_0" -> "605 quantize_per_channel_default_18" [label="(384,)", style=solid]; -"603 linear_25_zero_point_0" -> "606 dequantize_per_channel_default_18" [label="(384,)", style=solid]; +"603 linear_25_zero_point_0" -> "605 quantize_per_channel_default_18" [label="(384,)", style=dashed]; +"603 linear_25_zero_point_0" -> "606 dequantize_per_channel_default_18" [label="(384,)", style=dashed]; "604 compressed_weight_updated_constant18" -> "605 quantize_per_channel_default_18" [label="(384, 768)", style=solid]; "605 quantize_per_channel_default_18" -> "606 dequantize_per_channel_default_18" [label="(384, 768)", style=solid]; "606 dequantize_per_channel_default_18" -> "607 linear_25" [label="(384, 768)", style=solid]; @@ -3213,8 +3213,8 @@ strict digraph { "617 dequantize_per_tensor_default_27" -> "623 linear_28" [label="(4, 64, 384)", style=solid]; "618 linear_28_scale_0" -> "621 quantize_per_channel_default_19" [label="(1152,)", style=solid]; "618 linear_28_scale_0" -> "622 dequantize_per_channel_default_19" [label="(1152,)", style=solid]; -"619 linear_28_zero_point_0" -> "621 quantize_per_channel_default_19" [label="(1152,)", style=solid]; -"619 linear_28_zero_point_0" -> "622 dequantize_per_channel_default_19" [label="(1152,)", style=solid]; +"619 linear_28_zero_point_0" -> "621 quantize_per_channel_default_19" [label="(1152,)", style=dashed]; +"619 linear_28_zero_point_0" -> "622 dequantize_per_channel_default_19" [label="(1152,)", style=dashed]; "620 compressed_weight_updated_constant19" -> "621 quantize_per_channel_default_19" [label="(1152, 384)", style=solid]; "621 quantize_per_channel_default_19" -> "622 dequantize_per_channel_default_19" [label="(1152, 384)", style=solid]; "622 dequantize_per_channel_default_19" -> "623 linear_28" [label="(1152, 384)", style=solid]; @@ -3257,8 +3257,8 @@ strict digraph { "653 dequantize_per_tensor_default_30" -> "659 linear_29" [label="(4, 64, 384)", style=solid]; "654 linear_29_scale_0" -> "657 quantize_per_channel_default_20" [label="(384,)", style=solid]; "654 linear_29_scale_0" -> "658 dequantize_per_channel_default_20" [label="(384,)", style=solid]; -"655 linear_29_zero_point_0" -> "657 quantize_per_channel_default_20" [label="(384,)", style=solid]; -"655 linear_29_zero_point_0" -> "658 dequantize_per_channel_default_20" [label="(384,)", style=solid]; +"655 linear_29_zero_point_0" -> "657 quantize_per_channel_default_20" [label="(384,)", style=dashed]; +"655 linear_29_zero_point_0" -> "658 dequantize_per_channel_default_20" [label="(384,)", style=dashed]; "656 compressed_weight_updated_constant20" -> "657 quantize_per_channel_default_20" [label="(384, 384)", style=solid]; "657 quantize_per_channel_default_20" -> "658 dequantize_per_channel_default_20" [label="(384, 384)", style=solid]; "658 dequantize_per_channel_default_20" -> "659 linear_29" [label="(384, 384)", style=solid]; @@ -3280,8 +3280,8 @@ strict digraph { "673 dequantize_per_tensor_default_31" -> "679 linear_30" [label="(1, 14, 14, 384)", style=solid]; "674 linear_30_scale_0" -> "677 quantize_per_channel_default_21" [label="(1536,)", style=solid]; "674 linear_30_scale_0" -> "678 dequantize_per_channel_default_21" [label="(1536,)", style=solid]; -"675 linear_30_zero_point_0" -> "677 quantize_per_channel_default_21" [label="(1536,)", style=solid]; -"675 linear_30_zero_point_0" -> "678 dequantize_per_channel_default_21" [label="(1536,)", style=solid]; +"675 linear_30_zero_point_0" -> "677 quantize_per_channel_default_21" [label="(1536,)", style=dashed]; +"675 linear_30_zero_point_0" -> "678 dequantize_per_channel_default_21" [label="(1536,)", style=dashed]; "676 compressed_weight_updated_constant21" -> "677 quantize_per_channel_default_21" [label="(1536, 384)", style=solid]; "677 quantize_per_channel_default_21" -> "678 dequantize_per_channel_default_21" [label="(1536, 384)", style=solid]; "678 dequantize_per_channel_default_21" -> "679 linear_30" [label="(1536, 384)", style=solid]; @@ -3293,8 +3293,8 @@ strict digraph { "684 dequantize_per_tensor_default_32" -> "690 linear_31" [label="(1, 14, 14, 1536)", style=solid]; "685 linear_31_scale_0" -> "688 quantize_per_channel_default_22" [label="(384,)", style=solid]; "685 linear_31_scale_0" -> "689 dequantize_per_channel_default_22" [label="(384,)", style=solid]; -"686 linear_31_zero_point_0" -> "688 quantize_per_channel_default_22" [label="(384,)", style=solid]; -"686 linear_31_zero_point_0" -> "689 dequantize_per_channel_default_22" [label="(384,)", style=solid]; +"686 linear_31_zero_point_0" -> "688 quantize_per_channel_default_22" [label="(384,)", style=dashed]; +"686 linear_31_zero_point_0" -> "689 dequantize_per_channel_default_22" [label="(384,)", style=dashed]; "687 compressed_weight_updated_constant22" -> "688 quantize_per_channel_default_22" [label="(384, 1536)", style=solid]; "688 quantize_per_channel_default_22" -> "689 dequantize_per_channel_default_22" [label="(384, 1536)", style=solid]; "689 dequantize_per_channel_default_22" -> "690 linear_31" [label="(384, 1536)", style=solid]; @@ -3316,8 +3316,8 @@ strict digraph { "703 dequantize_per_tensor_default_33" -> "709 linear_34" [label="(4, 64, 384)", style=solid]; "704 linear_34_scale_0" -> "707 quantize_per_channel_default_23" [label="(1152,)", style=solid]; "704 linear_34_scale_0" -> "708 dequantize_per_channel_default_23" [label="(1152,)", style=solid]; -"705 linear_34_zero_point_0" -> "707 quantize_per_channel_default_23" [label="(1152,)", style=solid]; -"705 linear_34_zero_point_0" -> "708 dequantize_per_channel_default_23" [label="(1152,)", style=solid]; +"705 linear_34_zero_point_0" -> "707 quantize_per_channel_default_23" [label="(1152,)", style=dashed]; +"705 linear_34_zero_point_0" -> "708 dequantize_per_channel_default_23" [label="(1152,)", style=dashed]; "706 compressed_weight_updated_constant23" -> "707 quantize_per_channel_default_23" [label="(1152, 384)", style=solid]; "707 quantize_per_channel_default_23" -> "708 dequantize_per_channel_default_23" [label="(1152, 384)", style=solid]; "708 dequantize_per_channel_default_23" -> "709 linear_34" [label="(1152, 384)", style=solid]; @@ -3379,8 +3379,8 @@ strict digraph { "755 dequantize_per_tensor_default_36" -> "761 linear_35" [label="(4, 64, 384)", style=solid]; "756 linear_35_scale_0" -> "759 quantize_per_channel_default_24" [label="(384,)", style=solid]; "756 linear_35_scale_0" -> "760 dequantize_per_channel_default_24" [label="(384,)", style=solid]; -"757 linear_35_zero_point_0" -> "759 quantize_per_channel_default_24" [label="(384,)", style=solid]; -"757 linear_35_zero_point_0" -> "760 dequantize_per_channel_default_24" [label="(384,)", style=solid]; +"757 linear_35_zero_point_0" -> "759 quantize_per_channel_default_24" [label="(384,)", style=dashed]; +"757 linear_35_zero_point_0" -> "760 dequantize_per_channel_default_24" [label="(384,)", style=dashed]; "758 compressed_weight_updated_constant24" -> "759 quantize_per_channel_default_24" [label="(384, 384)", style=solid]; "759 quantize_per_channel_default_24" -> "760 dequantize_per_channel_default_24" [label="(384, 384)", style=solid]; "760 dequantize_per_channel_default_24" -> "761 linear_35" [label="(384, 384)", style=solid]; @@ -3403,8 +3403,8 @@ strict digraph { "776 dequantize_per_tensor_default_37" -> "782 linear_36" [label="(1, 14, 14, 384)", style=solid]; "777 linear_36_scale_0" -> "780 quantize_per_channel_default_25" [label="(1536,)", style=solid]; "777 linear_36_scale_0" -> "781 dequantize_per_channel_default_25" [label="(1536,)", style=solid]; -"778 linear_36_zero_point_0" -> "780 quantize_per_channel_default_25" [label="(1536,)", style=solid]; -"778 linear_36_zero_point_0" -> "781 dequantize_per_channel_default_25" [label="(1536,)", style=solid]; +"778 linear_36_zero_point_0" -> "780 quantize_per_channel_default_25" [label="(1536,)", style=dashed]; +"778 linear_36_zero_point_0" -> "781 dequantize_per_channel_default_25" [label="(1536,)", style=dashed]; "779 compressed_weight_updated_constant25" -> "780 quantize_per_channel_default_25" [label="(1536, 384)", style=solid]; "780 quantize_per_channel_default_25" -> "781 dequantize_per_channel_default_25" [label="(1536, 384)", style=solid]; "781 dequantize_per_channel_default_25" -> "782 linear_36" [label="(1536, 384)", style=solid]; @@ -3416,8 +3416,8 @@ strict digraph { "787 dequantize_per_tensor_default_38" -> "793 linear_37" [label="(1, 14, 14, 1536)", style=solid]; "788 linear_37_scale_0" -> "791 quantize_per_channel_default_26" [label="(384,)", style=solid]; "788 linear_37_scale_0" -> "792 dequantize_per_channel_default_26" [label="(384,)", style=solid]; -"789 linear_37_zero_point_0" -> "791 quantize_per_channel_default_26" [label="(384,)", style=solid]; -"789 linear_37_zero_point_0" -> "792 dequantize_per_channel_default_26" [label="(384,)", style=solid]; +"789 linear_37_zero_point_0" -> "791 quantize_per_channel_default_26" [label="(384,)", style=dashed]; +"789 linear_37_zero_point_0" -> "792 dequantize_per_channel_default_26" [label="(384,)", style=dashed]; "790 compressed_weight_updated_constant26" -> "791 quantize_per_channel_default_26" [label="(384, 1536)", style=solid]; "791 quantize_per_channel_default_26" -> "792 dequantize_per_channel_default_26" [label="(384, 1536)", style=solid]; "792 dequantize_per_channel_default_26" -> "793 linear_37" [label="(384, 1536)", style=solid]; @@ -3437,8 +3437,8 @@ strict digraph { "805 dequantize_per_tensor_default_39" -> "811 linear_40" [label="(4, 64, 384)", style=solid]; "806 linear_40_scale_0" -> "809 quantize_per_channel_default_27" [label="(1152,)", style=solid]; "806 linear_40_scale_0" -> "810 dequantize_per_channel_default_27" [label="(1152,)", style=solid]; -"807 linear_40_zero_point_0" -> "809 quantize_per_channel_default_27" [label="(1152,)", style=solid]; -"807 linear_40_zero_point_0" -> "810 dequantize_per_channel_default_27" [label="(1152,)", style=solid]; +"807 linear_40_zero_point_0" -> "809 quantize_per_channel_default_27" [label="(1152,)", style=dashed]; +"807 linear_40_zero_point_0" -> "810 dequantize_per_channel_default_27" [label="(1152,)", style=dashed]; "808 compressed_weight_updated_constant27" -> "809 quantize_per_channel_default_27" [label="(1152, 384)", style=solid]; "809 quantize_per_channel_default_27" -> "810 dequantize_per_channel_default_27" [label="(1152, 384)", style=solid]; "810 dequantize_per_channel_default_27" -> "811 linear_40" [label="(1152, 384)", style=solid]; @@ -3481,8 +3481,8 @@ strict digraph { "841 dequantize_per_tensor_default_42" -> "847 linear_41" [label="(4, 64, 384)", style=solid]; "842 linear_41_scale_0" -> "845 quantize_per_channel_default_28" [label="(384,)", style=solid]; "842 linear_41_scale_0" -> "846 dequantize_per_channel_default_28" [label="(384,)", style=solid]; -"843 linear_41_zero_point_0" -> "845 quantize_per_channel_default_28" [label="(384,)", style=solid]; -"843 linear_41_zero_point_0" -> "846 dequantize_per_channel_default_28" [label="(384,)", style=solid]; +"843 linear_41_zero_point_0" -> "845 quantize_per_channel_default_28" [label="(384,)", style=dashed]; +"843 linear_41_zero_point_0" -> "846 dequantize_per_channel_default_28" [label="(384,)", style=dashed]; "844 compressed_weight_updated_constant28" -> "845 quantize_per_channel_default_28" [label="(384, 384)", style=solid]; "845 quantize_per_channel_default_28" -> "846 dequantize_per_channel_default_28" [label="(384, 384)", style=solid]; "846 dequantize_per_channel_default_28" -> "847 linear_41" [label="(384, 384)", style=solid]; @@ -3504,8 +3504,8 @@ strict digraph { "861 dequantize_per_tensor_default_43" -> "867 linear_42" [label="(1, 14, 14, 384)", style=solid]; "862 linear_42_scale_0" -> "865 quantize_per_channel_default_29" [label="(1536,)", style=solid]; "862 linear_42_scale_0" -> "866 dequantize_per_channel_default_29" [label="(1536,)", style=solid]; -"863 linear_42_zero_point_0" -> "865 quantize_per_channel_default_29" [label="(1536,)", style=solid]; -"863 linear_42_zero_point_0" -> "866 dequantize_per_channel_default_29" [label="(1536,)", style=solid]; +"863 linear_42_zero_point_0" -> "865 quantize_per_channel_default_29" [label="(1536,)", style=dashed]; +"863 linear_42_zero_point_0" -> "866 dequantize_per_channel_default_29" [label="(1536,)", style=dashed]; "864 compressed_weight_updated_constant29" -> "865 quantize_per_channel_default_29" [label="(1536, 384)", style=solid]; "865 quantize_per_channel_default_29" -> "866 dequantize_per_channel_default_29" [label="(1536, 384)", style=solid]; "866 dequantize_per_channel_default_29" -> "867 linear_42" [label="(1536, 384)", style=solid]; @@ -3517,8 +3517,8 @@ strict digraph { "872 dequantize_per_tensor_default_44" -> "878 linear_43" [label="(1, 14, 14, 1536)", style=solid]; "873 linear_43_scale_0" -> "876 quantize_per_channel_default_30" [label="(384,)", style=solid]; "873 linear_43_scale_0" -> "877 dequantize_per_channel_default_30" [label="(384,)", style=solid]; -"874 linear_43_zero_point_0" -> "876 quantize_per_channel_default_30" [label="(384,)", style=solid]; -"874 linear_43_zero_point_0" -> "877 dequantize_per_channel_default_30" [label="(384,)", style=solid]; +"874 linear_43_zero_point_0" -> "876 quantize_per_channel_default_30" [label="(384,)", style=dashed]; +"874 linear_43_zero_point_0" -> "877 dequantize_per_channel_default_30" [label="(384,)", style=dashed]; "875 compressed_weight_updated_constant30" -> "876 quantize_per_channel_default_30" [label="(384, 1536)", style=solid]; "876 quantize_per_channel_default_30" -> "877 dequantize_per_channel_default_30" [label="(384, 1536)", style=solid]; "877 dequantize_per_channel_default_30" -> "878 linear_43" [label="(384, 1536)", style=solid]; @@ -3540,8 +3540,8 @@ strict digraph { "891 dequantize_per_tensor_default_45" -> "897 linear_46" [label="(4, 64, 384)", style=solid]; "892 linear_46_scale_0" -> "895 quantize_per_channel_default_31" [label="(1152,)", style=solid]; "892 linear_46_scale_0" -> "896 dequantize_per_channel_default_31" [label="(1152,)", style=solid]; -"893 linear_46_zero_point_0" -> "895 quantize_per_channel_default_31" [label="(1152,)", style=solid]; -"893 linear_46_zero_point_0" -> "896 dequantize_per_channel_default_31" [label="(1152,)", style=solid]; +"893 linear_46_zero_point_0" -> "895 quantize_per_channel_default_31" [label="(1152,)", style=dashed]; +"893 linear_46_zero_point_0" -> "896 dequantize_per_channel_default_31" [label="(1152,)", style=dashed]; "894 compressed_weight_updated_constant31" -> "895 quantize_per_channel_default_31" [label="(1152, 384)", style=solid]; "895 quantize_per_channel_default_31" -> "896 dequantize_per_channel_default_31" [label="(1152, 384)", style=solid]; "896 dequantize_per_channel_default_31" -> "897 linear_46" [label="(1152, 384)", style=solid]; @@ -3603,8 +3603,8 @@ strict digraph { "943 dequantize_per_tensor_default_48" -> "949 linear_47" [label="(4, 64, 384)", style=solid]; "944 linear_47_scale_0" -> "947 quantize_per_channel_default_32" [label="(384,)", style=solid]; "944 linear_47_scale_0" -> "948 dequantize_per_channel_default_32" [label="(384,)", style=solid]; -"945 linear_47_zero_point_0" -> "947 quantize_per_channel_default_32" [label="(384,)", style=solid]; -"945 linear_47_zero_point_0" -> "948 dequantize_per_channel_default_32" [label="(384,)", style=solid]; +"945 linear_47_zero_point_0" -> "947 quantize_per_channel_default_32" [label="(384,)", style=dashed]; +"945 linear_47_zero_point_0" -> "948 dequantize_per_channel_default_32" [label="(384,)", style=dashed]; "946 compressed_weight_updated_constant32" -> "947 quantize_per_channel_default_32" [label="(384, 384)", style=solid]; "947 quantize_per_channel_default_32" -> "948 dequantize_per_channel_default_32" [label="(384, 384)", style=solid]; "948 dequantize_per_channel_default_32" -> "949 linear_47" [label="(384, 384)", style=solid]; @@ -3627,8 +3627,8 @@ strict digraph { "964 dequantize_per_tensor_default_49" -> "970 linear_48" [label="(1, 14, 14, 384)", style=solid]; "965 linear_48_scale_0" -> "968 quantize_per_channel_default_33" [label="(1536,)", style=solid]; "965 linear_48_scale_0" -> "969 dequantize_per_channel_default_33" [label="(1536,)", style=solid]; -"966 linear_48_zero_point_0" -> "968 quantize_per_channel_default_33" [label="(1536,)", style=solid]; -"966 linear_48_zero_point_0" -> "969 dequantize_per_channel_default_33" [label="(1536,)", style=solid]; +"966 linear_48_zero_point_0" -> "968 quantize_per_channel_default_33" [label="(1536,)", style=dashed]; +"966 linear_48_zero_point_0" -> "969 dequantize_per_channel_default_33" [label="(1536,)", style=dashed]; "967 compressed_weight_updated_constant33" -> "968 quantize_per_channel_default_33" [label="(1536, 384)", style=solid]; "968 quantize_per_channel_default_33" -> "969 dequantize_per_channel_default_33" [label="(1536, 384)", style=solid]; "969 dequantize_per_channel_default_33" -> "970 linear_48" [label="(1536, 384)", style=solid]; @@ -3640,8 +3640,8 @@ strict digraph { "975 dequantize_per_tensor_default_50" -> "981 linear_49" [label="(1, 14, 14, 1536)", style=solid]; "976 linear_49_scale_0" -> "979 quantize_per_channel_default_34" [label="(384,)", style=solid]; "976 linear_49_scale_0" -> "980 dequantize_per_channel_default_34" [label="(384,)", style=solid]; -"977 linear_49_zero_point_0" -> "979 quantize_per_channel_default_34" [label="(384,)", style=solid]; -"977 linear_49_zero_point_0" -> "980 dequantize_per_channel_default_34" [label="(384,)", style=solid]; +"977 linear_49_zero_point_0" -> "979 quantize_per_channel_default_34" [label="(384,)", style=dashed]; +"977 linear_49_zero_point_0" -> "980 dequantize_per_channel_default_34" [label="(384,)", style=dashed]; "978 compressed_weight_updated_constant34" -> "979 quantize_per_channel_default_34" [label="(384, 1536)", style=solid]; "979 quantize_per_channel_default_34" -> "980 dequantize_per_channel_default_34" [label="(384, 1536)", style=solid]; "980 dequantize_per_channel_default_34" -> "981 linear_49" [label="(384, 1536)", style=solid]; @@ -3661,8 +3661,8 @@ strict digraph { "993 dequantize_per_tensor_default_51" -> "999 linear_52" [label="(4, 64, 384)", style=solid]; "994 linear_52_scale_0" -> "997 quantize_per_channel_default_35" [label="(1152,)", style=solid]; "994 linear_52_scale_0" -> "998 dequantize_per_channel_default_35" [label="(1152,)", style=solid]; -"995 linear_52_zero_point_0" -> "997 quantize_per_channel_default_35" [label="(1152,)", style=solid]; -"995 linear_52_zero_point_0" -> "998 dequantize_per_channel_default_35" [label="(1152,)", style=solid]; +"995 linear_52_zero_point_0" -> "997 quantize_per_channel_default_35" [label="(1152,)", style=dashed]; +"995 linear_52_zero_point_0" -> "998 dequantize_per_channel_default_35" [label="(1152,)", style=dashed]; "996 compressed_weight_updated_constant35" -> "997 quantize_per_channel_default_35" [label="(1152, 384)", style=solid]; "997 quantize_per_channel_default_35" -> "998 dequantize_per_channel_default_35" [label="(1152, 384)", style=solid]; "998 dequantize_per_channel_default_35" -> "999 linear_52" [label="(1152, 384)", style=solid]; @@ -3705,8 +3705,8 @@ strict digraph { "1029 dequantize_per_tensor_default_54" -> "1035 linear_53" [label="(4, 64, 384)", style=solid]; "1030 linear_53_scale_0" -> "1033 quantize_per_channel_default_36" [label="(384,)", style=solid]; "1030 linear_53_scale_0" -> "1034 dequantize_per_channel_default_36" [label="(384,)", style=solid]; -"1031 linear_53_zero_point_0" -> "1033 quantize_per_channel_default_36" [label="(384,)", style=solid]; -"1031 linear_53_zero_point_0" -> "1034 dequantize_per_channel_default_36" [label="(384,)", style=solid]; +"1031 linear_53_zero_point_0" -> "1033 quantize_per_channel_default_36" [label="(384,)", style=dashed]; +"1031 linear_53_zero_point_0" -> "1034 dequantize_per_channel_default_36" [label="(384,)", style=dashed]; "1032 compressed_weight_updated_constant36" -> "1033 quantize_per_channel_default_36" [label="(384, 384)", style=solid]; "1033 quantize_per_channel_default_36" -> "1034 dequantize_per_channel_default_36" [label="(384, 384)", style=solid]; "1034 dequantize_per_channel_default_36" -> "1035 linear_53" [label="(384, 384)", style=solid]; @@ -3728,8 +3728,8 @@ strict digraph { "1049 dequantize_per_tensor_default_55" -> "1055 linear_54" [label="(1, 14, 14, 384)", style=solid]; "1050 linear_54_scale_0" -> "1053 quantize_per_channel_default_37" [label="(1536,)", style=solid]; "1050 linear_54_scale_0" -> "1054 dequantize_per_channel_default_37" [label="(1536,)", style=solid]; -"1051 linear_54_zero_point_0" -> "1053 quantize_per_channel_default_37" [label="(1536,)", style=solid]; -"1051 linear_54_zero_point_0" -> "1054 dequantize_per_channel_default_37" [label="(1536,)", style=solid]; +"1051 linear_54_zero_point_0" -> "1053 quantize_per_channel_default_37" [label="(1536,)", style=dashed]; +"1051 linear_54_zero_point_0" -> "1054 dequantize_per_channel_default_37" [label="(1536,)", style=dashed]; "1052 compressed_weight_updated_constant37" -> "1053 quantize_per_channel_default_37" [label="(1536, 384)", style=solid]; "1053 quantize_per_channel_default_37" -> "1054 dequantize_per_channel_default_37" [label="(1536, 384)", style=solid]; "1054 dequantize_per_channel_default_37" -> "1055 linear_54" [label="(1536, 384)", style=solid]; @@ -3741,8 +3741,8 @@ strict digraph { "1060 dequantize_per_tensor_default_56" -> "1066 linear_55" [label="(1, 14, 14, 1536)", style=solid]; "1061 linear_55_scale_0" -> "1064 quantize_per_channel_default_38" [label="(384,)", style=solid]; "1061 linear_55_scale_0" -> "1065 dequantize_per_channel_default_38" [label="(384,)", style=solid]; -"1062 linear_55_zero_point_0" -> "1064 quantize_per_channel_default_38" [label="(384,)", style=solid]; -"1062 linear_55_zero_point_0" -> "1065 dequantize_per_channel_default_38" [label="(384,)", style=solid]; +"1062 linear_55_zero_point_0" -> "1064 quantize_per_channel_default_38" [label="(384,)", style=dashed]; +"1062 linear_55_zero_point_0" -> "1065 dequantize_per_channel_default_38" [label="(384,)", style=dashed]; "1063 compressed_weight_updated_constant38" -> "1064 quantize_per_channel_default_38" [label="(384, 1536)", style=solid]; "1064 quantize_per_channel_default_38" -> "1065 dequantize_per_channel_default_38" [label="(384, 1536)", style=solid]; "1065 dequantize_per_channel_default_38" -> "1066 linear_55" [label="(384, 1536)", style=solid]; @@ -3764,8 +3764,8 @@ strict digraph { "1079 dequantize_per_tensor_default_57" -> "1085 linear_58" [label="(4, 64, 384)", style=solid]; "1080 linear_58_scale_0" -> "1083 quantize_per_channel_default_39" [label="(1152,)", style=solid]; "1080 linear_58_scale_0" -> "1084 dequantize_per_channel_default_39" [label="(1152,)", style=solid]; -"1081 linear_58_zero_point_0" -> "1083 quantize_per_channel_default_39" [label="(1152,)", style=solid]; -"1081 linear_58_zero_point_0" -> "1084 dequantize_per_channel_default_39" [label="(1152,)", style=solid]; +"1081 linear_58_zero_point_0" -> "1083 quantize_per_channel_default_39" [label="(1152,)", style=dashed]; +"1081 linear_58_zero_point_0" -> "1084 dequantize_per_channel_default_39" [label="(1152,)", style=dashed]; "1082 compressed_weight_updated_constant39" -> "1083 quantize_per_channel_default_39" [label="(1152, 384)", style=solid]; "1083 quantize_per_channel_default_39" -> "1084 dequantize_per_channel_default_39" [label="(1152, 384)", style=solid]; "1084 dequantize_per_channel_default_39" -> "1085 linear_58" [label="(1152, 384)", style=solid]; @@ -3827,8 +3827,8 @@ strict digraph { "1131 dequantize_per_tensor_default_60" -> "1137 linear_59" [label="(4, 64, 384)", style=solid]; "1132 linear_59_scale_0" -> "1135 quantize_per_channel_default_40" [label="(384,)", style=solid]; "1132 linear_59_scale_0" -> "1136 dequantize_per_channel_default_40" [label="(384,)", style=solid]; -"1133 linear_59_zero_point_0" -> "1135 quantize_per_channel_default_40" [label="(384,)", style=solid]; -"1133 linear_59_zero_point_0" -> "1136 dequantize_per_channel_default_40" [label="(384,)", style=solid]; +"1133 linear_59_zero_point_0" -> "1135 quantize_per_channel_default_40" [label="(384,)", style=dashed]; +"1133 linear_59_zero_point_0" -> "1136 dequantize_per_channel_default_40" [label="(384,)", style=dashed]; "1134 compressed_weight_updated_constant40" -> "1135 quantize_per_channel_default_40" [label="(384, 384)", style=solid]; "1135 quantize_per_channel_default_40" -> "1136 dequantize_per_channel_default_40" [label="(384, 384)", style=solid]; "1136 dequantize_per_channel_default_40" -> "1137 linear_59" [label="(384, 384)", style=solid]; @@ -3851,8 +3851,8 @@ strict digraph { "1152 dequantize_per_tensor_default_61" -> "1158 linear_60" [label="(1, 14, 14, 384)", style=solid]; "1153 linear_60_scale_0" -> "1156 quantize_per_channel_default_41" [label="(1536,)", style=solid]; "1153 linear_60_scale_0" -> "1157 dequantize_per_channel_default_41" [label="(1536,)", style=solid]; -"1154 linear_60_zero_point_0" -> "1156 quantize_per_channel_default_41" [label="(1536,)", style=solid]; -"1154 linear_60_zero_point_0" -> "1157 dequantize_per_channel_default_41" [label="(1536,)", style=solid]; +"1154 linear_60_zero_point_0" -> "1156 quantize_per_channel_default_41" [label="(1536,)", style=dashed]; +"1154 linear_60_zero_point_0" -> "1157 dequantize_per_channel_default_41" [label="(1536,)", style=dashed]; "1155 compressed_weight_updated_constant41" -> "1156 quantize_per_channel_default_41" [label="(1536, 384)", style=solid]; "1156 quantize_per_channel_default_41" -> "1157 dequantize_per_channel_default_41" [label="(1536, 384)", style=solid]; "1157 dequantize_per_channel_default_41" -> "1158 linear_60" [label="(1536, 384)", style=solid]; @@ -3864,8 +3864,8 @@ strict digraph { "1163 dequantize_per_tensor_default_62" -> "1169 linear_61" [label="(1, 14, 14, 1536)", style=solid]; "1164 linear_61_scale_0" -> "1167 quantize_per_channel_default_42" [label="(384,)", style=solid]; "1164 linear_61_scale_0" -> "1168 dequantize_per_channel_default_42" [label="(384,)", style=solid]; -"1165 linear_61_zero_point_0" -> "1167 quantize_per_channel_default_42" [label="(384,)", style=solid]; -"1165 linear_61_zero_point_0" -> "1168 dequantize_per_channel_default_42" [label="(384,)", style=solid]; +"1165 linear_61_zero_point_0" -> "1167 quantize_per_channel_default_42" [label="(384,)", style=dashed]; +"1165 linear_61_zero_point_0" -> "1168 dequantize_per_channel_default_42" [label="(384,)", style=dashed]; "1166 compressed_weight_updated_constant42" -> "1167 quantize_per_channel_default_42" [label="(384, 1536)", style=solid]; "1167 quantize_per_channel_default_42" -> "1168 dequantize_per_channel_default_42" [label="(384, 1536)", style=solid]; "1168 dequantize_per_channel_default_42" -> "1169 linear_61" [label="(384, 1536)", style=solid]; @@ -3885,8 +3885,8 @@ strict digraph { "1181 dequantize_per_tensor_default_63" -> "1187 linear_64" [label="(4, 64, 384)", style=solid]; "1182 linear_64_scale_0" -> "1185 quantize_per_channel_default_43" [label="(1152,)", style=solid]; "1182 linear_64_scale_0" -> "1186 dequantize_per_channel_default_43" [label="(1152,)", style=solid]; -"1183 linear_64_zero_point_0" -> "1185 quantize_per_channel_default_43" [label="(1152,)", style=solid]; -"1183 linear_64_zero_point_0" -> "1186 dequantize_per_channel_default_43" [label="(1152,)", style=solid]; +"1183 linear_64_zero_point_0" -> "1185 quantize_per_channel_default_43" [label="(1152,)", style=dashed]; +"1183 linear_64_zero_point_0" -> "1186 dequantize_per_channel_default_43" [label="(1152,)", style=dashed]; "1184 compressed_weight_updated_constant43" -> "1185 quantize_per_channel_default_43" [label="(1152, 384)", style=solid]; "1185 quantize_per_channel_default_43" -> "1186 dequantize_per_channel_default_43" [label="(1152, 384)", style=solid]; "1186 dequantize_per_channel_default_43" -> "1187 linear_64" [label="(1152, 384)", style=solid]; @@ -3929,8 +3929,8 @@ strict digraph { "1217 dequantize_per_tensor_default_66" -> "1223 linear_65" [label="(4, 64, 384)", style=solid]; "1218 linear_65_scale_0" -> "1221 quantize_per_channel_default_44" [label="(384,)", style=solid]; "1218 linear_65_scale_0" -> "1222 dequantize_per_channel_default_44" [label="(384,)", style=solid]; -"1219 linear_65_zero_point_0" -> "1221 quantize_per_channel_default_44" [label="(384,)", style=solid]; -"1219 linear_65_zero_point_0" -> "1222 dequantize_per_channel_default_44" [label="(384,)", style=solid]; +"1219 linear_65_zero_point_0" -> "1221 quantize_per_channel_default_44" [label="(384,)", style=dashed]; +"1219 linear_65_zero_point_0" -> "1222 dequantize_per_channel_default_44" [label="(384,)", style=dashed]; "1220 compressed_weight_updated_constant44" -> "1221 quantize_per_channel_default_44" [label="(384, 384)", style=solid]; "1221 quantize_per_channel_default_44" -> "1222 dequantize_per_channel_default_44" [label="(384, 384)", style=solid]; "1222 dequantize_per_channel_default_44" -> "1223 linear_65" [label="(384, 384)", style=solid]; @@ -3952,8 +3952,8 @@ strict digraph { "1237 dequantize_per_tensor_default_67" -> "1243 linear_66" [label="(1, 14, 14, 384)", style=solid]; "1238 linear_66_scale_0" -> "1241 quantize_per_channel_default_45" [label="(1536,)", style=solid]; "1238 linear_66_scale_0" -> "1242 dequantize_per_channel_default_45" [label="(1536,)", style=solid]; -"1239 linear_66_zero_point_0" -> "1241 quantize_per_channel_default_45" [label="(1536,)", style=solid]; -"1239 linear_66_zero_point_0" -> "1242 dequantize_per_channel_default_45" [label="(1536,)", style=solid]; +"1239 linear_66_zero_point_0" -> "1241 quantize_per_channel_default_45" [label="(1536,)", style=dashed]; +"1239 linear_66_zero_point_0" -> "1242 dequantize_per_channel_default_45" [label="(1536,)", style=dashed]; "1240 compressed_weight_updated_constant45" -> "1241 quantize_per_channel_default_45" [label="(1536, 384)", style=solid]; "1241 quantize_per_channel_default_45" -> "1242 dequantize_per_channel_default_45" [label="(1536, 384)", style=solid]; "1242 dequantize_per_channel_default_45" -> "1243 linear_66" [label="(1536, 384)", style=solid]; @@ -3965,8 +3965,8 @@ strict digraph { "1248 dequantize_per_tensor_default_68" -> "1254 linear_67" [label="(1, 14, 14, 1536)", style=solid]; "1249 linear_67_scale_0" -> "1252 quantize_per_channel_default_46" [label="(384,)", style=solid]; "1249 linear_67_scale_0" -> "1253 dequantize_per_channel_default_46" [label="(384,)", style=solid]; -"1250 linear_67_zero_point_0" -> "1252 quantize_per_channel_default_46" [label="(384,)", style=solid]; -"1250 linear_67_zero_point_0" -> "1253 dequantize_per_channel_default_46" [label="(384,)", style=solid]; +"1250 linear_67_zero_point_0" -> "1252 quantize_per_channel_default_46" [label="(384,)", style=dashed]; +"1250 linear_67_zero_point_0" -> "1253 dequantize_per_channel_default_46" [label="(384,)", style=dashed]; "1251 compressed_weight_updated_constant46" -> "1252 quantize_per_channel_default_46" [label="(384, 1536)", style=solid]; "1252 quantize_per_channel_default_46" -> "1253 dequantize_per_channel_default_46" [label="(384, 1536)", style=solid]; "1253 dequantize_per_channel_default_46" -> "1254 linear_67" [label="(384, 1536)", style=solid]; @@ -3988,8 +3988,8 @@ strict digraph { "1267 dequantize_per_tensor_default_69" -> "1273 linear_70" [label="(4, 64, 384)", style=solid]; "1268 linear_70_scale_0" -> "1271 quantize_per_channel_default_47" [label="(1152,)", style=solid]; "1268 linear_70_scale_0" -> "1272 dequantize_per_channel_default_47" [label="(1152,)", style=solid]; -"1269 linear_70_zero_point_0" -> "1271 quantize_per_channel_default_47" [label="(1152,)", style=solid]; -"1269 linear_70_zero_point_0" -> "1272 dequantize_per_channel_default_47" [label="(1152,)", style=solid]; +"1269 linear_70_zero_point_0" -> "1271 quantize_per_channel_default_47" [label="(1152,)", style=dashed]; +"1269 linear_70_zero_point_0" -> "1272 dequantize_per_channel_default_47" [label="(1152,)", style=dashed]; "1270 compressed_weight_updated_constant47" -> "1271 quantize_per_channel_default_47" [label="(1152, 384)", style=solid]; "1271 quantize_per_channel_default_47" -> "1272 dequantize_per_channel_default_47" [label="(1152, 384)", style=solid]; "1272 dequantize_per_channel_default_47" -> "1273 linear_70" [label="(1152, 384)", style=solid]; @@ -4051,8 +4051,8 @@ strict digraph { "1319 dequantize_per_tensor_default_72" -> "1325 linear_71" [label="(4, 64, 384)", style=solid]; "1320 linear_71_scale_0" -> "1323 quantize_per_channel_default_48" [label="(384,)", style=solid]; "1320 linear_71_scale_0" -> "1324 dequantize_per_channel_default_48" [label="(384,)", style=solid]; -"1321 linear_71_zero_point_0" -> "1323 quantize_per_channel_default_48" [label="(384,)", style=solid]; -"1321 linear_71_zero_point_0" -> "1324 dequantize_per_channel_default_48" [label="(384,)", style=solid]; +"1321 linear_71_zero_point_0" -> "1323 quantize_per_channel_default_48" [label="(384,)", style=dashed]; +"1321 linear_71_zero_point_0" -> "1324 dequantize_per_channel_default_48" [label="(384,)", style=dashed]; "1322 compressed_weight_updated_constant48" -> "1323 quantize_per_channel_default_48" [label="(384, 384)", style=solid]; "1323 quantize_per_channel_default_48" -> "1324 dequantize_per_channel_default_48" [label="(384, 384)", style=solid]; "1324 dequantize_per_channel_default_48" -> "1325 linear_71" [label="(384, 384)", style=solid]; @@ -4075,8 +4075,8 @@ strict digraph { "1340 dequantize_per_tensor_default_73" -> "1346 linear_72" [label="(1, 14, 14, 384)", style=solid]; "1341 linear_72_scale_0" -> "1344 quantize_per_channel_default_49" [label="(1536,)", style=solid]; "1341 linear_72_scale_0" -> "1345 dequantize_per_channel_default_49" [label="(1536,)", style=solid]; -"1342 linear_72_zero_point_0" -> "1344 quantize_per_channel_default_49" [label="(1536,)", style=solid]; -"1342 linear_72_zero_point_0" -> "1345 dequantize_per_channel_default_49" [label="(1536,)", style=solid]; +"1342 linear_72_zero_point_0" -> "1344 quantize_per_channel_default_49" [label="(1536,)", style=dashed]; +"1342 linear_72_zero_point_0" -> "1345 dequantize_per_channel_default_49" [label="(1536,)", style=dashed]; "1343 compressed_weight_updated_constant49" -> "1344 quantize_per_channel_default_49" [label="(1536, 384)", style=solid]; "1344 quantize_per_channel_default_49" -> "1345 dequantize_per_channel_default_49" [label="(1536, 384)", style=solid]; "1345 dequantize_per_channel_default_49" -> "1346 linear_72" [label="(1536, 384)", style=solid]; @@ -4088,8 +4088,8 @@ strict digraph { "1351 dequantize_per_tensor_default_74" -> "1357 linear_73" [label="(1, 14, 14, 1536)", style=solid]; "1352 linear_73_scale_0" -> "1355 quantize_per_channel_default_50" [label="(384,)", style=solid]; "1352 linear_73_scale_0" -> "1356 dequantize_per_channel_default_50" [label="(384,)", style=solid]; -"1353 linear_73_zero_point_0" -> "1355 quantize_per_channel_default_50" [label="(384,)", style=solid]; -"1353 linear_73_zero_point_0" -> "1356 dequantize_per_channel_default_50" [label="(384,)", style=solid]; +"1353 linear_73_zero_point_0" -> "1355 quantize_per_channel_default_50" [label="(384,)", style=dashed]; +"1353 linear_73_zero_point_0" -> "1356 dequantize_per_channel_default_50" [label="(384,)", style=dashed]; "1354 compressed_weight_updated_constant50" -> "1355 quantize_per_channel_default_50" [label="(384, 1536)", style=solid]; "1355 quantize_per_channel_default_50" -> "1356 dequantize_per_channel_default_50" [label="(384, 1536)", style=solid]; "1356 dequantize_per_channel_default_50" -> "1357 linear_73" [label="(384, 1536)", style=solid]; @@ -4109,8 +4109,8 @@ strict digraph { "1369 dequantize_per_tensor_default_75" -> "1375 linear_76" [label="(4, 64, 384)", style=solid]; "1370 linear_76_scale_0" -> "1373 quantize_per_channel_default_51" [label="(1152,)", style=solid]; "1370 linear_76_scale_0" -> "1374 dequantize_per_channel_default_51" [label="(1152,)", style=solid]; -"1371 linear_76_zero_point_0" -> "1373 quantize_per_channel_default_51" [label="(1152,)", style=solid]; -"1371 linear_76_zero_point_0" -> "1374 dequantize_per_channel_default_51" [label="(1152,)", style=solid]; +"1371 linear_76_zero_point_0" -> "1373 quantize_per_channel_default_51" [label="(1152,)", style=dashed]; +"1371 linear_76_zero_point_0" -> "1374 dequantize_per_channel_default_51" [label="(1152,)", style=dashed]; "1372 compressed_weight_updated_constant51" -> "1373 quantize_per_channel_default_51" [label="(1152, 384)", style=solid]; "1373 quantize_per_channel_default_51" -> "1374 dequantize_per_channel_default_51" [label="(1152, 384)", style=solid]; "1374 dequantize_per_channel_default_51" -> "1375 linear_76" [label="(1152, 384)", style=solid]; @@ -4153,8 +4153,8 @@ strict digraph { "1405 dequantize_per_tensor_default_78" -> "1411 linear_77" [label="(4, 64, 384)", style=solid]; "1406 linear_77_scale_0" -> "1409 quantize_per_channel_default_52" [label="(384,)", style=solid]; "1406 linear_77_scale_0" -> "1410 dequantize_per_channel_default_52" [label="(384,)", style=solid]; -"1407 linear_77_zero_point_0" -> "1409 quantize_per_channel_default_52" [label="(384,)", style=solid]; -"1407 linear_77_zero_point_0" -> "1410 dequantize_per_channel_default_52" [label="(384,)", style=solid]; +"1407 linear_77_zero_point_0" -> "1409 quantize_per_channel_default_52" [label="(384,)", style=dashed]; +"1407 linear_77_zero_point_0" -> "1410 dequantize_per_channel_default_52" [label="(384,)", style=dashed]; "1408 compressed_weight_updated_constant52" -> "1409 quantize_per_channel_default_52" [label="(384, 384)", style=solid]; "1409 quantize_per_channel_default_52" -> "1410 dequantize_per_channel_default_52" [label="(384, 384)", style=solid]; "1410 dequantize_per_channel_default_52" -> "1411 linear_77" [label="(384, 384)", style=solid]; @@ -4176,8 +4176,8 @@ strict digraph { "1425 dequantize_per_tensor_default_79" -> "1431 linear_78" [label="(1, 14, 14, 384)", style=solid]; "1426 linear_78_scale_0" -> "1429 quantize_per_channel_default_53" [label="(1536,)", style=solid]; "1426 linear_78_scale_0" -> "1430 dequantize_per_channel_default_53" [label="(1536,)", style=solid]; -"1427 linear_78_zero_point_0" -> "1429 quantize_per_channel_default_53" [label="(1536,)", style=solid]; -"1427 linear_78_zero_point_0" -> "1430 dequantize_per_channel_default_53" [label="(1536,)", style=solid]; +"1427 linear_78_zero_point_0" -> "1429 quantize_per_channel_default_53" [label="(1536,)", style=dashed]; +"1427 linear_78_zero_point_0" -> "1430 dequantize_per_channel_default_53" [label="(1536,)", style=dashed]; "1428 compressed_weight_updated_constant53" -> "1429 quantize_per_channel_default_53" [label="(1536, 384)", style=solid]; "1429 quantize_per_channel_default_53" -> "1430 dequantize_per_channel_default_53" [label="(1536, 384)", style=solid]; "1430 dequantize_per_channel_default_53" -> "1431 linear_78" [label="(1536, 384)", style=solid]; @@ -4189,8 +4189,8 @@ strict digraph { "1436 dequantize_per_tensor_default_80" -> "1442 linear_79" [label="(1, 14, 14, 1536)", style=solid]; "1437 linear_79_scale_0" -> "1440 quantize_per_channel_default_54" [label="(384,)", style=solid]; "1437 linear_79_scale_0" -> "1441 dequantize_per_channel_default_54" [label="(384,)", style=solid]; -"1438 linear_79_zero_point_0" -> "1440 quantize_per_channel_default_54" [label="(384,)", style=solid]; -"1438 linear_79_zero_point_0" -> "1441 dequantize_per_channel_default_54" [label="(384,)", style=solid]; +"1438 linear_79_zero_point_0" -> "1440 quantize_per_channel_default_54" [label="(384,)", style=dashed]; +"1438 linear_79_zero_point_0" -> "1441 dequantize_per_channel_default_54" [label="(384,)", style=dashed]; "1439 compressed_weight_updated_constant54" -> "1440 quantize_per_channel_default_54" [label="(384, 1536)", style=solid]; "1440 quantize_per_channel_default_54" -> "1441 dequantize_per_channel_default_54" [label="(384, 1536)", style=solid]; "1441 dequantize_per_channel_default_54" -> "1442 linear_79" [label="(384, 1536)", style=solid]; @@ -4212,8 +4212,8 @@ strict digraph { "1455 dequantize_per_tensor_default_81" -> "1461 linear_82" [label="(4, 64, 384)", style=solid]; "1456 linear_82_scale_0" -> "1459 quantize_per_channel_default_55" [label="(1152,)", style=solid]; "1456 linear_82_scale_0" -> "1460 dequantize_per_channel_default_55" [label="(1152,)", style=solid]; -"1457 linear_82_zero_point_0" -> "1459 quantize_per_channel_default_55" [label="(1152,)", style=solid]; -"1457 linear_82_zero_point_0" -> "1460 dequantize_per_channel_default_55" [label="(1152,)", style=solid]; +"1457 linear_82_zero_point_0" -> "1459 quantize_per_channel_default_55" [label="(1152,)", style=dashed]; +"1457 linear_82_zero_point_0" -> "1460 dequantize_per_channel_default_55" [label="(1152,)", style=dashed]; "1458 compressed_weight_updated_constant55" -> "1459 quantize_per_channel_default_55" [label="(1152, 384)", style=solid]; "1459 quantize_per_channel_default_55" -> "1460 dequantize_per_channel_default_55" [label="(1152, 384)", style=solid]; "1460 dequantize_per_channel_default_55" -> "1461 linear_82" [label="(1152, 384)", style=solid]; @@ -4275,8 +4275,8 @@ strict digraph { "1507 dequantize_per_tensor_default_84" -> "1513 linear_83" [label="(4, 64, 384)", style=solid]; "1508 linear_83_scale_0" -> "1511 quantize_per_channel_default_56" [label="(384,)", style=solid]; "1508 linear_83_scale_0" -> "1512 dequantize_per_channel_default_56" [label="(384,)", style=solid]; -"1509 linear_83_zero_point_0" -> "1511 quantize_per_channel_default_56" [label="(384,)", style=solid]; -"1509 linear_83_zero_point_0" -> "1512 dequantize_per_channel_default_56" [label="(384,)", style=solid]; +"1509 linear_83_zero_point_0" -> "1511 quantize_per_channel_default_56" [label="(384,)", style=dashed]; +"1509 linear_83_zero_point_0" -> "1512 dequantize_per_channel_default_56" [label="(384,)", style=dashed]; "1510 compressed_weight_updated_constant56" -> "1511 quantize_per_channel_default_56" [label="(384, 384)", style=solid]; "1511 quantize_per_channel_default_56" -> "1512 dequantize_per_channel_default_56" [label="(384, 384)", style=solid]; "1512 dequantize_per_channel_default_56" -> "1513 linear_83" [label="(384, 384)", style=solid]; @@ -4299,8 +4299,8 @@ strict digraph { "1528 dequantize_per_tensor_default_85" -> "1534 linear_84" [label="(1, 14, 14, 384)", style=solid]; "1529 linear_84_scale_0" -> "1532 quantize_per_channel_default_57" [label="(1536,)", style=solid]; "1529 linear_84_scale_0" -> "1533 dequantize_per_channel_default_57" [label="(1536,)", style=solid]; -"1530 linear_84_zero_point_0" -> "1532 quantize_per_channel_default_57" [label="(1536,)", style=solid]; -"1530 linear_84_zero_point_0" -> "1533 dequantize_per_channel_default_57" [label="(1536,)", style=solid]; +"1530 linear_84_zero_point_0" -> "1532 quantize_per_channel_default_57" [label="(1536,)", style=dashed]; +"1530 linear_84_zero_point_0" -> "1533 dequantize_per_channel_default_57" [label="(1536,)", style=dashed]; "1531 compressed_weight_updated_constant57" -> "1532 quantize_per_channel_default_57" [label="(1536, 384)", style=solid]; "1532 quantize_per_channel_default_57" -> "1533 dequantize_per_channel_default_57" [label="(1536, 384)", style=solid]; "1533 dequantize_per_channel_default_57" -> "1534 linear_84" [label="(1536, 384)", style=solid]; @@ -4312,8 +4312,8 @@ strict digraph { "1539 dequantize_per_tensor_default_86" -> "1545 linear_85" [label="(1, 14, 14, 1536)", style=solid]; "1540 linear_85_scale_0" -> "1543 quantize_per_channel_default_58" [label="(384,)", style=solid]; "1540 linear_85_scale_0" -> "1544 dequantize_per_channel_default_58" [label="(384,)", style=solid]; -"1541 linear_85_zero_point_0" -> "1543 quantize_per_channel_default_58" [label="(384,)", style=solid]; -"1541 linear_85_zero_point_0" -> "1544 dequantize_per_channel_default_58" [label="(384,)", style=solid]; +"1541 linear_85_zero_point_0" -> "1543 quantize_per_channel_default_58" [label="(384,)", style=dashed]; +"1541 linear_85_zero_point_0" -> "1544 dequantize_per_channel_default_58" [label="(384,)", style=dashed]; "1542 compressed_weight_updated_constant58" -> "1543 quantize_per_channel_default_58" [label="(384, 1536)", style=solid]; "1543 quantize_per_channel_default_58" -> "1544 dequantize_per_channel_default_58" [label="(384, 1536)", style=solid]; "1544 dequantize_per_channel_default_58" -> "1545 linear_85" [label="(384, 1536)", style=solid]; @@ -4333,8 +4333,8 @@ strict digraph { "1557 dequantize_per_tensor_default_87" -> "1563 linear_88" [label="(4, 64, 384)", style=solid]; "1558 linear_88_scale_0" -> "1561 quantize_per_channel_default_59" [label="(1152,)", style=solid]; "1558 linear_88_scale_0" -> "1562 dequantize_per_channel_default_59" [label="(1152,)", style=solid]; -"1559 linear_88_zero_point_0" -> "1561 quantize_per_channel_default_59" [label="(1152,)", style=solid]; -"1559 linear_88_zero_point_0" -> "1562 dequantize_per_channel_default_59" [label="(1152,)", style=solid]; +"1559 linear_88_zero_point_0" -> "1561 quantize_per_channel_default_59" [label="(1152,)", style=dashed]; +"1559 linear_88_zero_point_0" -> "1562 dequantize_per_channel_default_59" [label="(1152,)", style=dashed]; "1560 compressed_weight_updated_constant59" -> "1561 quantize_per_channel_default_59" [label="(1152, 384)", style=solid]; "1561 quantize_per_channel_default_59" -> "1562 dequantize_per_channel_default_59" [label="(1152, 384)", style=solid]; "1562 dequantize_per_channel_default_59" -> "1563 linear_88" [label="(1152, 384)", style=solid]; @@ -4377,8 +4377,8 @@ strict digraph { "1593 dequantize_per_tensor_default_90" -> "1599 linear_89" [label="(4, 64, 384)", style=solid]; "1594 linear_89_scale_0" -> "1597 quantize_per_channel_default_60" [label="(384,)", style=solid]; "1594 linear_89_scale_0" -> "1598 dequantize_per_channel_default_60" [label="(384,)", style=solid]; -"1595 linear_89_zero_point_0" -> "1597 quantize_per_channel_default_60" [label="(384,)", style=solid]; -"1595 linear_89_zero_point_0" -> "1598 dequantize_per_channel_default_60" [label="(384,)", style=solid]; +"1595 linear_89_zero_point_0" -> "1597 quantize_per_channel_default_60" [label="(384,)", style=dashed]; +"1595 linear_89_zero_point_0" -> "1598 dequantize_per_channel_default_60" [label="(384,)", style=dashed]; "1596 compressed_weight_updated_constant60" -> "1597 quantize_per_channel_default_60" [label="(384, 384)", style=solid]; "1597 quantize_per_channel_default_60" -> "1598 dequantize_per_channel_default_60" [label="(384, 384)", style=solid]; "1598 dequantize_per_channel_default_60" -> "1599 linear_89" [label="(384, 384)", style=solid]; @@ -4400,8 +4400,8 @@ strict digraph { "1613 dequantize_per_tensor_default_91" -> "1619 linear_90" [label="(1, 14, 14, 384)", style=solid]; "1614 linear_90_scale_0" -> "1617 quantize_per_channel_default_61" [label="(1536,)", style=solid]; "1614 linear_90_scale_0" -> "1618 dequantize_per_channel_default_61" [label="(1536,)", style=solid]; -"1615 linear_90_zero_point_0" -> "1617 quantize_per_channel_default_61" [label="(1536,)", style=solid]; -"1615 linear_90_zero_point_0" -> "1618 dequantize_per_channel_default_61" [label="(1536,)", style=solid]; +"1615 linear_90_zero_point_0" -> "1617 quantize_per_channel_default_61" [label="(1536,)", style=dashed]; +"1615 linear_90_zero_point_0" -> "1618 dequantize_per_channel_default_61" [label="(1536,)", style=dashed]; "1616 compressed_weight_updated_constant61" -> "1617 quantize_per_channel_default_61" [label="(1536, 384)", style=solid]; "1617 quantize_per_channel_default_61" -> "1618 dequantize_per_channel_default_61" [label="(1536, 384)", style=solid]; "1618 dequantize_per_channel_default_61" -> "1619 linear_90" [label="(1536, 384)", style=solid]; @@ -4413,8 +4413,8 @@ strict digraph { "1624 dequantize_per_tensor_default_92" -> "1630 linear_91" [label="(1, 14, 14, 1536)", style=solid]; "1625 linear_91_scale_0" -> "1628 quantize_per_channel_default_62" [label="(384,)", style=solid]; "1625 linear_91_scale_0" -> "1629 dequantize_per_channel_default_62" [label="(384,)", style=solid]; -"1626 linear_91_zero_point_0" -> "1628 quantize_per_channel_default_62" [label="(384,)", style=solid]; -"1626 linear_91_zero_point_0" -> "1629 dequantize_per_channel_default_62" [label="(384,)", style=solid]; +"1626 linear_91_zero_point_0" -> "1628 quantize_per_channel_default_62" [label="(384,)", style=dashed]; +"1626 linear_91_zero_point_0" -> "1629 dequantize_per_channel_default_62" [label="(384,)", style=dashed]; "1627 compressed_weight_updated_constant62" -> "1628 quantize_per_channel_default_62" [label="(384, 1536)", style=solid]; "1628 quantize_per_channel_default_62" -> "1629 dequantize_per_channel_default_62" [label="(384, 1536)", style=solid]; "1629 dequantize_per_channel_default_62" -> "1630 linear_91" [label="(384, 1536)", style=solid]; @@ -4436,8 +4436,8 @@ strict digraph { "1643 dequantize_per_tensor_default_93" -> "1649 linear_94" [label="(4, 64, 384)", style=solid]; "1644 linear_94_scale_0" -> "1647 quantize_per_channel_default_63" [label="(1152,)", style=solid]; "1644 linear_94_scale_0" -> "1648 dequantize_per_channel_default_63" [label="(1152,)", style=solid]; -"1645 linear_94_zero_point_0" -> "1647 quantize_per_channel_default_63" [label="(1152,)", style=solid]; -"1645 linear_94_zero_point_0" -> "1648 dequantize_per_channel_default_63" [label="(1152,)", style=solid]; +"1645 linear_94_zero_point_0" -> "1647 quantize_per_channel_default_63" [label="(1152,)", style=dashed]; +"1645 linear_94_zero_point_0" -> "1648 dequantize_per_channel_default_63" [label="(1152,)", style=dashed]; "1646 compressed_weight_updated_constant63" -> "1647 quantize_per_channel_default_63" [label="(1152, 384)", style=solid]; "1647 quantize_per_channel_default_63" -> "1648 dequantize_per_channel_default_63" [label="(1152, 384)", style=solid]; "1648 dequantize_per_channel_default_63" -> "1649 linear_94" [label="(1152, 384)", style=solid]; @@ -4499,8 +4499,8 @@ strict digraph { "1695 dequantize_per_tensor_default_96" -> "1701 linear_95" [label="(4, 64, 384)", style=solid]; "1696 linear_95_scale_0" -> "1699 quantize_per_channel_default_64" [label="(384,)", style=solid]; "1696 linear_95_scale_0" -> "1700 dequantize_per_channel_default_64" [label="(384,)", style=solid]; -"1697 linear_95_zero_point_0" -> "1699 quantize_per_channel_default_64" [label="(384,)", style=solid]; -"1697 linear_95_zero_point_0" -> "1700 dequantize_per_channel_default_64" [label="(384,)", style=solid]; +"1697 linear_95_zero_point_0" -> "1699 quantize_per_channel_default_64" [label="(384,)", style=dashed]; +"1697 linear_95_zero_point_0" -> "1700 dequantize_per_channel_default_64" [label="(384,)", style=dashed]; "1698 compressed_weight_updated_constant64" -> "1699 quantize_per_channel_default_64" [label="(384, 384)", style=solid]; "1699 quantize_per_channel_default_64" -> "1700 dequantize_per_channel_default_64" [label="(384, 384)", style=solid]; "1700 dequantize_per_channel_default_64" -> "1701 linear_95" [label="(384, 384)", style=solid]; @@ -4523,8 +4523,8 @@ strict digraph { "1716 dequantize_per_tensor_default_97" -> "1722 linear_96" [label="(1, 14, 14, 384)", style=solid]; "1717 linear_96_scale_0" -> "1720 quantize_per_channel_default_65" [label="(1536,)", style=solid]; "1717 linear_96_scale_0" -> "1721 dequantize_per_channel_default_65" [label="(1536,)", style=solid]; -"1718 linear_96_zero_point_0" -> "1720 quantize_per_channel_default_65" [label="(1536,)", style=solid]; -"1718 linear_96_zero_point_0" -> "1721 dequantize_per_channel_default_65" [label="(1536,)", style=solid]; +"1718 linear_96_zero_point_0" -> "1720 quantize_per_channel_default_65" [label="(1536,)", style=dashed]; +"1718 linear_96_zero_point_0" -> "1721 dequantize_per_channel_default_65" [label="(1536,)", style=dashed]; "1719 compressed_weight_updated_constant65" -> "1720 quantize_per_channel_default_65" [label="(1536, 384)", style=solid]; "1720 quantize_per_channel_default_65" -> "1721 dequantize_per_channel_default_65" [label="(1536, 384)", style=solid]; "1721 dequantize_per_channel_default_65" -> "1722 linear_96" [label="(1536, 384)", style=solid]; @@ -4536,8 +4536,8 @@ strict digraph { "1727 dequantize_per_tensor_default_98" -> "1733 linear_97" [label="(1, 14, 14, 1536)", style=solid]; "1728 linear_97_scale_0" -> "1731 quantize_per_channel_default_66" [label="(384,)", style=solid]; "1728 linear_97_scale_0" -> "1732 dequantize_per_channel_default_66" [label="(384,)", style=solid]; -"1729 linear_97_zero_point_0" -> "1731 quantize_per_channel_default_66" [label="(384,)", style=solid]; -"1729 linear_97_zero_point_0" -> "1732 dequantize_per_channel_default_66" [label="(384,)", style=solid]; +"1729 linear_97_zero_point_0" -> "1731 quantize_per_channel_default_66" [label="(384,)", style=dashed]; +"1729 linear_97_zero_point_0" -> "1732 dequantize_per_channel_default_66" [label="(384,)", style=dashed]; "1730 compressed_weight_updated_constant66" -> "1731 quantize_per_channel_default_66" [label="(384, 1536)", style=solid]; "1731 quantize_per_channel_default_66" -> "1732 dequantize_per_channel_default_66" [label="(384, 1536)", style=solid]; "1732 dequantize_per_channel_default_66" -> "1733 linear_97" [label="(384, 1536)", style=solid]; @@ -4557,8 +4557,8 @@ strict digraph { "1745 dequantize_per_tensor_default_99" -> "1751 linear_100" [label="(4, 64, 384)", style=solid]; "1746 linear_100_scale_0" -> "1749 quantize_per_channel_default_67" [label="(1152,)", style=solid]; "1746 linear_100_scale_0" -> "1750 dequantize_per_channel_default_67" [label="(1152,)", style=solid]; -"1747 linear_100_zero_point_0" -> "1749 quantize_per_channel_default_67" [label="(1152,)", style=solid]; -"1747 linear_100_zero_point_0" -> "1750 dequantize_per_channel_default_67" [label="(1152,)", style=solid]; +"1747 linear_100_zero_point_0" -> "1749 quantize_per_channel_default_67" [label="(1152,)", style=dashed]; +"1747 linear_100_zero_point_0" -> "1750 dequantize_per_channel_default_67" [label="(1152,)", style=dashed]; "1748 compressed_weight_updated_constant67" -> "1749 quantize_per_channel_default_67" [label="(1152, 384)", style=solid]; "1749 quantize_per_channel_default_67" -> "1750 dequantize_per_channel_default_67" [label="(1152, 384)", style=solid]; "1750 dequantize_per_channel_default_67" -> "1751 linear_100" [label="(1152, 384)", style=solid]; @@ -4601,8 +4601,8 @@ strict digraph { "1781 dequantize_per_tensor_default_102" -> "1787 linear_101" [label="(4, 64, 384)", style=solid]; "1782 linear_101_scale_0" -> "1785 quantize_per_channel_default_68" [label="(384,)", style=solid]; "1782 linear_101_scale_0" -> "1786 dequantize_per_channel_default_68" [label="(384,)", style=solid]; -"1783 linear_101_zero_point_0" -> "1785 quantize_per_channel_default_68" [label="(384,)", style=solid]; -"1783 linear_101_zero_point_0" -> "1786 dequantize_per_channel_default_68" [label="(384,)", style=solid]; +"1783 linear_101_zero_point_0" -> "1785 quantize_per_channel_default_68" [label="(384,)", style=dashed]; +"1783 linear_101_zero_point_0" -> "1786 dequantize_per_channel_default_68" [label="(384,)", style=dashed]; "1784 compressed_weight_updated_constant68" -> "1785 quantize_per_channel_default_68" [label="(384, 384)", style=solid]; "1785 quantize_per_channel_default_68" -> "1786 dequantize_per_channel_default_68" [label="(384, 384)", style=solid]; "1786 dequantize_per_channel_default_68" -> "1787 linear_101" [label="(384, 384)", style=solid]; @@ -4624,8 +4624,8 @@ strict digraph { "1801 dequantize_per_tensor_default_103" -> "1807 linear_102" [label="(1, 14, 14, 384)", style=solid]; "1802 linear_102_scale_0" -> "1805 quantize_per_channel_default_69" [label="(1536,)", style=solid]; "1802 linear_102_scale_0" -> "1806 dequantize_per_channel_default_69" [label="(1536,)", style=solid]; -"1803 linear_102_zero_point_0" -> "1805 quantize_per_channel_default_69" [label="(1536,)", style=solid]; -"1803 linear_102_zero_point_0" -> "1806 dequantize_per_channel_default_69" [label="(1536,)", style=solid]; +"1803 linear_102_zero_point_0" -> "1805 quantize_per_channel_default_69" [label="(1536,)", style=dashed]; +"1803 linear_102_zero_point_0" -> "1806 dequantize_per_channel_default_69" [label="(1536,)", style=dashed]; "1804 compressed_weight_updated_constant69" -> "1805 quantize_per_channel_default_69" [label="(1536, 384)", style=solid]; "1805 quantize_per_channel_default_69" -> "1806 dequantize_per_channel_default_69" [label="(1536, 384)", style=solid]; "1806 dequantize_per_channel_default_69" -> "1807 linear_102" [label="(1536, 384)", style=solid]; @@ -4637,8 +4637,8 @@ strict digraph { "1812 dequantize_per_tensor_default_104" -> "1818 linear_103" [label="(1, 14, 14, 1536)", style=solid]; "1813 linear_103_scale_0" -> "1816 quantize_per_channel_default_70" [label="(384,)", style=solid]; "1813 linear_103_scale_0" -> "1817 dequantize_per_channel_default_70" [label="(384,)", style=solid]; -"1814 linear_103_zero_point_0" -> "1816 quantize_per_channel_default_70" [label="(384,)", style=solid]; -"1814 linear_103_zero_point_0" -> "1817 dequantize_per_channel_default_70" [label="(384,)", style=solid]; +"1814 linear_103_zero_point_0" -> "1816 quantize_per_channel_default_70" [label="(384,)", style=dashed]; +"1814 linear_103_zero_point_0" -> "1817 dequantize_per_channel_default_70" [label="(384,)", style=dashed]; "1815 compressed_weight_updated_constant70" -> "1816 quantize_per_channel_default_70" [label="(384, 1536)", style=solid]; "1816 quantize_per_channel_default_70" -> "1817 dequantize_per_channel_default_70" [label="(384, 1536)", style=solid]; "1817 dequantize_per_channel_default_70" -> "1818 linear_103" [label="(384, 1536)", style=solid]; @@ -4660,8 +4660,8 @@ strict digraph { "1831 dequantize_per_tensor_default_105" -> "1837 linear_106" [label="(4, 64, 384)", style=solid]; "1832 linear_106_scale_0" -> "1835 quantize_per_channel_default_71" [label="(1152,)", style=solid]; "1832 linear_106_scale_0" -> "1836 dequantize_per_channel_default_71" [label="(1152,)", style=solid]; -"1833 linear_106_zero_point_0" -> "1835 quantize_per_channel_default_71" [label="(1152,)", style=solid]; -"1833 linear_106_zero_point_0" -> "1836 dequantize_per_channel_default_71" [label="(1152,)", style=solid]; +"1833 linear_106_zero_point_0" -> "1835 quantize_per_channel_default_71" [label="(1152,)", style=dashed]; +"1833 linear_106_zero_point_0" -> "1836 dequantize_per_channel_default_71" [label="(1152,)", style=dashed]; "1834 compressed_weight_updated_constant71" -> "1835 quantize_per_channel_default_71" [label="(1152, 384)", style=solid]; "1835 quantize_per_channel_default_71" -> "1836 dequantize_per_channel_default_71" [label="(1152, 384)", style=solid]; "1836 dequantize_per_channel_default_71" -> "1837 linear_106" [label="(1152, 384)", style=solid]; @@ -4723,8 +4723,8 @@ strict digraph { "1883 dequantize_per_tensor_default_108" -> "1889 linear_107" [label="(4, 64, 384)", style=solid]; "1884 linear_107_scale_0" -> "1887 quantize_per_channel_default_72" [label="(384,)", style=solid]; "1884 linear_107_scale_0" -> "1888 dequantize_per_channel_default_72" [label="(384,)", style=solid]; -"1885 linear_107_zero_point_0" -> "1887 quantize_per_channel_default_72" [label="(384,)", style=solid]; -"1885 linear_107_zero_point_0" -> "1888 dequantize_per_channel_default_72" [label="(384,)", style=solid]; +"1885 linear_107_zero_point_0" -> "1887 quantize_per_channel_default_72" [label="(384,)", style=dashed]; +"1885 linear_107_zero_point_0" -> "1888 dequantize_per_channel_default_72" [label="(384,)", style=dashed]; "1886 compressed_weight_updated_constant72" -> "1887 quantize_per_channel_default_72" [label="(384, 384)", style=solid]; "1887 quantize_per_channel_default_72" -> "1888 dequantize_per_channel_default_72" [label="(384, 384)", style=solid]; "1888 dequantize_per_channel_default_72" -> "1889 linear_107" [label="(384, 384)", style=solid]; @@ -4747,8 +4747,8 @@ strict digraph { "1904 dequantize_per_tensor_default_109" -> "1910 linear_108" [label="(1, 14, 14, 384)", style=solid]; "1905 linear_108_scale_0" -> "1908 quantize_per_channel_default_73" [label="(1536,)", style=solid]; "1905 linear_108_scale_0" -> "1909 dequantize_per_channel_default_73" [label="(1536,)", style=solid]; -"1906 linear_108_zero_point_0" -> "1908 quantize_per_channel_default_73" [label="(1536,)", style=solid]; -"1906 linear_108_zero_point_0" -> "1909 dequantize_per_channel_default_73" [label="(1536,)", style=solid]; +"1906 linear_108_zero_point_0" -> "1908 quantize_per_channel_default_73" [label="(1536,)", style=dashed]; +"1906 linear_108_zero_point_0" -> "1909 dequantize_per_channel_default_73" [label="(1536,)", style=dashed]; "1907 compressed_weight_updated_constant73" -> "1908 quantize_per_channel_default_73" [label="(1536, 384)", style=solid]; "1908 quantize_per_channel_default_73" -> "1909 dequantize_per_channel_default_73" [label="(1536, 384)", style=solid]; "1909 dequantize_per_channel_default_73" -> "1910 linear_108" [label="(1536, 384)", style=solid]; @@ -4760,8 +4760,8 @@ strict digraph { "1915 dequantize_per_tensor_default_110" -> "1921 linear_109" [label="(1, 14, 14, 1536)", style=solid]; "1916 linear_109_scale_0" -> "1919 quantize_per_channel_default_74" [label="(384,)", style=solid]; "1916 linear_109_scale_0" -> "1920 dequantize_per_channel_default_74" [label="(384,)", style=solid]; -"1917 linear_109_zero_point_0" -> "1919 quantize_per_channel_default_74" [label="(384,)", style=solid]; -"1917 linear_109_zero_point_0" -> "1920 dequantize_per_channel_default_74" [label="(384,)", style=solid]; +"1917 linear_109_zero_point_0" -> "1919 quantize_per_channel_default_74" [label="(384,)", style=dashed]; +"1917 linear_109_zero_point_0" -> "1920 dequantize_per_channel_default_74" [label="(384,)", style=dashed]; "1918 compressed_weight_updated_constant74" -> "1919 quantize_per_channel_default_74" [label="(384, 1536)", style=solid]; "1919 quantize_per_channel_default_74" -> "1920 dequantize_per_channel_default_74" [label="(384, 1536)", style=solid]; "1920 dequantize_per_channel_default_74" -> "1921 linear_109" [label="(384, 1536)", style=solid]; @@ -4781,8 +4781,8 @@ strict digraph { "1933 dequantize_per_tensor_default_111" -> "1939 linear_112" [label="(4, 64, 384)", style=solid]; "1934 linear_112_scale_0" -> "1937 quantize_per_channel_default_75" [label="(1152,)", style=solid]; "1934 linear_112_scale_0" -> "1938 dequantize_per_channel_default_75" [label="(1152,)", style=solid]; -"1935 linear_112_zero_point_0" -> "1937 quantize_per_channel_default_75" [label="(1152,)", style=solid]; -"1935 linear_112_zero_point_0" -> "1938 dequantize_per_channel_default_75" [label="(1152,)", style=solid]; +"1935 linear_112_zero_point_0" -> "1937 quantize_per_channel_default_75" [label="(1152,)", style=dashed]; +"1935 linear_112_zero_point_0" -> "1938 dequantize_per_channel_default_75" [label="(1152,)", style=dashed]; "1936 compressed_weight_updated_constant75" -> "1937 quantize_per_channel_default_75" [label="(1152, 384)", style=solid]; "1937 quantize_per_channel_default_75" -> "1938 dequantize_per_channel_default_75" [label="(1152, 384)", style=solid]; "1938 dequantize_per_channel_default_75" -> "1939 linear_112" [label="(1152, 384)", style=solid]; @@ -4825,8 +4825,8 @@ strict digraph { "1969 dequantize_per_tensor_default_114" -> "1975 linear_113" [label="(4, 64, 384)", style=solid]; "1970 linear_113_scale_0" -> "1973 quantize_per_channel_default_76" [label="(384,)", style=solid]; "1970 linear_113_scale_0" -> "1974 dequantize_per_channel_default_76" [label="(384,)", style=solid]; -"1971 linear_113_zero_point_0" -> "1973 quantize_per_channel_default_76" [label="(384,)", style=solid]; -"1971 linear_113_zero_point_0" -> "1974 dequantize_per_channel_default_76" [label="(384,)", style=solid]; +"1971 linear_113_zero_point_0" -> "1973 quantize_per_channel_default_76" [label="(384,)", style=dashed]; +"1971 linear_113_zero_point_0" -> "1974 dequantize_per_channel_default_76" [label="(384,)", style=dashed]; "1972 compressed_weight_updated_constant76" -> "1973 quantize_per_channel_default_76" [label="(384, 384)", style=solid]; "1973 quantize_per_channel_default_76" -> "1974 dequantize_per_channel_default_76" [label="(384, 384)", style=solid]; "1974 dequantize_per_channel_default_76" -> "1975 linear_113" [label="(384, 384)", style=solid]; @@ -4848,8 +4848,8 @@ strict digraph { "1989 dequantize_per_tensor_default_115" -> "1995 linear_114" [label="(1, 14, 14, 384)", style=solid]; "1990 linear_114_scale_0" -> "1993 quantize_per_channel_default_77" [label="(1536,)", style=solid]; "1990 linear_114_scale_0" -> "1994 dequantize_per_channel_default_77" [label="(1536,)", style=solid]; -"1991 linear_114_zero_point_0" -> "1993 quantize_per_channel_default_77" [label="(1536,)", style=solid]; -"1991 linear_114_zero_point_0" -> "1994 dequantize_per_channel_default_77" [label="(1536,)", style=solid]; +"1991 linear_114_zero_point_0" -> "1993 quantize_per_channel_default_77" [label="(1536,)", style=dashed]; +"1991 linear_114_zero_point_0" -> "1994 dequantize_per_channel_default_77" [label="(1536,)", style=dashed]; "1992 compressed_weight_updated_constant77" -> "1993 quantize_per_channel_default_77" [label="(1536, 384)", style=solid]; "1993 quantize_per_channel_default_77" -> "1994 dequantize_per_channel_default_77" [label="(1536, 384)", style=solid]; "1994 dequantize_per_channel_default_77" -> "1995 linear_114" [label="(1536, 384)", style=solid]; @@ -4861,8 +4861,8 @@ strict digraph { "2000 dequantize_per_tensor_default_116" -> "2006 linear_115" [label="(1, 14, 14, 1536)", style=solid]; "2001 linear_115_scale_0" -> "2004 quantize_per_channel_default_78" [label="(384,)", style=solid]; "2001 linear_115_scale_0" -> "2005 dequantize_per_channel_default_78" [label="(384,)", style=solid]; -"2002 linear_115_zero_point_0" -> "2004 quantize_per_channel_default_78" [label="(384,)", style=solid]; -"2002 linear_115_zero_point_0" -> "2005 dequantize_per_channel_default_78" [label="(384,)", style=solid]; +"2002 linear_115_zero_point_0" -> "2004 quantize_per_channel_default_78" [label="(384,)", style=dashed]; +"2002 linear_115_zero_point_0" -> "2005 dequantize_per_channel_default_78" [label="(384,)", style=dashed]; "2003 compressed_weight_updated_constant78" -> "2004 quantize_per_channel_default_78" [label="(384, 1536)", style=solid]; "2004 quantize_per_channel_default_78" -> "2005 dequantize_per_channel_default_78" [label="(384, 1536)", style=solid]; "2005 dequantize_per_channel_default_78" -> "2006 linear_115" [label="(384, 1536)", style=solid]; @@ -4884,8 +4884,8 @@ strict digraph { "2019 dequantize_per_tensor_default_117" -> "2025 linear_118" [label="(4, 64, 384)", style=solid]; "2020 linear_118_scale_0" -> "2023 quantize_per_channel_default_79" [label="(1152,)", style=solid]; "2020 linear_118_scale_0" -> "2024 dequantize_per_channel_default_79" [label="(1152,)", style=solid]; -"2021 linear_118_zero_point_0" -> "2023 quantize_per_channel_default_79" [label="(1152,)", style=solid]; -"2021 linear_118_zero_point_0" -> "2024 dequantize_per_channel_default_79" [label="(1152,)", style=solid]; +"2021 linear_118_zero_point_0" -> "2023 quantize_per_channel_default_79" [label="(1152,)", style=dashed]; +"2021 linear_118_zero_point_0" -> "2024 dequantize_per_channel_default_79" [label="(1152,)", style=dashed]; "2022 compressed_weight_updated_constant79" -> "2023 quantize_per_channel_default_79" [label="(1152, 384)", style=solid]; "2023 quantize_per_channel_default_79" -> "2024 dequantize_per_channel_default_79" [label="(1152, 384)", style=solid]; "2024 dequantize_per_channel_default_79" -> "2025 linear_118" [label="(1152, 384)", style=solid]; @@ -4947,8 +4947,8 @@ strict digraph { "2071 dequantize_per_tensor_default_120" -> "2077 linear_119" [label="(4, 64, 384)", style=solid]; "2072 linear_119_scale_0" -> "2075 quantize_per_channel_default_80" [label="(384,)", style=solid]; "2072 linear_119_scale_0" -> "2076 dequantize_per_channel_default_80" [label="(384,)", style=solid]; -"2073 linear_119_zero_point_0" -> "2075 quantize_per_channel_default_80" [label="(384,)", style=solid]; -"2073 linear_119_zero_point_0" -> "2076 dequantize_per_channel_default_80" [label="(384,)", style=solid]; +"2073 linear_119_zero_point_0" -> "2075 quantize_per_channel_default_80" [label="(384,)", style=dashed]; +"2073 linear_119_zero_point_0" -> "2076 dequantize_per_channel_default_80" [label="(384,)", style=dashed]; "2074 compressed_weight_updated_constant80" -> "2075 quantize_per_channel_default_80" [label="(384, 384)", style=solid]; "2075 quantize_per_channel_default_80" -> "2076 dequantize_per_channel_default_80" [label="(384, 384)", style=solid]; "2076 dequantize_per_channel_default_80" -> "2077 linear_119" [label="(384, 384)", style=solid]; @@ -4971,8 +4971,8 @@ strict digraph { "2092 dequantize_per_tensor_default_121" -> "2098 linear_120" [label="(1, 14, 14, 384)", style=solid]; "2093 linear_120_scale_0" -> "2096 quantize_per_channel_default_81" [label="(1536,)", style=solid]; "2093 linear_120_scale_0" -> "2097 dequantize_per_channel_default_81" [label="(1536,)", style=solid]; -"2094 linear_120_zero_point_0" -> "2096 quantize_per_channel_default_81" [label="(1536,)", style=solid]; -"2094 linear_120_zero_point_0" -> "2097 dequantize_per_channel_default_81" [label="(1536,)", style=solid]; +"2094 linear_120_zero_point_0" -> "2096 quantize_per_channel_default_81" [label="(1536,)", style=dashed]; +"2094 linear_120_zero_point_0" -> "2097 dequantize_per_channel_default_81" [label="(1536,)", style=dashed]; "2095 compressed_weight_updated_constant81" -> "2096 quantize_per_channel_default_81" [label="(1536, 384)", style=solid]; "2096 quantize_per_channel_default_81" -> "2097 dequantize_per_channel_default_81" [label="(1536, 384)", style=solid]; "2097 dequantize_per_channel_default_81" -> "2098 linear_120" [label="(1536, 384)", style=solid]; @@ -4984,8 +4984,8 @@ strict digraph { "2103 dequantize_per_tensor_default_122" -> "2109 linear_121" [label="(1, 14, 14, 1536)", style=solid]; "2104 linear_121_scale_0" -> "2107 quantize_per_channel_default_82" [label="(384,)", style=solid]; "2104 linear_121_scale_0" -> "2108 dequantize_per_channel_default_82" [label="(384,)", style=solid]; -"2105 linear_121_zero_point_0" -> "2107 quantize_per_channel_default_82" [label="(384,)", style=solid]; -"2105 linear_121_zero_point_0" -> "2108 dequantize_per_channel_default_82" [label="(384,)", style=solid]; +"2105 linear_121_zero_point_0" -> "2107 quantize_per_channel_default_82" [label="(384,)", style=dashed]; +"2105 linear_121_zero_point_0" -> "2108 dequantize_per_channel_default_82" [label="(384,)", style=dashed]; "2106 compressed_weight_updated_constant82" -> "2107 quantize_per_channel_default_82" [label="(384, 1536)", style=solid]; "2107 quantize_per_channel_default_82" -> "2108 dequantize_per_channel_default_82" [label="(384, 1536)", style=solid]; "2108 dequantize_per_channel_default_82" -> "2109 linear_121" [label="(384, 1536)", style=solid]; @@ -5005,8 +5005,8 @@ strict digraph { "2121 dequantize_per_tensor_default_123" -> "2127 linear_124" [label="(4, 64, 384)", style=solid]; "2122 linear_124_scale_0" -> "2125 quantize_per_channel_default_83" [label="(1152,)", style=solid]; "2122 linear_124_scale_0" -> "2126 dequantize_per_channel_default_83" [label="(1152,)", style=solid]; -"2123 linear_124_zero_point_0" -> "2125 quantize_per_channel_default_83" [label="(1152,)", style=solid]; -"2123 linear_124_zero_point_0" -> "2126 dequantize_per_channel_default_83" [label="(1152,)", style=solid]; +"2123 linear_124_zero_point_0" -> "2125 quantize_per_channel_default_83" [label="(1152,)", style=dashed]; +"2123 linear_124_zero_point_0" -> "2126 dequantize_per_channel_default_83" [label="(1152,)", style=dashed]; "2124 compressed_weight_updated_constant83" -> "2125 quantize_per_channel_default_83" [label="(1152, 384)", style=solid]; "2125 quantize_per_channel_default_83" -> "2126 dequantize_per_channel_default_83" [label="(1152, 384)", style=solid]; "2126 dequantize_per_channel_default_83" -> "2127 linear_124" [label="(1152, 384)", style=solid]; @@ -5049,8 +5049,8 @@ strict digraph { "2157 dequantize_per_tensor_default_126" -> "2163 linear_125" [label="(4, 64, 384)", style=solid]; "2158 linear_125_scale_0" -> "2161 quantize_per_channel_default_84" [label="(384,)", style=solid]; "2158 linear_125_scale_0" -> "2162 dequantize_per_channel_default_84" [label="(384,)", style=solid]; -"2159 linear_125_zero_point_0" -> "2161 quantize_per_channel_default_84" [label="(384,)", style=solid]; -"2159 linear_125_zero_point_0" -> "2162 dequantize_per_channel_default_84" [label="(384,)", style=solid]; +"2159 linear_125_zero_point_0" -> "2161 quantize_per_channel_default_84" [label="(384,)", style=dashed]; +"2159 linear_125_zero_point_0" -> "2162 dequantize_per_channel_default_84" [label="(384,)", style=dashed]; "2160 compressed_weight_updated_constant84" -> "2161 quantize_per_channel_default_84" [label="(384, 384)", style=solid]; "2161 quantize_per_channel_default_84" -> "2162 dequantize_per_channel_default_84" [label="(384, 384)", style=solid]; "2162 dequantize_per_channel_default_84" -> "2163 linear_125" [label="(384, 384)", style=solid]; @@ -5072,8 +5072,8 @@ strict digraph { "2177 dequantize_per_tensor_default_127" -> "2183 linear_126" [label="(1, 14, 14, 384)", style=solid]; "2178 linear_126_scale_0" -> "2181 quantize_per_channel_default_85" [label="(1536,)", style=solid]; "2178 linear_126_scale_0" -> "2182 dequantize_per_channel_default_85" [label="(1536,)", style=solid]; -"2179 linear_126_zero_point_0" -> "2181 quantize_per_channel_default_85" [label="(1536,)", style=solid]; -"2179 linear_126_zero_point_0" -> "2182 dequantize_per_channel_default_85" [label="(1536,)", style=solid]; +"2179 linear_126_zero_point_0" -> "2181 quantize_per_channel_default_85" [label="(1536,)", style=dashed]; +"2179 linear_126_zero_point_0" -> "2182 dequantize_per_channel_default_85" [label="(1536,)", style=dashed]; "2180 compressed_weight_updated_constant85" -> "2181 quantize_per_channel_default_85" [label="(1536, 384)", style=solid]; "2181 quantize_per_channel_default_85" -> "2182 dequantize_per_channel_default_85" [label="(1536, 384)", style=solid]; "2182 dequantize_per_channel_default_85" -> "2183 linear_126" [label="(1536, 384)", style=solid]; @@ -5085,8 +5085,8 @@ strict digraph { "2188 dequantize_per_tensor_default_128" -> "2194 linear_127" [label="(1, 14, 14, 1536)", style=solid]; "2189 linear_127_scale_0" -> "2192 quantize_per_channel_default_86" [label="(384,)", style=solid]; "2189 linear_127_scale_0" -> "2193 dequantize_per_channel_default_86" [label="(384,)", style=solid]; -"2190 linear_127_zero_point_0" -> "2192 quantize_per_channel_default_86" [label="(384,)", style=solid]; -"2190 linear_127_zero_point_0" -> "2193 dequantize_per_channel_default_86" [label="(384,)", style=solid]; +"2190 linear_127_zero_point_0" -> "2192 quantize_per_channel_default_86" [label="(384,)", style=dashed]; +"2190 linear_127_zero_point_0" -> "2193 dequantize_per_channel_default_86" [label="(384,)", style=dashed]; "2191 compressed_weight_updated_constant86" -> "2192 quantize_per_channel_default_86" [label="(384, 1536)", style=solid]; "2192 quantize_per_channel_default_86" -> "2193 dequantize_per_channel_default_86" [label="(384, 1536)", style=solid]; "2193 dequantize_per_channel_default_86" -> "2194 linear_127" [label="(384, 1536)", style=solid]; @@ -5108,8 +5108,8 @@ strict digraph { "2207 dequantize_per_tensor_default_129" -> "2213 linear_130" [label="(4, 64, 384)", style=solid]; "2208 linear_130_scale_0" -> "2211 quantize_per_channel_default_87" [label="(1152,)", style=solid]; "2208 linear_130_scale_0" -> "2212 dequantize_per_channel_default_87" [label="(1152,)", style=solid]; -"2209 linear_130_zero_point_0" -> "2211 quantize_per_channel_default_87" [label="(1152,)", style=solid]; -"2209 linear_130_zero_point_0" -> "2212 dequantize_per_channel_default_87" [label="(1152,)", style=solid]; +"2209 linear_130_zero_point_0" -> "2211 quantize_per_channel_default_87" [label="(1152,)", style=dashed]; +"2209 linear_130_zero_point_0" -> "2212 dequantize_per_channel_default_87" [label="(1152,)", style=dashed]; "2210 compressed_weight_updated_constant87" -> "2211 quantize_per_channel_default_87" [label="(1152, 384)", style=solid]; "2211 quantize_per_channel_default_87" -> "2212 dequantize_per_channel_default_87" [label="(1152, 384)", style=solid]; "2212 dequantize_per_channel_default_87" -> "2213 linear_130" [label="(1152, 384)", style=solid]; @@ -5171,8 +5171,8 @@ strict digraph { "2259 dequantize_per_tensor_default_132" -> "2265 linear_131" [label="(4, 64, 384)", style=solid]; "2260 linear_131_scale_0" -> "2263 quantize_per_channel_default_88" [label="(384,)", style=solid]; "2260 linear_131_scale_0" -> "2264 dequantize_per_channel_default_88" [label="(384,)", style=solid]; -"2261 linear_131_zero_point_0" -> "2263 quantize_per_channel_default_88" [label="(384,)", style=solid]; -"2261 linear_131_zero_point_0" -> "2264 dequantize_per_channel_default_88" [label="(384,)", style=solid]; +"2261 linear_131_zero_point_0" -> "2263 quantize_per_channel_default_88" [label="(384,)", style=dashed]; +"2261 linear_131_zero_point_0" -> "2264 dequantize_per_channel_default_88" [label="(384,)", style=dashed]; "2262 compressed_weight_updated_constant88" -> "2263 quantize_per_channel_default_88" [label="(384, 384)", style=solid]; "2263 quantize_per_channel_default_88" -> "2264 dequantize_per_channel_default_88" [label="(384, 384)", style=solid]; "2264 dequantize_per_channel_default_88" -> "2265 linear_131" [label="(384, 384)", style=solid]; @@ -5195,8 +5195,8 @@ strict digraph { "2280 dequantize_per_tensor_default_133" -> "2286 linear_132" [label="(1, 14, 14, 384)", style=solid]; "2281 linear_132_scale_0" -> "2284 quantize_per_channel_default_89" [label="(1536,)", style=solid]; "2281 linear_132_scale_0" -> "2285 dequantize_per_channel_default_89" [label="(1536,)", style=solid]; -"2282 linear_132_zero_point_0" -> "2284 quantize_per_channel_default_89" [label="(1536,)", style=solid]; -"2282 linear_132_zero_point_0" -> "2285 dequantize_per_channel_default_89" [label="(1536,)", style=solid]; +"2282 linear_132_zero_point_0" -> "2284 quantize_per_channel_default_89" [label="(1536,)", style=dashed]; +"2282 linear_132_zero_point_0" -> "2285 dequantize_per_channel_default_89" [label="(1536,)", style=dashed]; "2283 compressed_weight_updated_constant89" -> "2284 quantize_per_channel_default_89" [label="(1536, 384)", style=solid]; "2284 quantize_per_channel_default_89" -> "2285 dequantize_per_channel_default_89" [label="(1536, 384)", style=solid]; "2285 dequantize_per_channel_default_89" -> "2286 linear_132" [label="(1536, 384)", style=solid]; @@ -5208,8 +5208,8 @@ strict digraph { "2291 dequantize_per_tensor_default_134" -> "2297 linear_133" [label="(1, 14, 14, 1536)", style=solid]; "2292 linear_133_scale_0" -> "2295 quantize_per_channel_default_90" [label="(384,)", style=solid]; "2292 linear_133_scale_0" -> "2296 dequantize_per_channel_default_90" [label="(384,)", style=solid]; -"2293 linear_133_zero_point_0" -> "2295 quantize_per_channel_default_90" [label="(384,)", style=solid]; -"2293 linear_133_zero_point_0" -> "2296 dequantize_per_channel_default_90" [label="(384,)", style=solid]; +"2293 linear_133_zero_point_0" -> "2295 quantize_per_channel_default_90" [label="(384,)", style=dashed]; +"2293 linear_133_zero_point_0" -> "2296 dequantize_per_channel_default_90" [label="(384,)", style=dashed]; "2294 compressed_weight_updated_constant90" -> "2295 quantize_per_channel_default_90" [label="(384, 1536)", style=solid]; "2295 quantize_per_channel_default_90" -> "2296 dequantize_per_channel_default_90" [label="(384, 1536)", style=solid]; "2296 dequantize_per_channel_default_90" -> "2297 linear_133" [label="(384, 1536)", style=solid]; @@ -5239,8 +5239,8 @@ strict digraph { "2317 dequantize_per_tensor_default_135" -> "2323 linear_134" [label="(1, 7, 7, 1536)", style=solid]; "2318 linear_134_scale_0" -> "2321 quantize_per_channel_default_91" [label="(768,)", style=solid]; "2318 linear_134_scale_0" -> "2322 dequantize_per_channel_default_91" [label="(768,)", style=solid]; -"2319 linear_134_zero_point_0" -> "2321 quantize_per_channel_default_91" [label="(768,)", style=solid]; -"2319 linear_134_zero_point_0" -> "2322 dequantize_per_channel_default_91" [label="(768,)", style=solid]; +"2319 linear_134_zero_point_0" -> "2321 quantize_per_channel_default_91" [label="(768,)", style=dashed]; +"2319 linear_134_zero_point_0" -> "2322 dequantize_per_channel_default_91" [label="(768,)", style=dashed]; "2320 compressed_weight_updated_constant91" -> "2321 quantize_per_channel_default_91" [label="(768, 1536)", style=solid]; "2321 quantize_per_channel_default_91" -> "2322 dequantize_per_channel_default_91" [label="(768, 1536)", style=solid]; "2322 dequantize_per_channel_default_91" -> "2323 linear_134" [label="(768, 1536)", style=solid]; @@ -5258,8 +5258,8 @@ strict digraph { "2333 dequantize_per_tensor_default_136" -> "2339 linear_137" [label="(1, 64, 768)", style=solid]; "2334 linear_137_scale_0" -> "2337 quantize_per_channel_default_92" [label="(2304,)", style=solid]; "2334 linear_137_scale_0" -> "2338 dequantize_per_channel_default_92" [label="(2304,)", style=solid]; -"2335 linear_137_zero_point_0" -> "2337 quantize_per_channel_default_92" [label="(2304,)", style=solid]; -"2335 linear_137_zero_point_0" -> "2338 dequantize_per_channel_default_92" [label="(2304,)", style=solid]; +"2335 linear_137_zero_point_0" -> "2337 quantize_per_channel_default_92" [label="(2304,)", style=dashed]; +"2335 linear_137_zero_point_0" -> "2338 dequantize_per_channel_default_92" [label="(2304,)", style=dashed]; "2336 compressed_weight_updated_constant92" -> "2337 quantize_per_channel_default_92" [label="(2304, 768)", style=solid]; "2337 quantize_per_channel_default_92" -> "2338 dequantize_per_channel_default_92" [label="(2304, 768)", style=solid]; "2338 dequantize_per_channel_default_92" -> "2339 linear_137" [label="(2304, 768)", style=solid]; @@ -5302,8 +5302,8 @@ strict digraph { "2369 dequantize_per_tensor_default_139" -> "2375 linear_138" [label="(1, 64, 768)", style=solid]; "2370 linear_138_scale_0" -> "2373 quantize_per_channel_default_93" [label="(768,)", style=solid]; "2370 linear_138_scale_0" -> "2374 dequantize_per_channel_default_93" [label="(768,)", style=solid]; -"2371 linear_138_zero_point_0" -> "2373 quantize_per_channel_default_93" [label="(768,)", style=solid]; -"2371 linear_138_zero_point_0" -> "2374 dequantize_per_channel_default_93" [label="(768,)", style=solid]; +"2371 linear_138_zero_point_0" -> "2373 quantize_per_channel_default_93" [label="(768,)", style=dashed]; +"2371 linear_138_zero_point_0" -> "2374 dequantize_per_channel_default_93" [label="(768,)", style=dashed]; "2372 compressed_weight_updated_constant93" -> "2373 quantize_per_channel_default_93" [label="(768, 768)", style=solid]; "2373 quantize_per_channel_default_93" -> "2374 dequantize_per_channel_default_93" [label="(768, 768)", style=solid]; "2374 dequantize_per_channel_default_93" -> "2375 linear_138" [label="(768, 768)", style=solid]; @@ -5325,8 +5325,8 @@ strict digraph { "2389 dequantize_per_tensor_default_140" -> "2395 linear_139" [label="(1, 7, 7, 768)", style=solid]; "2390 linear_139_scale_0" -> "2393 quantize_per_channel_default_94" [label="(3072,)", style=solid]; "2390 linear_139_scale_0" -> "2394 dequantize_per_channel_default_94" [label="(3072,)", style=solid]; -"2391 linear_139_zero_point_0" -> "2393 quantize_per_channel_default_94" [label="(3072,)", style=solid]; -"2391 linear_139_zero_point_0" -> "2394 dequantize_per_channel_default_94" [label="(3072,)", style=solid]; +"2391 linear_139_zero_point_0" -> "2393 quantize_per_channel_default_94" [label="(3072,)", style=dashed]; +"2391 linear_139_zero_point_0" -> "2394 dequantize_per_channel_default_94" [label="(3072,)", style=dashed]; "2392 compressed_weight_updated_constant94" -> "2393 quantize_per_channel_default_94" [label="(3072, 768)", style=solid]; "2393 quantize_per_channel_default_94" -> "2394 dequantize_per_channel_default_94" [label="(3072, 768)", style=solid]; "2394 dequantize_per_channel_default_94" -> "2395 linear_139" [label="(3072, 768)", style=solid]; @@ -5338,8 +5338,8 @@ strict digraph { "2400 dequantize_per_tensor_default_141" -> "2406 linear_140" [label="(1, 7, 7, 3072)", style=solid]; "2401 linear_140_scale_0" -> "2404 quantize_per_channel_default_95" [label="(768,)", style=solid]; "2401 linear_140_scale_0" -> "2405 dequantize_per_channel_default_95" [label="(768,)", style=solid]; -"2402 linear_140_zero_point_0" -> "2404 quantize_per_channel_default_95" [label="(768,)", style=solid]; -"2402 linear_140_zero_point_0" -> "2405 dequantize_per_channel_default_95" [label="(768,)", style=solid]; +"2402 linear_140_zero_point_0" -> "2404 quantize_per_channel_default_95" [label="(768,)", style=dashed]; +"2402 linear_140_zero_point_0" -> "2405 dequantize_per_channel_default_95" [label="(768,)", style=dashed]; "2403 compressed_weight_updated_constant95" -> "2404 quantize_per_channel_default_95" [label="(768, 3072)", style=solid]; "2404 quantize_per_channel_default_95" -> "2405 dequantize_per_channel_default_95" [label="(768, 3072)", style=solid]; "2405 dequantize_per_channel_default_95" -> "2406 linear_140" [label="(768, 3072)", style=solid]; @@ -5359,8 +5359,8 @@ strict digraph { "2418 dequantize_per_tensor_default_142" -> "2424 linear_143" [label="(1, 64, 768)", style=solid]; "2419 linear_143_scale_0" -> "2422 quantize_per_channel_default_96" [label="(2304,)", style=solid]; "2419 linear_143_scale_0" -> "2423 dequantize_per_channel_default_96" [label="(2304,)", style=solid]; -"2420 linear_143_zero_point_0" -> "2422 quantize_per_channel_default_96" [label="(2304,)", style=solid]; -"2420 linear_143_zero_point_0" -> "2423 dequantize_per_channel_default_96" [label="(2304,)", style=solid]; +"2420 linear_143_zero_point_0" -> "2422 quantize_per_channel_default_96" [label="(2304,)", style=dashed]; +"2420 linear_143_zero_point_0" -> "2423 dequantize_per_channel_default_96" [label="(2304,)", style=dashed]; "2421 compressed_weight_updated_constant96" -> "2422 quantize_per_channel_default_96" [label="(2304, 768)", style=solid]; "2422 quantize_per_channel_default_96" -> "2423 dequantize_per_channel_default_96" [label="(2304, 768)", style=solid]; "2423 dequantize_per_channel_default_96" -> "2424 linear_143" [label="(2304, 768)", style=solid]; @@ -5403,8 +5403,8 @@ strict digraph { "2454 dequantize_per_tensor_default_145" -> "2460 linear_144" [label="(1, 64, 768)", style=solid]; "2455 linear_144_scale_0" -> "2458 quantize_per_channel_default_97" [label="(768,)", style=solid]; "2455 linear_144_scale_0" -> "2459 dequantize_per_channel_default_97" [label="(768,)", style=solid]; -"2456 linear_144_zero_point_0" -> "2458 quantize_per_channel_default_97" [label="(768,)", style=solid]; -"2456 linear_144_zero_point_0" -> "2459 dequantize_per_channel_default_97" [label="(768,)", style=solid]; +"2456 linear_144_zero_point_0" -> "2458 quantize_per_channel_default_97" [label="(768,)", style=dashed]; +"2456 linear_144_zero_point_0" -> "2459 dequantize_per_channel_default_97" [label="(768,)", style=dashed]; "2457 compressed_weight_updated_constant97" -> "2458 quantize_per_channel_default_97" [label="(768, 768)", style=solid]; "2458 quantize_per_channel_default_97" -> "2459 dequantize_per_channel_default_97" [label="(768, 768)", style=solid]; "2459 dequantize_per_channel_default_97" -> "2460 linear_144" [label="(768, 768)", style=solid]; @@ -5426,8 +5426,8 @@ strict digraph { "2474 dequantize_per_tensor_default_146" -> "2480 linear_145" [label="(1, 7, 7, 768)", style=solid]; "2475 linear_145_scale_0" -> "2478 quantize_per_channel_default_98" [label="(3072,)", style=solid]; "2475 linear_145_scale_0" -> "2479 dequantize_per_channel_default_98" [label="(3072,)", style=solid]; -"2476 linear_145_zero_point_0" -> "2478 quantize_per_channel_default_98" [label="(3072,)", style=solid]; -"2476 linear_145_zero_point_0" -> "2479 dequantize_per_channel_default_98" [label="(3072,)", style=solid]; +"2476 linear_145_zero_point_0" -> "2478 quantize_per_channel_default_98" [label="(3072,)", style=dashed]; +"2476 linear_145_zero_point_0" -> "2479 dequantize_per_channel_default_98" [label="(3072,)", style=dashed]; "2477 compressed_weight_updated_constant98" -> "2478 quantize_per_channel_default_98" [label="(3072, 768)", style=solid]; "2478 quantize_per_channel_default_98" -> "2479 dequantize_per_channel_default_98" [label="(3072, 768)", style=solid]; "2479 dequantize_per_channel_default_98" -> "2480 linear_145" [label="(3072, 768)", style=solid]; @@ -5439,8 +5439,8 @@ strict digraph { "2485 dequantize_per_tensor_default_147" -> "2491 linear_146" [label="(1, 7, 7, 3072)", style=solid]; "2486 linear_146_scale_0" -> "2489 quantize_per_channel_default_99" [label="(768,)", style=solid]; "2486 linear_146_scale_0" -> "2490 dequantize_per_channel_default_99" [label="(768,)", style=solid]; -"2487 linear_146_zero_point_0" -> "2489 quantize_per_channel_default_99" [label="(768,)", style=solid]; -"2487 linear_146_zero_point_0" -> "2490 dequantize_per_channel_default_99" [label="(768,)", style=solid]; +"2487 linear_146_zero_point_0" -> "2489 quantize_per_channel_default_99" [label="(768,)", style=dashed]; +"2487 linear_146_zero_point_0" -> "2490 dequantize_per_channel_default_99" [label="(768,)", style=dashed]; "2488 compressed_weight_updated_constant99" -> "2489 quantize_per_channel_default_99" [label="(768, 3072)", style=solid]; "2489 quantize_per_channel_default_99" -> "2490 dequantize_per_channel_default_99" [label="(768, 3072)", style=solid]; "2490 dequantize_per_channel_default_99" -> "2491 linear_146" [label="(768, 3072)", style=solid]; @@ -5457,8 +5457,8 @@ strict digraph { "2501 dequantize_per_tensor_default_148" -> "2507 linear_147" [label="(1, 768)", style=solid]; "2502 linear_147_scale_0" -> "2505 quantize_per_channel_default_100" [label="(1000,)", style=solid]; "2502 linear_147_scale_0" -> "2506 dequantize_per_channel_default_100" [label="(1000,)", style=solid]; -"2503 linear_147_zero_point_0" -> "2505 quantize_per_channel_default_100" [label="(1000,)", style=solid]; -"2503 linear_147_zero_point_0" -> "2506 dequantize_per_channel_default_100" [label="(1000,)", style=solid]; +"2503 linear_147_zero_point_0" -> "2505 quantize_per_channel_default_100" [label="(1000,)", style=dashed]; +"2503 linear_147_zero_point_0" -> "2506 dequantize_per_channel_default_100" [label="(1000,)", style=dashed]; "2504 compressed_weight_updated_constant100" -> "2505 quantize_per_channel_default_100" [label="(1000, 768)", style=solid]; "2505 quantize_per_channel_default_100" -> "2506 dequantize_per_channel_default_100" [label="(1000, 768)", style=solid]; "2506 dequantize_per_channel_default_100" -> "2507 linear_147" [label="(1000, 768)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/quantized/synthetic_transformer.dot b/tests/torch/data/reference_graphs/fx/quantized/synthetic_transformer.dot index 1241d4a37ca..c5d6d81a0e8 100644 --- a/tests/torch/data/reference_graphs/fx/quantized/synthetic_transformer.dot +++ b/tests/torch/data/reference_graphs/fx/quantized/synthetic_transformer.dot @@ -29,11 +29,11 @@ strict digraph { "27 output" [id=27, type=output]; "0 linear_bias" -> "17 linear" [label="(5,)", style=solid]; "1 lm_head_bias" -> "26 linear_1" [label="(10,)", style=solid]; -"2 input_ids" -> "8 embedding" [label="(5,)", style=solid]; +"2 input_ids" -> "8 embedding" [label="(5,)", style=dashed]; "3 embedding_scale_0" -> "6 quantize_per_channel_default" [label="(10,)", style=solid]; "3 embedding_scale_0" -> "7 dequantize_per_channel_default" [label="(10,)", style=solid]; -"4 embedding_zero_point_0" -> "6 quantize_per_channel_default" [label="(10,)", style=solid]; -"4 embedding_zero_point_0" -> "7 dequantize_per_channel_default" [label="(10,)", style=solid]; +"4 embedding_zero_point_0" -> "6 quantize_per_channel_default" [label="(10,)", style=dashed]; +"4 embedding_zero_point_0" -> "7 dequantize_per_channel_default" [label="(10,)", style=dashed]; "5 compressed_weight_updated_constant0" -> "6 quantize_per_channel_default" [label="(10, 5)", style=solid]; "6 quantize_per_channel_default" -> "7 dequantize_per_channel_default" [label="(10, 5)", style=solid]; "7 dequantize_per_channel_default" -> "8 embedding" [label="(10, 5)", style=solid]; @@ -43,8 +43,8 @@ strict digraph { "11 dequantize_per_tensor_default" -> "17 linear" [label="(5, 5)", style=solid]; "12 linear_scale_0" -> "15 quantize_per_channel_default_1" [label="(5,)", style=solid]; "12 linear_scale_0" -> "16 dequantize_per_channel_default_1" [label="(5,)", style=solid]; -"13 linear_zero_point_0" -> "15 quantize_per_channel_default_1" [label="(5,)", style=solid]; -"13 linear_zero_point_0" -> "16 dequantize_per_channel_default_1" [label="(5,)", style=solid]; +"13 linear_zero_point_0" -> "15 quantize_per_channel_default_1" [label="(5,)", style=dashed]; +"13 linear_zero_point_0" -> "16 dequantize_per_channel_default_1" [label="(5,)", style=dashed]; "14 compressed_weight_updated_constant1" -> "15 quantize_per_channel_default_1" [label="(5, 5)", style=solid]; "15 quantize_per_channel_default_1" -> "16 dequantize_per_channel_default_1" [label="(5, 5)", style=solid]; "16 dequantize_per_channel_default_1" -> "17 linear" [label="(5, 5)", style=solid]; @@ -54,8 +54,8 @@ strict digraph { "20 dequantize_per_tensor_default_1" -> "26 linear_1" [label="(5, 5)", style=solid]; "21 linear_1_scale_0" -> "24 quantize_per_channel_default_2" [label="(10,)", style=solid]; "21 linear_1_scale_0" -> "25 dequantize_per_channel_default_2" [label="(10,)", style=solid]; -"22 linear_1_zero_point_0" -> "24 quantize_per_channel_default_2" [label="(10,)", style=solid]; -"22 linear_1_zero_point_0" -> "25 dequantize_per_channel_default_2" [label="(10,)", style=solid]; +"22 linear_1_zero_point_0" -> "24 quantize_per_channel_default_2" [label="(10,)", style=dashed]; +"22 linear_1_zero_point_0" -> "25 dequantize_per_channel_default_2" [label="(10,)", style=dashed]; "23 compressed_weight_updated_constant2" -> "24 quantize_per_channel_default_2" [label="(10, 5)", style=solid]; "24 quantize_per_channel_default_2" -> "25 dequantize_per_channel_default_2" [label="(10, 5)", style=solid]; "25 dequantize_per_channel_default_2" -> "26 linear_1" [label="(10, 5)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/quantized/unet.dot b/tests/torch/data/reference_graphs/fx/quantized/unet.dot index 7b9ccc4a6b3..a4272e41321 100644 --- a/tests/torch/data/reference_graphs/fx/quantized/unet.dot +++ b/tests/torch/data/reference_graphs/fx/quantized/unet.dot @@ -282,8 +282,8 @@ strict digraph { "25 dequantize_per_tensor_default_12" -> "31 conv2d" [label="(1, 3, 224, 224)", style=solid]; "26 conv2d_scale_0" -> "29 quantize_per_channel_default" [label="(64,)", style=solid]; "26 conv2d_scale_0" -> "30 dequantize_per_channel_default" [label="(64,)", style=solid]; -"27 conv2d_zero_point_0" -> "29 quantize_per_channel_default" [label="(64,)", style=solid]; -"27 conv2d_zero_point_0" -> "30 dequantize_per_channel_default" [label="(64,)", style=solid]; +"27 conv2d_zero_point_0" -> "29 quantize_per_channel_default" [label="(64,)", style=dashed]; +"27 conv2d_zero_point_0" -> "30 dequantize_per_channel_default" [label="(64,)", style=dashed]; "28 compressed_weight_updated_constant0" -> "29 quantize_per_channel_default" [label="(64, 3, 3, 3)", style=solid]; "29 quantize_per_channel_default" -> "30 dequantize_per_channel_default" [label="(64, 3, 3, 3)", style=solid]; "30 dequantize_per_channel_default" -> "31 conv2d" [label="(64, 3, 3, 3)", style=solid]; @@ -293,8 +293,8 @@ strict digraph { "34 dequantize_per_tensor_default_13" -> "40 conv2d_1" [label="(1, 64, 222, 222)", style=solid]; "35 conv2d_1_scale_0" -> "38 quantize_per_channel_default_1" [label="(64,)", style=solid]; "35 conv2d_1_scale_0" -> "39 dequantize_per_channel_default_1" [label="(64,)", style=solid]; -"36 conv2d_1_zero_point_0" -> "38 quantize_per_channel_default_1" [label="(64,)", style=solid]; -"36 conv2d_1_zero_point_0" -> "39 dequantize_per_channel_default_1" [label="(64,)", style=solid]; +"36 conv2d_1_zero_point_0" -> "38 quantize_per_channel_default_1" [label="(64,)", style=dashed]; +"36 conv2d_1_zero_point_0" -> "39 dequantize_per_channel_default_1" [label="(64,)", style=dashed]; "37 compressed_weight_updated_constant1" -> "38 quantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; "38 quantize_per_channel_default_1" -> "39 dequantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; "39 dequantize_per_channel_default_1" -> "40 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; @@ -307,8 +307,8 @@ strict digraph { "45 max_pool2d" -> "51 conv2d_2" [label="(1, 64, 110, 110)", style=solid]; "46 conv2d_2_scale_0" -> "49 quantize_per_channel_default_2" [label="(128,)", style=solid]; "46 conv2d_2_scale_0" -> "50 dequantize_per_channel_default_2" [label="(128,)", style=solid]; -"47 conv2d_2_zero_point_0" -> "49 quantize_per_channel_default_2" [label="(128,)", style=solid]; -"47 conv2d_2_zero_point_0" -> "50 dequantize_per_channel_default_2" [label="(128,)", style=solid]; +"47 conv2d_2_zero_point_0" -> "49 quantize_per_channel_default_2" [label="(128,)", style=dashed]; +"47 conv2d_2_zero_point_0" -> "50 dequantize_per_channel_default_2" [label="(128,)", style=dashed]; "48 compressed_weight_updated_constant2" -> "49 quantize_per_channel_default_2" [label="(128, 64, 3, 3)", style=solid]; "49 quantize_per_channel_default_2" -> "50 dequantize_per_channel_default_2" [label="(128, 64, 3, 3)", style=solid]; "50 dequantize_per_channel_default_2" -> "51 conv2d_2" [label="(128, 64, 3, 3)", style=solid]; @@ -318,8 +318,8 @@ strict digraph { "54 dequantize_per_tensor_default_14" -> "60 conv2d_3" [label="(1, 128, 108, 108)", style=solid]; "55 conv2d_3_scale_0" -> "58 quantize_per_channel_default_3" [label="(128,)", style=solid]; "55 conv2d_3_scale_0" -> "59 dequantize_per_channel_default_3" [label="(128,)", style=solid]; -"56 conv2d_3_zero_point_0" -> "58 quantize_per_channel_default_3" [label="(128,)", style=solid]; -"56 conv2d_3_zero_point_0" -> "59 dequantize_per_channel_default_3" [label="(128,)", style=solid]; +"56 conv2d_3_zero_point_0" -> "58 quantize_per_channel_default_3" [label="(128,)", style=dashed]; +"56 conv2d_3_zero_point_0" -> "59 dequantize_per_channel_default_3" [label="(128,)", style=dashed]; "57 compressed_weight_updated_constant3" -> "58 quantize_per_channel_default_3" [label="(128, 128, 3, 3)", style=solid]; "58 quantize_per_channel_default_3" -> "59 dequantize_per_channel_default_3" [label="(128, 128, 3, 3)", style=solid]; "59 dequantize_per_channel_default_3" -> "60 conv2d_3" [label="(128, 128, 3, 3)", style=solid]; @@ -332,8 +332,8 @@ strict digraph { "65 max_pool2d_1" -> "71 conv2d_4" [label="(1, 128, 53, 53)", style=solid]; "66 conv2d_4_scale_0" -> "69 quantize_per_channel_default_4" [label="(256,)", style=solid]; "66 conv2d_4_scale_0" -> "70 dequantize_per_channel_default_4" [label="(256,)", style=solid]; -"67 conv2d_4_zero_point_0" -> "69 quantize_per_channel_default_4" [label="(256,)", style=solid]; -"67 conv2d_4_zero_point_0" -> "70 dequantize_per_channel_default_4" [label="(256,)", style=solid]; +"67 conv2d_4_zero_point_0" -> "69 quantize_per_channel_default_4" [label="(256,)", style=dashed]; +"67 conv2d_4_zero_point_0" -> "70 dequantize_per_channel_default_4" [label="(256,)", style=dashed]; "68 compressed_weight_updated_constant4" -> "69 quantize_per_channel_default_4" [label="(256, 128, 3, 3)", style=solid]; "69 quantize_per_channel_default_4" -> "70 dequantize_per_channel_default_4" [label="(256, 128, 3, 3)", style=solid]; "70 dequantize_per_channel_default_4" -> "71 conv2d_4" [label="(256, 128, 3, 3)", style=solid]; @@ -343,8 +343,8 @@ strict digraph { "74 dequantize_per_tensor_default_15" -> "80 conv2d_5" [label="(1, 256, 51, 51)", style=solid]; "75 conv2d_5_scale_0" -> "78 quantize_per_channel_default_5" [label="(256,)", style=solid]; "75 conv2d_5_scale_0" -> "79 dequantize_per_channel_default_5" [label="(256,)", style=solid]; -"76 conv2d_5_zero_point_0" -> "78 quantize_per_channel_default_5" [label="(256,)", style=solid]; -"76 conv2d_5_zero_point_0" -> "79 dequantize_per_channel_default_5" [label="(256,)", style=solid]; +"76 conv2d_5_zero_point_0" -> "78 quantize_per_channel_default_5" [label="(256,)", style=dashed]; +"76 conv2d_5_zero_point_0" -> "79 dequantize_per_channel_default_5" [label="(256,)", style=dashed]; "77 compressed_weight_updated_constant5" -> "78 quantize_per_channel_default_5" [label="(256, 256, 3, 3)", style=solid]; "78 quantize_per_channel_default_5" -> "79 dequantize_per_channel_default_5" [label="(256, 256, 3, 3)", style=solid]; "79 dequantize_per_channel_default_5" -> "80 conv2d_5" [label="(256, 256, 3, 3)", style=solid]; @@ -357,8 +357,8 @@ strict digraph { "85 max_pool2d_2" -> "91 conv2d_6" [label="(1, 256, 24, 24)", style=solid]; "86 conv2d_6_scale_0" -> "89 quantize_per_channel_default_6" [label="(512,)", style=solid]; "86 conv2d_6_scale_0" -> "90 dequantize_per_channel_default_6" [label="(512,)", style=solid]; -"87 conv2d_6_zero_point_0" -> "89 quantize_per_channel_default_6" [label="(512,)", style=solid]; -"87 conv2d_6_zero_point_0" -> "90 dequantize_per_channel_default_6" [label="(512,)", style=solid]; +"87 conv2d_6_zero_point_0" -> "89 quantize_per_channel_default_6" [label="(512,)", style=dashed]; +"87 conv2d_6_zero_point_0" -> "90 dequantize_per_channel_default_6" [label="(512,)", style=dashed]; "88 compressed_weight_updated_constant6" -> "89 quantize_per_channel_default_6" [label="(512, 256, 3, 3)", style=solid]; "89 quantize_per_channel_default_6" -> "90 dequantize_per_channel_default_6" [label="(512, 256, 3, 3)", style=solid]; "90 dequantize_per_channel_default_6" -> "91 conv2d_6" [label="(512, 256, 3, 3)", style=solid]; @@ -368,8 +368,8 @@ strict digraph { "94 dequantize_per_tensor_default_16" -> "100 conv2d_7" [label="(1, 512, 22, 22)", style=solid]; "95 conv2d_7_scale_0" -> "98 quantize_per_channel_default_7" [label="(512,)", style=solid]; "95 conv2d_7_scale_0" -> "99 dequantize_per_channel_default_7" [label="(512,)", style=solid]; -"96 conv2d_7_zero_point_0" -> "98 quantize_per_channel_default_7" [label="(512,)", style=solid]; -"96 conv2d_7_zero_point_0" -> "99 dequantize_per_channel_default_7" [label="(512,)", style=solid]; +"96 conv2d_7_zero_point_0" -> "98 quantize_per_channel_default_7" [label="(512,)", style=dashed]; +"96 conv2d_7_zero_point_0" -> "99 dequantize_per_channel_default_7" [label="(512,)", style=dashed]; "97 compressed_weight_updated_constant7" -> "98 quantize_per_channel_default_7" [label="(512, 512, 3, 3)", style=solid]; "98 quantize_per_channel_default_7" -> "99 dequantize_per_channel_default_7" [label="(512, 512, 3, 3)", style=solid]; "99 dequantize_per_channel_default_7" -> "100 conv2d_7" [label="(512, 512, 3, 3)", style=solid]; @@ -382,8 +382,8 @@ strict digraph { "105 max_pool2d_3" -> "111 conv2d_8" [label="(1, 512, 10, 10)", style=solid]; "106 conv2d_8_scale_0" -> "109 quantize_per_channel_default_8" [label="(1024,)", style=solid]; "106 conv2d_8_scale_0" -> "110 dequantize_per_channel_default_8" [label="(1024,)", style=solid]; -"107 conv2d_8_zero_point_0" -> "109 quantize_per_channel_default_8" [label="(1024,)", style=solid]; -"107 conv2d_8_zero_point_0" -> "110 dequantize_per_channel_default_8" [label="(1024,)", style=solid]; +"107 conv2d_8_zero_point_0" -> "109 quantize_per_channel_default_8" [label="(1024,)", style=dashed]; +"107 conv2d_8_zero_point_0" -> "110 dequantize_per_channel_default_8" [label="(1024,)", style=dashed]; "108 compressed_weight_updated_constant8" -> "109 quantize_per_channel_default_8" [label="(1024, 512, 3, 3)", style=solid]; "109 quantize_per_channel_default_8" -> "110 dequantize_per_channel_default_8" [label="(1024, 512, 3, 3)", style=solid]; "110 dequantize_per_channel_default_8" -> "111 conv2d_8" [label="(1024, 512, 3, 3)", style=solid]; @@ -393,8 +393,8 @@ strict digraph { "114 dequantize_per_tensor_default_17" -> "120 conv2d_9" [label="(1, 1024, 8, 8)", style=solid]; "115 conv2d_9_scale_0" -> "118 quantize_per_channel_default_9" [label="(1024,)", style=solid]; "115 conv2d_9_scale_0" -> "119 dequantize_per_channel_default_9" [label="(1024,)", style=solid]; -"116 conv2d_9_zero_point_0" -> "118 quantize_per_channel_default_9" [label="(1024,)", style=solid]; -"116 conv2d_9_zero_point_0" -> "119 dequantize_per_channel_default_9" [label="(1024,)", style=solid]; +"116 conv2d_9_zero_point_0" -> "118 quantize_per_channel_default_9" [label="(1024,)", style=dashed]; +"116 conv2d_9_zero_point_0" -> "119 dequantize_per_channel_default_9" [label="(1024,)", style=dashed]; "117 compressed_weight_updated_constant9" -> "118 quantize_per_channel_default_9" [label="(1024, 1024, 3, 3)", style=solid]; "118 quantize_per_channel_default_9" -> "119 dequantize_per_channel_default_9" [label="(1024, 1024, 3, 3)", style=solid]; "119 dequantize_per_channel_default_9" -> "120 conv2d_9" [label="(1024, 1024, 3, 3)", style=solid]; @@ -404,8 +404,8 @@ strict digraph { "123 dequantize_per_tensor_default_18" -> "129 conv_transpose2d" [label="(1, 1024, 6, 6)", style=solid]; "124 conv_transpose2d_scale_0" -> "127 quantize_per_channel_default_10" [label="(1024,)", style=solid]; "124 conv_transpose2d_scale_0" -> "128 dequantize_per_channel_default_10" [label="(1024,)", style=solid]; -"125 conv_transpose2d_zero_point_0" -> "127 quantize_per_channel_default_10" [label="(1024,)", style=solid]; -"125 conv_transpose2d_zero_point_0" -> "128 dequantize_per_channel_default_10" [label="(1024,)", style=solid]; +"125 conv_transpose2d_zero_point_0" -> "127 quantize_per_channel_default_10" [label="(1024,)", style=dashed]; +"125 conv_transpose2d_zero_point_0" -> "128 dequantize_per_channel_default_10" [label="(1024,)", style=dashed]; "126 compressed_weight_updated_constant10" -> "127 quantize_per_channel_default_10" [label="(1024, 512, 2, 2)", style=solid]; "127 quantize_per_channel_default_10" -> "128 dequantize_per_channel_default_10" [label="(1024, 512, 2, 2)", style=solid]; "128 dequantize_per_channel_default_10" -> "129 conv_transpose2d" [label="(1024, 512, 2, 2)", style=solid]; @@ -419,8 +419,8 @@ strict digraph { "136 cat" -> "142 conv2d_10" [label="(1, 1024, 12, 12)", style=solid]; "137 conv2d_10_scale_0" -> "140 quantize_per_channel_default_11" [label="(512,)", style=solid]; "137 conv2d_10_scale_0" -> "141 dequantize_per_channel_default_11" [label="(512,)", style=solid]; -"138 conv2d_10_zero_point_0" -> "140 quantize_per_channel_default_11" [label="(512,)", style=solid]; -"138 conv2d_10_zero_point_0" -> "141 dequantize_per_channel_default_11" [label="(512,)", style=solid]; +"138 conv2d_10_zero_point_0" -> "140 quantize_per_channel_default_11" [label="(512,)", style=dashed]; +"138 conv2d_10_zero_point_0" -> "141 dequantize_per_channel_default_11" [label="(512,)", style=dashed]; "139 compressed_weight_updated_constant11" -> "140 quantize_per_channel_default_11" [label="(512, 1024, 3, 3)", style=solid]; "140 quantize_per_channel_default_11" -> "141 dequantize_per_channel_default_11" [label="(512, 1024, 3, 3)", style=solid]; "141 dequantize_per_channel_default_11" -> "142 conv2d_10" [label="(512, 1024, 3, 3)", style=solid]; @@ -430,8 +430,8 @@ strict digraph { "145 dequantize_per_tensor_default_19" -> "151 conv2d_11" [label="(1, 512, 10, 10)", style=solid]; "146 conv2d_11_scale_0" -> "149 quantize_per_channel_default_12" [label="(512,)", style=solid]; "146 conv2d_11_scale_0" -> "150 dequantize_per_channel_default_12" [label="(512,)", style=solid]; -"147 conv2d_11_zero_point_0" -> "149 quantize_per_channel_default_12" [label="(512,)", style=solid]; -"147 conv2d_11_zero_point_0" -> "150 dequantize_per_channel_default_12" [label="(512,)", style=solid]; +"147 conv2d_11_zero_point_0" -> "149 quantize_per_channel_default_12" [label="(512,)", style=dashed]; +"147 conv2d_11_zero_point_0" -> "150 dequantize_per_channel_default_12" [label="(512,)", style=dashed]; "148 compressed_weight_updated_constant12" -> "149 quantize_per_channel_default_12" [label="(512, 512, 3, 3)", style=solid]; "149 quantize_per_channel_default_12" -> "150 dequantize_per_channel_default_12" [label="(512, 512, 3, 3)", style=solid]; "150 dequantize_per_channel_default_12" -> "151 conv2d_11" [label="(512, 512, 3, 3)", style=solid]; @@ -441,8 +441,8 @@ strict digraph { "154 dequantize_per_tensor_default_20" -> "160 conv_transpose2d_1" [label="(1, 512, 8, 8)", style=solid]; "155 conv_transpose2d_1_scale_0" -> "158 quantize_per_channel_default_13" [label="(512,)", style=solid]; "155 conv_transpose2d_1_scale_0" -> "159 dequantize_per_channel_default_13" [label="(512,)", style=solid]; -"156 conv_transpose2d_1_zero_point_0" -> "158 quantize_per_channel_default_13" [label="(512,)", style=solid]; -"156 conv_transpose2d_1_zero_point_0" -> "159 dequantize_per_channel_default_13" [label="(512,)", style=solid]; +"156 conv_transpose2d_1_zero_point_0" -> "158 quantize_per_channel_default_13" [label="(512,)", style=dashed]; +"156 conv_transpose2d_1_zero_point_0" -> "159 dequantize_per_channel_default_13" [label="(512,)", style=dashed]; "157 compressed_weight_updated_constant13" -> "158 quantize_per_channel_default_13" [label="(512, 256, 2, 2)", style=solid]; "158 quantize_per_channel_default_13" -> "159 dequantize_per_channel_default_13" [label="(512, 256, 2, 2)", style=solid]; "159 dequantize_per_channel_default_13" -> "160 conv_transpose2d_1" [label="(512, 256, 2, 2)", style=solid]; @@ -456,8 +456,8 @@ strict digraph { "167 cat_1" -> "173 conv2d_12" [label="(1, 512, 16, 16)", style=solid]; "168 conv2d_12_scale_0" -> "171 quantize_per_channel_default_14" [label="(256,)", style=solid]; "168 conv2d_12_scale_0" -> "172 dequantize_per_channel_default_14" [label="(256,)", style=solid]; -"169 conv2d_12_zero_point_0" -> "171 quantize_per_channel_default_14" [label="(256,)", style=solid]; -"169 conv2d_12_zero_point_0" -> "172 dequantize_per_channel_default_14" [label="(256,)", style=solid]; +"169 conv2d_12_zero_point_0" -> "171 quantize_per_channel_default_14" [label="(256,)", style=dashed]; +"169 conv2d_12_zero_point_0" -> "172 dequantize_per_channel_default_14" [label="(256,)", style=dashed]; "170 compressed_weight_updated_constant14" -> "171 quantize_per_channel_default_14" [label="(256, 512, 3, 3)", style=solid]; "171 quantize_per_channel_default_14" -> "172 dequantize_per_channel_default_14" [label="(256, 512, 3, 3)", style=solid]; "172 dequantize_per_channel_default_14" -> "173 conv2d_12" [label="(256, 512, 3, 3)", style=solid]; @@ -467,8 +467,8 @@ strict digraph { "176 dequantize_per_tensor_default_21" -> "182 conv2d_13" [label="(1, 256, 14, 14)", style=solid]; "177 conv2d_13_scale_0" -> "180 quantize_per_channel_default_15" [label="(256,)", style=solid]; "177 conv2d_13_scale_0" -> "181 dequantize_per_channel_default_15" [label="(256,)", style=solid]; -"178 conv2d_13_zero_point_0" -> "180 quantize_per_channel_default_15" [label="(256,)", style=solid]; -"178 conv2d_13_zero_point_0" -> "181 dequantize_per_channel_default_15" [label="(256,)", style=solid]; +"178 conv2d_13_zero_point_0" -> "180 quantize_per_channel_default_15" [label="(256,)", style=dashed]; +"178 conv2d_13_zero_point_0" -> "181 dequantize_per_channel_default_15" [label="(256,)", style=dashed]; "179 compressed_weight_updated_constant15" -> "180 quantize_per_channel_default_15" [label="(256, 256, 3, 3)", style=solid]; "180 quantize_per_channel_default_15" -> "181 dequantize_per_channel_default_15" [label="(256, 256, 3, 3)", style=solid]; "181 dequantize_per_channel_default_15" -> "182 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; @@ -478,8 +478,8 @@ strict digraph { "185 dequantize_per_tensor_default_22" -> "191 conv_transpose2d_2" [label="(1, 256, 12, 12)", style=solid]; "186 conv_transpose2d_2_scale_0" -> "189 quantize_per_channel_default_16" [label="(256,)", style=solid]; "186 conv_transpose2d_2_scale_0" -> "190 dequantize_per_channel_default_16" [label="(256,)", style=solid]; -"187 conv_transpose2d_2_zero_point_0" -> "189 quantize_per_channel_default_16" [label="(256,)", style=solid]; -"187 conv_transpose2d_2_zero_point_0" -> "190 dequantize_per_channel_default_16" [label="(256,)", style=solid]; +"187 conv_transpose2d_2_zero_point_0" -> "189 quantize_per_channel_default_16" [label="(256,)", style=dashed]; +"187 conv_transpose2d_2_zero_point_0" -> "190 dequantize_per_channel_default_16" [label="(256,)", style=dashed]; "188 compressed_weight_updated_constant16" -> "189 quantize_per_channel_default_16" [label="(256, 128, 2, 2)", style=solid]; "189 quantize_per_channel_default_16" -> "190 dequantize_per_channel_default_16" [label="(256, 128, 2, 2)", style=solid]; "190 dequantize_per_channel_default_16" -> "191 conv_transpose2d_2" [label="(256, 128, 2, 2)", style=solid]; @@ -493,8 +493,8 @@ strict digraph { "198 cat_2" -> "204 conv2d_14" [label="(1, 256, 24, 24)", style=solid]; "199 conv2d_14_scale_0" -> "202 quantize_per_channel_default_17" [label="(128,)", style=solid]; "199 conv2d_14_scale_0" -> "203 dequantize_per_channel_default_17" [label="(128,)", style=solid]; -"200 conv2d_14_zero_point_0" -> "202 quantize_per_channel_default_17" [label="(128,)", style=solid]; -"200 conv2d_14_zero_point_0" -> "203 dequantize_per_channel_default_17" [label="(128,)", style=solid]; +"200 conv2d_14_zero_point_0" -> "202 quantize_per_channel_default_17" [label="(128,)", style=dashed]; +"200 conv2d_14_zero_point_0" -> "203 dequantize_per_channel_default_17" [label="(128,)", style=dashed]; "201 compressed_weight_updated_constant17" -> "202 quantize_per_channel_default_17" [label="(128, 256, 3, 3)", style=solid]; "202 quantize_per_channel_default_17" -> "203 dequantize_per_channel_default_17" [label="(128, 256, 3, 3)", style=solid]; "203 dequantize_per_channel_default_17" -> "204 conv2d_14" [label="(128, 256, 3, 3)", style=solid]; @@ -504,8 +504,8 @@ strict digraph { "207 dequantize_per_tensor_default_23" -> "213 conv2d_15" [label="(1, 128, 22, 22)", style=solid]; "208 conv2d_15_scale_0" -> "211 quantize_per_channel_default_18" [label="(128,)", style=solid]; "208 conv2d_15_scale_0" -> "212 dequantize_per_channel_default_18" [label="(128,)", style=solid]; -"209 conv2d_15_zero_point_0" -> "211 quantize_per_channel_default_18" [label="(128,)", style=solid]; -"209 conv2d_15_zero_point_0" -> "212 dequantize_per_channel_default_18" [label="(128,)", style=solid]; +"209 conv2d_15_zero_point_0" -> "211 quantize_per_channel_default_18" [label="(128,)", style=dashed]; +"209 conv2d_15_zero_point_0" -> "212 dequantize_per_channel_default_18" [label="(128,)", style=dashed]; "210 compressed_weight_updated_constant18" -> "211 quantize_per_channel_default_18" [label="(128, 128, 3, 3)", style=solid]; "211 quantize_per_channel_default_18" -> "212 dequantize_per_channel_default_18" [label="(128, 128, 3, 3)", style=solid]; "212 dequantize_per_channel_default_18" -> "213 conv2d_15" [label="(128, 128, 3, 3)", style=solid]; @@ -515,8 +515,8 @@ strict digraph { "216 dequantize_per_tensor_default_24" -> "222 conv_transpose2d_3" [label="(1, 128, 20, 20)", style=solid]; "217 conv_transpose2d_3_scale_0" -> "220 quantize_per_channel_default_19" [label="(128,)", style=solid]; "217 conv_transpose2d_3_scale_0" -> "221 dequantize_per_channel_default_19" [label="(128,)", style=solid]; -"218 conv_transpose2d_3_zero_point_0" -> "220 quantize_per_channel_default_19" [label="(128,)", style=solid]; -"218 conv_transpose2d_3_zero_point_0" -> "221 dequantize_per_channel_default_19" [label="(128,)", style=solid]; +"218 conv_transpose2d_3_zero_point_0" -> "220 quantize_per_channel_default_19" [label="(128,)", style=dashed]; +"218 conv_transpose2d_3_zero_point_0" -> "221 dequantize_per_channel_default_19" [label="(128,)", style=dashed]; "219 compressed_weight_updated_constant19" -> "220 quantize_per_channel_default_19" [label="(128, 64, 2, 2)", style=solid]; "220 quantize_per_channel_default_19" -> "221 dequantize_per_channel_default_19" [label="(128, 64, 2, 2)", style=solid]; "221 dequantize_per_channel_default_19" -> "222 conv_transpose2d_3" [label="(128, 64, 2, 2)", style=solid]; @@ -530,8 +530,8 @@ strict digraph { "229 cat_3" -> "235 conv2d_16" [label="(1, 128, 40, 40)", style=solid]; "230 conv2d_16_scale_0" -> "233 quantize_per_channel_default_20" [label="(64,)", style=solid]; "230 conv2d_16_scale_0" -> "234 dequantize_per_channel_default_20" [label="(64,)", style=solid]; -"231 conv2d_16_zero_point_0" -> "233 quantize_per_channel_default_20" [label="(64,)", style=solid]; -"231 conv2d_16_zero_point_0" -> "234 dequantize_per_channel_default_20" [label="(64,)", style=solid]; +"231 conv2d_16_zero_point_0" -> "233 quantize_per_channel_default_20" [label="(64,)", style=dashed]; +"231 conv2d_16_zero_point_0" -> "234 dequantize_per_channel_default_20" [label="(64,)", style=dashed]; "232 compressed_weight_updated_constant20" -> "233 quantize_per_channel_default_20" [label="(64, 128, 3, 3)", style=solid]; "233 quantize_per_channel_default_20" -> "234 dequantize_per_channel_default_20" [label="(64, 128, 3, 3)", style=solid]; "234 dequantize_per_channel_default_20" -> "235 conv2d_16" [label="(64, 128, 3, 3)", style=solid]; @@ -541,8 +541,8 @@ strict digraph { "238 dequantize_per_tensor_default_25" -> "244 conv2d_17" [label="(1, 64, 38, 38)", style=solid]; "239 conv2d_17_scale_0" -> "242 quantize_per_channel_default_21" [label="(64,)", style=solid]; "239 conv2d_17_scale_0" -> "243 dequantize_per_channel_default_21" [label="(64,)", style=solid]; -"240 conv2d_17_zero_point_0" -> "242 quantize_per_channel_default_21" [label="(64,)", style=solid]; -"240 conv2d_17_zero_point_0" -> "243 dequantize_per_channel_default_21" [label="(64,)", style=solid]; +"240 conv2d_17_zero_point_0" -> "242 quantize_per_channel_default_21" [label="(64,)", style=dashed]; +"240 conv2d_17_zero_point_0" -> "243 dequantize_per_channel_default_21" [label="(64,)", style=dashed]; "241 compressed_weight_updated_constant21" -> "242 quantize_per_channel_default_21" [label="(64, 64, 3, 3)", style=solid]; "242 quantize_per_channel_default_21" -> "243 dequantize_per_channel_default_21" [label="(64, 64, 3, 3)", style=solid]; "243 dequantize_per_channel_default_21" -> "244 conv2d_17" [label="(64, 64, 3, 3)", style=solid]; @@ -552,8 +552,8 @@ strict digraph { "247 dequantize_per_tensor_default_26" -> "253 conv2d_18" [label="(1, 64, 36, 36)", style=solid]; "248 conv2d_18_scale_0" -> "251 quantize_per_channel_default_22" [label="(12,)", style=solid]; "248 conv2d_18_scale_0" -> "252 dequantize_per_channel_default_22" [label="(12,)", style=solid]; -"249 conv2d_18_zero_point_0" -> "251 quantize_per_channel_default_22" [label="(12,)", style=solid]; -"249 conv2d_18_zero_point_0" -> "252 dequantize_per_channel_default_22" [label="(12,)", style=solid]; +"249 conv2d_18_zero_point_0" -> "251 quantize_per_channel_default_22" [label="(12,)", style=dashed]; +"249 conv2d_18_zero_point_0" -> "252 dequantize_per_channel_default_22" [label="(12,)", style=dashed]; "250 compressed_weight_updated_constant22" -> "251 quantize_per_channel_default_22" [label="(12, 64, 1, 1)", style=solid]; "251 quantize_per_channel_default_22" -> "252 dequantize_per_channel_default_22" [label="(12, 64, 1, 1)", style=solid]; "252 dequantize_per_channel_default_22" -> "253 conv2d_18" [label="(12, 64, 1, 1)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/quantized/vit_b_16.dot b/tests/torch/data/reference_graphs/fx/quantized/vit_b_16.dot index 8cdf4eb5e4b..d1ca9963e66 100644 --- a/tests/torch/data/reference_graphs/fx/quantized/vit_b_16.dot +++ b/tests/torch/data/reference_graphs/fx/quantized/vit_b_16.dot @@ -1086,8 +1086,8 @@ strict digraph { "103 dequantize_per_tensor_default" -> "109 conv2d" [label="(1, 3, 224, 224)", style=solid]; "104 conv2d_scale_0" -> "107 quantize_per_channel_default" [label="(768,)", style=solid]; "104 conv2d_scale_0" -> "108 dequantize_per_channel_default" [label="(768,)", style=solid]; -"105 conv2d_zero_point_0" -> "107 quantize_per_channel_default" [label="(768,)", style=solid]; -"105 conv2d_zero_point_0" -> "108 dequantize_per_channel_default" [label="(768,)", style=solid]; +"105 conv2d_zero_point_0" -> "107 quantize_per_channel_default" [label="(768,)", style=dashed]; +"105 conv2d_zero_point_0" -> "108 dequantize_per_channel_default" [label="(768,)", style=dashed]; "106 compressed_weight_updated_constant0" -> "107 quantize_per_channel_default" [label="(768, 3, 16, 16)", style=solid]; "107 quantize_per_channel_default" -> "108 dequantize_per_channel_default" [label="(768, 3, 16, 16)", style=solid]; "108 dequantize_per_channel_default" -> "109 conv2d" [label="(768, 3, 16, 16)", style=solid]; @@ -1106,8 +1106,8 @@ strict digraph { "120 dequantize_per_tensor_default_1" -> "126 linear" [label="(197, 1, 768)", style=solid]; "121 linear_scale_0" -> "124 quantize_per_channel_default_1" [label="(2304,)", style=solid]; "121 linear_scale_0" -> "125 dequantize_per_channel_default_1" [label="(2304,)", style=solid]; -"122 linear_zero_point_0" -> "124 quantize_per_channel_default_1" [label="(2304,)", style=solid]; -"122 linear_zero_point_0" -> "125 dequantize_per_channel_default_1" [label="(2304,)", style=solid]; +"122 linear_zero_point_0" -> "124 quantize_per_channel_default_1" [label="(2304,)", style=dashed]; +"122 linear_zero_point_0" -> "125 dequantize_per_channel_default_1" [label="(2304,)", style=dashed]; "123 compressed_weight_updated_constant1" -> "124 quantize_per_channel_default_1" [label="(2304, 768)", style=solid]; "124 quantize_per_channel_default_1" -> "125 dequantize_per_channel_default_1" [label="(2304, 768)", style=solid]; "125 dequantize_per_channel_default_1" -> "126 linear" [label="(2304, 768)", style=solid]; @@ -1143,8 +1143,8 @@ strict digraph { "153 dequantize_per_tensor_default_4" -> "159 linear_1" [label="(197, 768)", style=solid]; "154 linear_1_scale_0" -> "157 quantize_per_channel_default_2" [label="(768,)", style=solid]; "154 linear_1_scale_0" -> "158 dequantize_per_channel_default_2" [label="(768,)", style=solid]; -"155 linear_1_zero_point_0" -> "157 quantize_per_channel_default_2" [label="(768,)", style=solid]; -"155 linear_1_zero_point_0" -> "158 dequantize_per_channel_default_2" [label="(768,)", style=solid]; +"155 linear_1_zero_point_0" -> "157 quantize_per_channel_default_2" [label="(768,)", style=dashed]; +"155 linear_1_zero_point_0" -> "158 dequantize_per_channel_default_2" [label="(768,)", style=dashed]; "156 compressed_weight_updated_constant2" -> "157 quantize_per_channel_default_2" [label="(768, 768)", style=solid]; "157 quantize_per_channel_default_2" -> "158 dequantize_per_channel_default_2" [label="(768, 768)", style=solid]; "158 dequantize_per_channel_default_2" -> "159 linear_1" [label="(768, 768)", style=solid]; @@ -1160,8 +1160,8 @@ strict digraph { "167 dequantize_per_tensor_default_5" -> "173 linear_2" [label="(1, 197, 768)", style=solid]; "168 linear_2_scale_0" -> "171 quantize_per_channel_default_3" [label="(3072,)", style=solid]; "168 linear_2_scale_0" -> "172 dequantize_per_channel_default_3" [label="(3072,)", style=solid]; -"169 linear_2_zero_point_0" -> "171 quantize_per_channel_default_3" [label="(3072,)", style=solid]; -"169 linear_2_zero_point_0" -> "172 dequantize_per_channel_default_3" [label="(3072,)", style=solid]; +"169 linear_2_zero_point_0" -> "171 quantize_per_channel_default_3" [label="(3072,)", style=dashed]; +"169 linear_2_zero_point_0" -> "172 dequantize_per_channel_default_3" [label="(3072,)", style=dashed]; "170 compressed_weight_updated_constant3" -> "171 quantize_per_channel_default_3" [label="(3072, 768)", style=solid]; "171 quantize_per_channel_default_3" -> "172 dequantize_per_channel_default_3" [label="(3072, 768)", style=solid]; "172 dequantize_per_channel_default_3" -> "173 linear_2" [label="(3072, 768)", style=solid]; @@ -1173,8 +1173,8 @@ strict digraph { "178 dequantize_per_tensor_default_6" -> "184 linear_3" [label="(1, 197, 3072)", style=solid]; "179 linear_3_scale_0" -> "182 quantize_per_channel_default_4" [label="(768,)", style=solid]; "179 linear_3_scale_0" -> "183 dequantize_per_channel_default_4" [label="(768,)", style=solid]; -"180 linear_3_zero_point_0" -> "182 quantize_per_channel_default_4" [label="(768,)", style=solid]; -"180 linear_3_zero_point_0" -> "183 dequantize_per_channel_default_4" [label="(768,)", style=solid]; +"180 linear_3_zero_point_0" -> "182 quantize_per_channel_default_4" [label="(768,)", style=dashed]; +"180 linear_3_zero_point_0" -> "183 dequantize_per_channel_default_4" [label="(768,)", style=dashed]; "181 compressed_weight_updated_constant4" -> "182 quantize_per_channel_default_4" [label="(768, 3072)", style=solid]; "182 quantize_per_channel_default_4" -> "183 dequantize_per_channel_default_4" [label="(768, 3072)", style=solid]; "183 dequantize_per_channel_default_4" -> "184 linear_3" [label="(768, 3072)", style=solid]; @@ -1189,8 +1189,8 @@ strict digraph { "191 dequantize_per_tensor_default_7" -> "197 linear_4" [label="(197, 1, 768)", style=solid]; "192 linear_4_scale_0" -> "195 quantize_per_channel_default_5" [label="(2304,)", style=solid]; "192 linear_4_scale_0" -> "196 dequantize_per_channel_default_5" [label="(2304,)", style=solid]; -"193 linear_4_zero_point_0" -> "195 quantize_per_channel_default_5" [label="(2304,)", style=solid]; -"193 linear_4_zero_point_0" -> "196 dequantize_per_channel_default_5" [label="(2304,)", style=solid]; +"193 linear_4_zero_point_0" -> "195 quantize_per_channel_default_5" [label="(2304,)", style=dashed]; +"193 linear_4_zero_point_0" -> "196 dequantize_per_channel_default_5" [label="(2304,)", style=dashed]; "194 compressed_weight_updated_constant5" -> "195 quantize_per_channel_default_5" [label="(2304, 768)", style=solid]; "195 quantize_per_channel_default_5" -> "196 dequantize_per_channel_default_5" [label="(2304, 768)", style=solid]; "196 dequantize_per_channel_default_5" -> "197 linear_4" [label="(2304, 768)", style=solid]; @@ -1226,8 +1226,8 @@ strict digraph { "224 dequantize_per_tensor_default_10" -> "230 linear_5" [label="(197, 768)", style=solid]; "225 linear_5_scale_0" -> "228 quantize_per_channel_default_6" [label="(768,)", style=solid]; "225 linear_5_scale_0" -> "229 dequantize_per_channel_default_6" [label="(768,)", style=solid]; -"226 linear_5_zero_point_0" -> "228 quantize_per_channel_default_6" [label="(768,)", style=solid]; -"226 linear_5_zero_point_0" -> "229 dequantize_per_channel_default_6" [label="(768,)", style=solid]; +"226 linear_5_zero_point_0" -> "228 quantize_per_channel_default_6" [label="(768,)", style=dashed]; +"226 linear_5_zero_point_0" -> "229 dequantize_per_channel_default_6" [label="(768,)", style=dashed]; "227 compressed_weight_updated_constant6" -> "228 quantize_per_channel_default_6" [label="(768, 768)", style=solid]; "228 quantize_per_channel_default_6" -> "229 dequantize_per_channel_default_6" [label="(768, 768)", style=solid]; "229 dequantize_per_channel_default_6" -> "230 linear_5" [label="(768, 768)", style=solid]; @@ -1243,8 +1243,8 @@ strict digraph { "238 dequantize_per_tensor_default_11" -> "244 linear_6" [label="(1, 197, 768)", style=solid]; "239 linear_6_scale_0" -> "242 quantize_per_channel_default_7" [label="(3072,)", style=solid]; "239 linear_6_scale_0" -> "243 dequantize_per_channel_default_7" [label="(3072,)", style=solid]; -"240 linear_6_zero_point_0" -> "242 quantize_per_channel_default_7" [label="(3072,)", style=solid]; -"240 linear_6_zero_point_0" -> "243 dequantize_per_channel_default_7" [label="(3072,)", style=solid]; +"240 linear_6_zero_point_0" -> "242 quantize_per_channel_default_7" [label="(3072,)", style=dashed]; +"240 linear_6_zero_point_0" -> "243 dequantize_per_channel_default_7" [label="(3072,)", style=dashed]; "241 compressed_weight_updated_constant7" -> "242 quantize_per_channel_default_7" [label="(3072, 768)", style=solid]; "242 quantize_per_channel_default_7" -> "243 dequantize_per_channel_default_7" [label="(3072, 768)", style=solid]; "243 dequantize_per_channel_default_7" -> "244 linear_6" [label="(3072, 768)", style=solid]; @@ -1256,8 +1256,8 @@ strict digraph { "249 dequantize_per_tensor_default_12" -> "255 linear_7" [label="(1, 197, 3072)", style=solid]; "250 linear_7_scale_0" -> "253 quantize_per_channel_default_8" [label="(768,)", style=solid]; "250 linear_7_scale_0" -> "254 dequantize_per_channel_default_8" [label="(768,)", style=solid]; -"251 linear_7_zero_point_0" -> "253 quantize_per_channel_default_8" [label="(768,)", style=solid]; -"251 linear_7_zero_point_0" -> "254 dequantize_per_channel_default_8" [label="(768,)", style=solid]; +"251 linear_7_zero_point_0" -> "253 quantize_per_channel_default_8" [label="(768,)", style=dashed]; +"251 linear_7_zero_point_0" -> "254 dequantize_per_channel_default_8" [label="(768,)", style=dashed]; "252 compressed_weight_updated_constant8" -> "253 quantize_per_channel_default_8" [label="(768, 3072)", style=solid]; "253 quantize_per_channel_default_8" -> "254 dequantize_per_channel_default_8" [label="(768, 3072)", style=solid]; "254 dequantize_per_channel_default_8" -> "255 linear_7" [label="(768, 3072)", style=solid]; @@ -1272,8 +1272,8 @@ strict digraph { "262 dequantize_per_tensor_default_13" -> "268 linear_8" [label="(197, 1, 768)", style=solid]; "263 linear_8_scale_0" -> "266 quantize_per_channel_default_9" [label="(2304,)", style=solid]; "263 linear_8_scale_0" -> "267 dequantize_per_channel_default_9" [label="(2304,)", style=solid]; -"264 linear_8_zero_point_0" -> "266 quantize_per_channel_default_9" [label="(2304,)", style=solid]; -"264 linear_8_zero_point_0" -> "267 dequantize_per_channel_default_9" [label="(2304,)", style=solid]; +"264 linear_8_zero_point_0" -> "266 quantize_per_channel_default_9" [label="(2304,)", style=dashed]; +"264 linear_8_zero_point_0" -> "267 dequantize_per_channel_default_9" [label="(2304,)", style=dashed]; "265 compressed_weight_updated_constant9" -> "266 quantize_per_channel_default_9" [label="(2304, 768)", style=solid]; "266 quantize_per_channel_default_9" -> "267 dequantize_per_channel_default_9" [label="(2304, 768)", style=solid]; "267 dequantize_per_channel_default_9" -> "268 linear_8" [label="(2304, 768)", style=solid]; @@ -1309,8 +1309,8 @@ strict digraph { "295 dequantize_per_tensor_default_16" -> "301 linear_9" [label="(197, 768)", style=solid]; "296 linear_9_scale_0" -> "299 quantize_per_channel_default_10" [label="(768,)", style=solid]; "296 linear_9_scale_0" -> "300 dequantize_per_channel_default_10" [label="(768,)", style=solid]; -"297 linear_9_zero_point_0" -> "299 quantize_per_channel_default_10" [label="(768,)", style=solid]; -"297 linear_9_zero_point_0" -> "300 dequantize_per_channel_default_10" [label="(768,)", style=solid]; +"297 linear_9_zero_point_0" -> "299 quantize_per_channel_default_10" [label="(768,)", style=dashed]; +"297 linear_9_zero_point_0" -> "300 dequantize_per_channel_default_10" [label="(768,)", style=dashed]; "298 compressed_weight_updated_constant10" -> "299 quantize_per_channel_default_10" [label="(768, 768)", style=solid]; "299 quantize_per_channel_default_10" -> "300 dequantize_per_channel_default_10" [label="(768, 768)", style=solid]; "300 dequantize_per_channel_default_10" -> "301 linear_9" [label="(768, 768)", style=solid]; @@ -1326,8 +1326,8 @@ strict digraph { "309 dequantize_per_tensor_default_17" -> "315 linear_10" [label="(1, 197, 768)", style=solid]; "310 linear_10_scale_0" -> "313 quantize_per_channel_default_11" [label="(3072,)", style=solid]; "310 linear_10_scale_0" -> "314 dequantize_per_channel_default_11" [label="(3072,)", style=solid]; -"311 linear_10_zero_point_0" -> "313 quantize_per_channel_default_11" [label="(3072,)", style=solid]; -"311 linear_10_zero_point_0" -> "314 dequantize_per_channel_default_11" [label="(3072,)", style=solid]; +"311 linear_10_zero_point_0" -> "313 quantize_per_channel_default_11" [label="(3072,)", style=dashed]; +"311 linear_10_zero_point_0" -> "314 dequantize_per_channel_default_11" [label="(3072,)", style=dashed]; "312 compressed_weight_updated_constant11" -> "313 quantize_per_channel_default_11" [label="(3072, 768)", style=solid]; "313 quantize_per_channel_default_11" -> "314 dequantize_per_channel_default_11" [label="(3072, 768)", style=solid]; "314 dequantize_per_channel_default_11" -> "315 linear_10" [label="(3072, 768)", style=solid]; @@ -1339,8 +1339,8 @@ strict digraph { "320 dequantize_per_tensor_default_18" -> "326 linear_11" [label="(1, 197, 3072)", style=solid]; "321 linear_11_scale_0" -> "324 quantize_per_channel_default_12" [label="(768,)", style=solid]; "321 linear_11_scale_0" -> "325 dequantize_per_channel_default_12" [label="(768,)", style=solid]; -"322 linear_11_zero_point_0" -> "324 quantize_per_channel_default_12" [label="(768,)", style=solid]; -"322 linear_11_zero_point_0" -> "325 dequantize_per_channel_default_12" [label="(768,)", style=solid]; +"322 linear_11_zero_point_0" -> "324 quantize_per_channel_default_12" [label="(768,)", style=dashed]; +"322 linear_11_zero_point_0" -> "325 dequantize_per_channel_default_12" [label="(768,)", style=dashed]; "323 compressed_weight_updated_constant12" -> "324 quantize_per_channel_default_12" [label="(768, 3072)", style=solid]; "324 quantize_per_channel_default_12" -> "325 dequantize_per_channel_default_12" [label="(768, 3072)", style=solid]; "325 dequantize_per_channel_default_12" -> "326 linear_11" [label="(768, 3072)", style=solid]; @@ -1355,8 +1355,8 @@ strict digraph { "333 dequantize_per_tensor_default_19" -> "339 linear_12" [label="(197, 1, 768)", style=solid]; "334 linear_12_scale_0" -> "337 quantize_per_channel_default_13" [label="(2304,)", style=solid]; "334 linear_12_scale_0" -> "338 dequantize_per_channel_default_13" [label="(2304,)", style=solid]; -"335 linear_12_zero_point_0" -> "337 quantize_per_channel_default_13" [label="(2304,)", style=solid]; -"335 linear_12_zero_point_0" -> "338 dequantize_per_channel_default_13" [label="(2304,)", style=solid]; +"335 linear_12_zero_point_0" -> "337 quantize_per_channel_default_13" [label="(2304,)", style=dashed]; +"335 linear_12_zero_point_0" -> "338 dequantize_per_channel_default_13" [label="(2304,)", style=dashed]; "336 compressed_weight_updated_constant13" -> "337 quantize_per_channel_default_13" [label="(2304, 768)", style=solid]; "337 quantize_per_channel_default_13" -> "338 dequantize_per_channel_default_13" [label="(2304, 768)", style=solid]; "338 dequantize_per_channel_default_13" -> "339 linear_12" [label="(2304, 768)", style=solid]; @@ -1392,8 +1392,8 @@ strict digraph { "366 dequantize_per_tensor_default_22" -> "372 linear_13" [label="(197, 768)", style=solid]; "367 linear_13_scale_0" -> "370 quantize_per_channel_default_14" [label="(768,)", style=solid]; "367 linear_13_scale_0" -> "371 dequantize_per_channel_default_14" [label="(768,)", style=solid]; -"368 linear_13_zero_point_0" -> "370 quantize_per_channel_default_14" [label="(768,)", style=solid]; -"368 linear_13_zero_point_0" -> "371 dequantize_per_channel_default_14" [label="(768,)", style=solid]; +"368 linear_13_zero_point_0" -> "370 quantize_per_channel_default_14" [label="(768,)", style=dashed]; +"368 linear_13_zero_point_0" -> "371 dequantize_per_channel_default_14" [label="(768,)", style=dashed]; "369 compressed_weight_updated_constant14" -> "370 quantize_per_channel_default_14" [label="(768, 768)", style=solid]; "370 quantize_per_channel_default_14" -> "371 dequantize_per_channel_default_14" [label="(768, 768)", style=solid]; "371 dequantize_per_channel_default_14" -> "372 linear_13" [label="(768, 768)", style=solid]; @@ -1409,8 +1409,8 @@ strict digraph { "380 dequantize_per_tensor_default_23" -> "386 linear_14" [label="(1, 197, 768)", style=solid]; "381 linear_14_scale_0" -> "384 quantize_per_channel_default_15" [label="(3072,)", style=solid]; "381 linear_14_scale_0" -> "385 dequantize_per_channel_default_15" [label="(3072,)", style=solid]; -"382 linear_14_zero_point_0" -> "384 quantize_per_channel_default_15" [label="(3072,)", style=solid]; -"382 linear_14_zero_point_0" -> "385 dequantize_per_channel_default_15" [label="(3072,)", style=solid]; +"382 linear_14_zero_point_0" -> "384 quantize_per_channel_default_15" [label="(3072,)", style=dashed]; +"382 linear_14_zero_point_0" -> "385 dequantize_per_channel_default_15" [label="(3072,)", style=dashed]; "383 compressed_weight_updated_constant15" -> "384 quantize_per_channel_default_15" [label="(3072, 768)", style=solid]; "384 quantize_per_channel_default_15" -> "385 dequantize_per_channel_default_15" [label="(3072, 768)", style=solid]; "385 dequantize_per_channel_default_15" -> "386 linear_14" [label="(3072, 768)", style=solid]; @@ -1422,8 +1422,8 @@ strict digraph { "391 dequantize_per_tensor_default_24" -> "397 linear_15" [label="(1, 197, 3072)", style=solid]; "392 linear_15_scale_0" -> "395 quantize_per_channel_default_16" [label="(768,)", style=solid]; "392 linear_15_scale_0" -> "396 dequantize_per_channel_default_16" [label="(768,)", style=solid]; -"393 linear_15_zero_point_0" -> "395 quantize_per_channel_default_16" [label="(768,)", style=solid]; -"393 linear_15_zero_point_0" -> "396 dequantize_per_channel_default_16" [label="(768,)", style=solid]; +"393 linear_15_zero_point_0" -> "395 quantize_per_channel_default_16" [label="(768,)", style=dashed]; +"393 linear_15_zero_point_0" -> "396 dequantize_per_channel_default_16" [label="(768,)", style=dashed]; "394 compressed_weight_updated_constant16" -> "395 quantize_per_channel_default_16" [label="(768, 3072)", style=solid]; "395 quantize_per_channel_default_16" -> "396 dequantize_per_channel_default_16" [label="(768, 3072)", style=solid]; "396 dequantize_per_channel_default_16" -> "397 linear_15" [label="(768, 3072)", style=solid]; @@ -1438,8 +1438,8 @@ strict digraph { "404 dequantize_per_tensor_default_25" -> "410 linear_16" [label="(197, 1, 768)", style=solid]; "405 linear_16_scale_0" -> "408 quantize_per_channel_default_17" [label="(2304,)", style=solid]; "405 linear_16_scale_0" -> "409 dequantize_per_channel_default_17" [label="(2304,)", style=solid]; -"406 linear_16_zero_point_0" -> "408 quantize_per_channel_default_17" [label="(2304,)", style=solid]; -"406 linear_16_zero_point_0" -> "409 dequantize_per_channel_default_17" [label="(2304,)", style=solid]; +"406 linear_16_zero_point_0" -> "408 quantize_per_channel_default_17" [label="(2304,)", style=dashed]; +"406 linear_16_zero_point_0" -> "409 dequantize_per_channel_default_17" [label="(2304,)", style=dashed]; "407 compressed_weight_updated_constant17" -> "408 quantize_per_channel_default_17" [label="(2304, 768)", style=solid]; "408 quantize_per_channel_default_17" -> "409 dequantize_per_channel_default_17" [label="(2304, 768)", style=solid]; "409 dequantize_per_channel_default_17" -> "410 linear_16" [label="(2304, 768)", style=solid]; @@ -1475,8 +1475,8 @@ strict digraph { "437 dequantize_per_tensor_default_28" -> "443 linear_17" [label="(197, 768)", style=solid]; "438 linear_17_scale_0" -> "441 quantize_per_channel_default_18" [label="(768,)", style=solid]; "438 linear_17_scale_0" -> "442 dequantize_per_channel_default_18" [label="(768,)", style=solid]; -"439 linear_17_zero_point_0" -> "441 quantize_per_channel_default_18" [label="(768,)", style=solid]; -"439 linear_17_zero_point_0" -> "442 dequantize_per_channel_default_18" [label="(768,)", style=solid]; +"439 linear_17_zero_point_0" -> "441 quantize_per_channel_default_18" [label="(768,)", style=dashed]; +"439 linear_17_zero_point_0" -> "442 dequantize_per_channel_default_18" [label="(768,)", style=dashed]; "440 compressed_weight_updated_constant18" -> "441 quantize_per_channel_default_18" [label="(768, 768)", style=solid]; "441 quantize_per_channel_default_18" -> "442 dequantize_per_channel_default_18" [label="(768, 768)", style=solid]; "442 dequantize_per_channel_default_18" -> "443 linear_17" [label="(768, 768)", style=solid]; @@ -1492,8 +1492,8 @@ strict digraph { "451 dequantize_per_tensor_default_29" -> "457 linear_18" [label="(1, 197, 768)", style=solid]; "452 linear_18_scale_0" -> "455 quantize_per_channel_default_19" [label="(3072,)", style=solid]; "452 linear_18_scale_0" -> "456 dequantize_per_channel_default_19" [label="(3072,)", style=solid]; -"453 linear_18_zero_point_0" -> "455 quantize_per_channel_default_19" [label="(3072,)", style=solid]; -"453 linear_18_zero_point_0" -> "456 dequantize_per_channel_default_19" [label="(3072,)", style=solid]; +"453 linear_18_zero_point_0" -> "455 quantize_per_channel_default_19" [label="(3072,)", style=dashed]; +"453 linear_18_zero_point_0" -> "456 dequantize_per_channel_default_19" [label="(3072,)", style=dashed]; "454 compressed_weight_updated_constant19" -> "455 quantize_per_channel_default_19" [label="(3072, 768)", style=solid]; "455 quantize_per_channel_default_19" -> "456 dequantize_per_channel_default_19" [label="(3072, 768)", style=solid]; "456 dequantize_per_channel_default_19" -> "457 linear_18" [label="(3072, 768)", style=solid]; @@ -1505,8 +1505,8 @@ strict digraph { "462 dequantize_per_tensor_default_30" -> "468 linear_19" [label="(1, 197, 3072)", style=solid]; "463 linear_19_scale_0" -> "466 quantize_per_channel_default_20" [label="(768,)", style=solid]; "463 linear_19_scale_0" -> "467 dequantize_per_channel_default_20" [label="(768,)", style=solid]; -"464 linear_19_zero_point_0" -> "466 quantize_per_channel_default_20" [label="(768,)", style=solid]; -"464 linear_19_zero_point_0" -> "467 dequantize_per_channel_default_20" [label="(768,)", style=solid]; +"464 linear_19_zero_point_0" -> "466 quantize_per_channel_default_20" [label="(768,)", style=dashed]; +"464 linear_19_zero_point_0" -> "467 dequantize_per_channel_default_20" [label="(768,)", style=dashed]; "465 compressed_weight_updated_constant20" -> "466 quantize_per_channel_default_20" [label="(768, 3072)", style=solid]; "466 quantize_per_channel_default_20" -> "467 dequantize_per_channel_default_20" [label="(768, 3072)", style=solid]; "467 dequantize_per_channel_default_20" -> "468 linear_19" [label="(768, 3072)", style=solid]; @@ -1521,8 +1521,8 @@ strict digraph { "475 dequantize_per_tensor_default_31" -> "481 linear_20" [label="(197, 1, 768)", style=solid]; "476 linear_20_scale_0" -> "479 quantize_per_channel_default_21" [label="(2304,)", style=solid]; "476 linear_20_scale_0" -> "480 dequantize_per_channel_default_21" [label="(2304,)", style=solid]; -"477 linear_20_zero_point_0" -> "479 quantize_per_channel_default_21" [label="(2304,)", style=solid]; -"477 linear_20_zero_point_0" -> "480 dequantize_per_channel_default_21" [label="(2304,)", style=solid]; +"477 linear_20_zero_point_0" -> "479 quantize_per_channel_default_21" [label="(2304,)", style=dashed]; +"477 linear_20_zero_point_0" -> "480 dequantize_per_channel_default_21" [label="(2304,)", style=dashed]; "478 compressed_weight_updated_constant21" -> "479 quantize_per_channel_default_21" [label="(2304, 768)", style=solid]; "479 quantize_per_channel_default_21" -> "480 dequantize_per_channel_default_21" [label="(2304, 768)", style=solid]; "480 dequantize_per_channel_default_21" -> "481 linear_20" [label="(2304, 768)", style=solid]; @@ -1558,8 +1558,8 @@ strict digraph { "508 dequantize_per_tensor_default_34" -> "514 linear_21" [label="(197, 768)", style=solid]; "509 linear_21_scale_0" -> "512 quantize_per_channel_default_22" [label="(768,)", style=solid]; "509 linear_21_scale_0" -> "513 dequantize_per_channel_default_22" [label="(768,)", style=solid]; -"510 linear_21_zero_point_0" -> "512 quantize_per_channel_default_22" [label="(768,)", style=solid]; -"510 linear_21_zero_point_0" -> "513 dequantize_per_channel_default_22" [label="(768,)", style=solid]; +"510 linear_21_zero_point_0" -> "512 quantize_per_channel_default_22" [label="(768,)", style=dashed]; +"510 linear_21_zero_point_0" -> "513 dequantize_per_channel_default_22" [label="(768,)", style=dashed]; "511 compressed_weight_updated_constant22" -> "512 quantize_per_channel_default_22" [label="(768, 768)", style=solid]; "512 quantize_per_channel_default_22" -> "513 dequantize_per_channel_default_22" [label="(768, 768)", style=solid]; "513 dequantize_per_channel_default_22" -> "514 linear_21" [label="(768, 768)", style=solid]; @@ -1575,8 +1575,8 @@ strict digraph { "522 dequantize_per_tensor_default_35" -> "528 linear_22" [label="(1, 197, 768)", style=solid]; "523 linear_22_scale_0" -> "526 quantize_per_channel_default_23" [label="(3072,)", style=solid]; "523 linear_22_scale_0" -> "527 dequantize_per_channel_default_23" [label="(3072,)", style=solid]; -"524 linear_22_zero_point_0" -> "526 quantize_per_channel_default_23" [label="(3072,)", style=solid]; -"524 linear_22_zero_point_0" -> "527 dequantize_per_channel_default_23" [label="(3072,)", style=solid]; +"524 linear_22_zero_point_0" -> "526 quantize_per_channel_default_23" [label="(3072,)", style=dashed]; +"524 linear_22_zero_point_0" -> "527 dequantize_per_channel_default_23" [label="(3072,)", style=dashed]; "525 compressed_weight_updated_constant23" -> "526 quantize_per_channel_default_23" [label="(3072, 768)", style=solid]; "526 quantize_per_channel_default_23" -> "527 dequantize_per_channel_default_23" [label="(3072, 768)", style=solid]; "527 dequantize_per_channel_default_23" -> "528 linear_22" [label="(3072, 768)", style=solid]; @@ -1588,8 +1588,8 @@ strict digraph { "533 dequantize_per_tensor_default_36" -> "539 linear_23" [label="(1, 197, 3072)", style=solid]; "534 linear_23_scale_0" -> "537 quantize_per_channel_default_24" [label="(768,)", style=solid]; "534 linear_23_scale_0" -> "538 dequantize_per_channel_default_24" [label="(768,)", style=solid]; -"535 linear_23_zero_point_0" -> "537 quantize_per_channel_default_24" [label="(768,)", style=solid]; -"535 linear_23_zero_point_0" -> "538 dequantize_per_channel_default_24" [label="(768,)", style=solid]; +"535 linear_23_zero_point_0" -> "537 quantize_per_channel_default_24" [label="(768,)", style=dashed]; +"535 linear_23_zero_point_0" -> "538 dequantize_per_channel_default_24" [label="(768,)", style=dashed]; "536 compressed_weight_updated_constant24" -> "537 quantize_per_channel_default_24" [label="(768, 3072)", style=solid]; "537 quantize_per_channel_default_24" -> "538 dequantize_per_channel_default_24" [label="(768, 3072)", style=solid]; "538 dequantize_per_channel_default_24" -> "539 linear_23" [label="(768, 3072)", style=solid]; @@ -1604,8 +1604,8 @@ strict digraph { "546 dequantize_per_tensor_default_37" -> "552 linear_24" [label="(197, 1, 768)", style=solid]; "547 linear_24_scale_0" -> "550 quantize_per_channel_default_25" [label="(2304,)", style=solid]; "547 linear_24_scale_0" -> "551 dequantize_per_channel_default_25" [label="(2304,)", style=solid]; -"548 linear_24_zero_point_0" -> "550 quantize_per_channel_default_25" [label="(2304,)", style=solid]; -"548 linear_24_zero_point_0" -> "551 dequantize_per_channel_default_25" [label="(2304,)", style=solid]; +"548 linear_24_zero_point_0" -> "550 quantize_per_channel_default_25" [label="(2304,)", style=dashed]; +"548 linear_24_zero_point_0" -> "551 dequantize_per_channel_default_25" [label="(2304,)", style=dashed]; "549 compressed_weight_updated_constant25" -> "550 quantize_per_channel_default_25" [label="(2304, 768)", style=solid]; "550 quantize_per_channel_default_25" -> "551 dequantize_per_channel_default_25" [label="(2304, 768)", style=solid]; "551 dequantize_per_channel_default_25" -> "552 linear_24" [label="(2304, 768)", style=solid]; @@ -1641,8 +1641,8 @@ strict digraph { "579 dequantize_per_tensor_default_40" -> "585 linear_25" [label="(197, 768)", style=solid]; "580 linear_25_scale_0" -> "583 quantize_per_channel_default_26" [label="(768,)", style=solid]; "580 linear_25_scale_0" -> "584 dequantize_per_channel_default_26" [label="(768,)", style=solid]; -"581 linear_25_zero_point_0" -> "583 quantize_per_channel_default_26" [label="(768,)", style=solid]; -"581 linear_25_zero_point_0" -> "584 dequantize_per_channel_default_26" [label="(768,)", style=solid]; +"581 linear_25_zero_point_0" -> "583 quantize_per_channel_default_26" [label="(768,)", style=dashed]; +"581 linear_25_zero_point_0" -> "584 dequantize_per_channel_default_26" [label="(768,)", style=dashed]; "582 compressed_weight_updated_constant26" -> "583 quantize_per_channel_default_26" [label="(768, 768)", style=solid]; "583 quantize_per_channel_default_26" -> "584 dequantize_per_channel_default_26" [label="(768, 768)", style=solid]; "584 dequantize_per_channel_default_26" -> "585 linear_25" [label="(768, 768)", style=solid]; @@ -1658,8 +1658,8 @@ strict digraph { "593 dequantize_per_tensor_default_41" -> "599 linear_26" [label="(1, 197, 768)", style=solid]; "594 linear_26_scale_0" -> "597 quantize_per_channel_default_27" [label="(3072,)", style=solid]; "594 linear_26_scale_0" -> "598 dequantize_per_channel_default_27" [label="(3072,)", style=solid]; -"595 linear_26_zero_point_0" -> "597 quantize_per_channel_default_27" [label="(3072,)", style=solid]; -"595 linear_26_zero_point_0" -> "598 dequantize_per_channel_default_27" [label="(3072,)", style=solid]; +"595 linear_26_zero_point_0" -> "597 quantize_per_channel_default_27" [label="(3072,)", style=dashed]; +"595 linear_26_zero_point_0" -> "598 dequantize_per_channel_default_27" [label="(3072,)", style=dashed]; "596 compressed_weight_updated_constant27" -> "597 quantize_per_channel_default_27" [label="(3072, 768)", style=solid]; "597 quantize_per_channel_default_27" -> "598 dequantize_per_channel_default_27" [label="(3072, 768)", style=solid]; "598 dequantize_per_channel_default_27" -> "599 linear_26" [label="(3072, 768)", style=solid]; @@ -1671,8 +1671,8 @@ strict digraph { "604 dequantize_per_tensor_default_42" -> "610 linear_27" [label="(1, 197, 3072)", style=solid]; "605 linear_27_scale_0" -> "608 quantize_per_channel_default_28" [label="(768,)", style=solid]; "605 linear_27_scale_0" -> "609 dequantize_per_channel_default_28" [label="(768,)", style=solid]; -"606 linear_27_zero_point_0" -> "608 quantize_per_channel_default_28" [label="(768,)", style=solid]; -"606 linear_27_zero_point_0" -> "609 dequantize_per_channel_default_28" [label="(768,)", style=solid]; +"606 linear_27_zero_point_0" -> "608 quantize_per_channel_default_28" [label="(768,)", style=dashed]; +"606 linear_27_zero_point_0" -> "609 dequantize_per_channel_default_28" [label="(768,)", style=dashed]; "607 compressed_weight_updated_constant28" -> "608 quantize_per_channel_default_28" [label="(768, 3072)", style=solid]; "608 quantize_per_channel_default_28" -> "609 dequantize_per_channel_default_28" [label="(768, 3072)", style=solid]; "609 dequantize_per_channel_default_28" -> "610 linear_27" [label="(768, 3072)", style=solid]; @@ -1687,8 +1687,8 @@ strict digraph { "617 dequantize_per_tensor_default_43" -> "623 linear_28" [label="(197, 1, 768)", style=solid]; "618 linear_28_scale_0" -> "621 quantize_per_channel_default_29" [label="(2304,)", style=solid]; "618 linear_28_scale_0" -> "622 dequantize_per_channel_default_29" [label="(2304,)", style=solid]; -"619 linear_28_zero_point_0" -> "621 quantize_per_channel_default_29" [label="(2304,)", style=solid]; -"619 linear_28_zero_point_0" -> "622 dequantize_per_channel_default_29" [label="(2304,)", style=solid]; +"619 linear_28_zero_point_0" -> "621 quantize_per_channel_default_29" [label="(2304,)", style=dashed]; +"619 linear_28_zero_point_0" -> "622 dequantize_per_channel_default_29" [label="(2304,)", style=dashed]; "620 compressed_weight_updated_constant29" -> "621 quantize_per_channel_default_29" [label="(2304, 768)", style=solid]; "621 quantize_per_channel_default_29" -> "622 dequantize_per_channel_default_29" [label="(2304, 768)", style=solid]; "622 dequantize_per_channel_default_29" -> "623 linear_28" [label="(2304, 768)", style=solid]; @@ -1724,8 +1724,8 @@ strict digraph { "650 dequantize_per_tensor_default_46" -> "656 linear_29" [label="(197, 768)", style=solid]; "651 linear_29_scale_0" -> "654 quantize_per_channel_default_30" [label="(768,)", style=solid]; "651 linear_29_scale_0" -> "655 dequantize_per_channel_default_30" [label="(768,)", style=solid]; -"652 linear_29_zero_point_0" -> "654 quantize_per_channel_default_30" [label="(768,)", style=solid]; -"652 linear_29_zero_point_0" -> "655 dequantize_per_channel_default_30" [label="(768,)", style=solid]; +"652 linear_29_zero_point_0" -> "654 quantize_per_channel_default_30" [label="(768,)", style=dashed]; +"652 linear_29_zero_point_0" -> "655 dequantize_per_channel_default_30" [label="(768,)", style=dashed]; "653 compressed_weight_updated_constant30" -> "654 quantize_per_channel_default_30" [label="(768, 768)", style=solid]; "654 quantize_per_channel_default_30" -> "655 dequantize_per_channel_default_30" [label="(768, 768)", style=solid]; "655 dequantize_per_channel_default_30" -> "656 linear_29" [label="(768, 768)", style=solid]; @@ -1741,8 +1741,8 @@ strict digraph { "664 dequantize_per_tensor_default_47" -> "670 linear_30" [label="(1, 197, 768)", style=solid]; "665 linear_30_scale_0" -> "668 quantize_per_channel_default_31" [label="(3072,)", style=solid]; "665 linear_30_scale_0" -> "669 dequantize_per_channel_default_31" [label="(3072,)", style=solid]; -"666 linear_30_zero_point_0" -> "668 quantize_per_channel_default_31" [label="(3072,)", style=solid]; -"666 linear_30_zero_point_0" -> "669 dequantize_per_channel_default_31" [label="(3072,)", style=solid]; +"666 linear_30_zero_point_0" -> "668 quantize_per_channel_default_31" [label="(3072,)", style=dashed]; +"666 linear_30_zero_point_0" -> "669 dequantize_per_channel_default_31" [label="(3072,)", style=dashed]; "667 compressed_weight_updated_constant31" -> "668 quantize_per_channel_default_31" [label="(3072, 768)", style=solid]; "668 quantize_per_channel_default_31" -> "669 dequantize_per_channel_default_31" [label="(3072, 768)", style=solid]; "669 dequantize_per_channel_default_31" -> "670 linear_30" [label="(3072, 768)", style=solid]; @@ -1754,8 +1754,8 @@ strict digraph { "675 dequantize_per_tensor_default_48" -> "681 linear_31" [label="(1, 197, 3072)", style=solid]; "676 linear_31_scale_0" -> "679 quantize_per_channel_default_32" [label="(768,)", style=solid]; "676 linear_31_scale_0" -> "680 dequantize_per_channel_default_32" [label="(768,)", style=solid]; -"677 linear_31_zero_point_0" -> "679 quantize_per_channel_default_32" [label="(768,)", style=solid]; -"677 linear_31_zero_point_0" -> "680 dequantize_per_channel_default_32" [label="(768,)", style=solid]; +"677 linear_31_zero_point_0" -> "679 quantize_per_channel_default_32" [label="(768,)", style=dashed]; +"677 linear_31_zero_point_0" -> "680 dequantize_per_channel_default_32" [label="(768,)", style=dashed]; "678 compressed_weight_updated_constant32" -> "679 quantize_per_channel_default_32" [label="(768, 3072)", style=solid]; "679 quantize_per_channel_default_32" -> "680 dequantize_per_channel_default_32" [label="(768, 3072)", style=solid]; "680 dequantize_per_channel_default_32" -> "681 linear_31" [label="(768, 3072)", style=solid]; @@ -1770,8 +1770,8 @@ strict digraph { "688 dequantize_per_tensor_default_49" -> "694 linear_32" [label="(197, 1, 768)", style=solid]; "689 linear_32_scale_0" -> "692 quantize_per_channel_default_33" [label="(2304,)", style=solid]; "689 linear_32_scale_0" -> "693 dequantize_per_channel_default_33" [label="(2304,)", style=solid]; -"690 linear_32_zero_point_0" -> "692 quantize_per_channel_default_33" [label="(2304,)", style=solid]; -"690 linear_32_zero_point_0" -> "693 dequantize_per_channel_default_33" [label="(2304,)", style=solid]; +"690 linear_32_zero_point_0" -> "692 quantize_per_channel_default_33" [label="(2304,)", style=dashed]; +"690 linear_32_zero_point_0" -> "693 dequantize_per_channel_default_33" [label="(2304,)", style=dashed]; "691 compressed_weight_updated_constant33" -> "692 quantize_per_channel_default_33" [label="(2304, 768)", style=solid]; "692 quantize_per_channel_default_33" -> "693 dequantize_per_channel_default_33" [label="(2304, 768)", style=solid]; "693 dequantize_per_channel_default_33" -> "694 linear_32" [label="(2304, 768)", style=solid]; @@ -1807,8 +1807,8 @@ strict digraph { "721 dequantize_per_tensor_default_52" -> "727 linear_33" [label="(197, 768)", style=solid]; "722 linear_33_scale_0" -> "725 quantize_per_channel_default_34" [label="(768,)", style=solid]; "722 linear_33_scale_0" -> "726 dequantize_per_channel_default_34" [label="(768,)", style=solid]; -"723 linear_33_zero_point_0" -> "725 quantize_per_channel_default_34" [label="(768,)", style=solid]; -"723 linear_33_zero_point_0" -> "726 dequantize_per_channel_default_34" [label="(768,)", style=solid]; +"723 linear_33_zero_point_0" -> "725 quantize_per_channel_default_34" [label="(768,)", style=dashed]; +"723 linear_33_zero_point_0" -> "726 dequantize_per_channel_default_34" [label="(768,)", style=dashed]; "724 compressed_weight_updated_constant34" -> "725 quantize_per_channel_default_34" [label="(768, 768)", style=solid]; "725 quantize_per_channel_default_34" -> "726 dequantize_per_channel_default_34" [label="(768, 768)", style=solid]; "726 dequantize_per_channel_default_34" -> "727 linear_33" [label="(768, 768)", style=solid]; @@ -1824,8 +1824,8 @@ strict digraph { "735 dequantize_per_tensor_default_53" -> "741 linear_34" [label="(1, 197, 768)", style=solid]; "736 linear_34_scale_0" -> "739 quantize_per_channel_default_35" [label="(3072,)", style=solid]; "736 linear_34_scale_0" -> "740 dequantize_per_channel_default_35" [label="(3072,)", style=solid]; -"737 linear_34_zero_point_0" -> "739 quantize_per_channel_default_35" [label="(3072,)", style=solid]; -"737 linear_34_zero_point_0" -> "740 dequantize_per_channel_default_35" [label="(3072,)", style=solid]; +"737 linear_34_zero_point_0" -> "739 quantize_per_channel_default_35" [label="(3072,)", style=dashed]; +"737 linear_34_zero_point_0" -> "740 dequantize_per_channel_default_35" [label="(3072,)", style=dashed]; "738 compressed_weight_updated_constant35" -> "739 quantize_per_channel_default_35" [label="(3072, 768)", style=solid]; "739 quantize_per_channel_default_35" -> "740 dequantize_per_channel_default_35" [label="(3072, 768)", style=solid]; "740 dequantize_per_channel_default_35" -> "741 linear_34" [label="(3072, 768)", style=solid]; @@ -1837,8 +1837,8 @@ strict digraph { "746 dequantize_per_tensor_default_54" -> "752 linear_35" [label="(1, 197, 3072)", style=solid]; "747 linear_35_scale_0" -> "750 quantize_per_channel_default_36" [label="(768,)", style=solid]; "747 linear_35_scale_0" -> "751 dequantize_per_channel_default_36" [label="(768,)", style=solid]; -"748 linear_35_zero_point_0" -> "750 quantize_per_channel_default_36" [label="(768,)", style=solid]; -"748 linear_35_zero_point_0" -> "751 dequantize_per_channel_default_36" [label="(768,)", style=solid]; +"748 linear_35_zero_point_0" -> "750 quantize_per_channel_default_36" [label="(768,)", style=dashed]; +"748 linear_35_zero_point_0" -> "751 dequantize_per_channel_default_36" [label="(768,)", style=dashed]; "749 compressed_weight_updated_constant36" -> "750 quantize_per_channel_default_36" [label="(768, 3072)", style=solid]; "750 quantize_per_channel_default_36" -> "751 dequantize_per_channel_default_36" [label="(768, 3072)", style=solid]; "751 dequantize_per_channel_default_36" -> "752 linear_35" [label="(768, 3072)", style=solid]; @@ -1853,8 +1853,8 @@ strict digraph { "759 dequantize_per_tensor_default_55" -> "765 linear_36" [label="(197, 1, 768)", style=solid]; "760 linear_36_scale_0" -> "763 quantize_per_channel_default_37" [label="(2304,)", style=solid]; "760 linear_36_scale_0" -> "764 dequantize_per_channel_default_37" [label="(2304,)", style=solid]; -"761 linear_36_zero_point_0" -> "763 quantize_per_channel_default_37" [label="(2304,)", style=solid]; -"761 linear_36_zero_point_0" -> "764 dequantize_per_channel_default_37" [label="(2304,)", style=solid]; +"761 linear_36_zero_point_0" -> "763 quantize_per_channel_default_37" [label="(2304,)", style=dashed]; +"761 linear_36_zero_point_0" -> "764 dequantize_per_channel_default_37" [label="(2304,)", style=dashed]; "762 compressed_weight_updated_constant37" -> "763 quantize_per_channel_default_37" [label="(2304, 768)", style=solid]; "763 quantize_per_channel_default_37" -> "764 dequantize_per_channel_default_37" [label="(2304, 768)", style=solid]; "764 dequantize_per_channel_default_37" -> "765 linear_36" [label="(2304, 768)", style=solid]; @@ -1890,8 +1890,8 @@ strict digraph { "792 dequantize_per_tensor_default_58" -> "798 linear_37" [label="(197, 768)", style=solid]; "793 linear_37_scale_0" -> "796 quantize_per_channel_default_38" [label="(768,)", style=solid]; "793 linear_37_scale_0" -> "797 dequantize_per_channel_default_38" [label="(768,)", style=solid]; -"794 linear_37_zero_point_0" -> "796 quantize_per_channel_default_38" [label="(768,)", style=solid]; -"794 linear_37_zero_point_0" -> "797 dequantize_per_channel_default_38" [label="(768,)", style=solid]; +"794 linear_37_zero_point_0" -> "796 quantize_per_channel_default_38" [label="(768,)", style=dashed]; +"794 linear_37_zero_point_0" -> "797 dequantize_per_channel_default_38" [label="(768,)", style=dashed]; "795 compressed_weight_updated_constant38" -> "796 quantize_per_channel_default_38" [label="(768, 768)", style=solid]; "796 quantize_per_channel_default_38" -> "797 dequantize_per_channel_default_38" [label="(768, 768)", style=solid]; "797 dequantize_per_channel_default_38" -> "798 linear_37" [label="(768, 768)", style=solid]; @@ -1907,8 +1907,8 @@ strict digraph { "806 dequantize_per_tensor_default_59" -> "812 linear_38" [label="(1, 197, 768)", style=solid]; "807 linear_38_scale_0" -> "810 quantize_per_channel_default_39" [label="(3072,)", style=solid]; "807 linear_38_scale_0" -> "811 dequantize_per_channel_default_39" [label="(3072,)", style=solid]; -"808 linear_38_zero_point_0" -> "810 quantize_per_channel_default_39" [label="(3072,)", style=solid]; -"808 linear_38_zero_point_0" -> "811 dequantize_per_channel_default_39" [label="(3072,)", style=solid]; +"808 linear_38_zero_point_0" -> "810 quantize_per_channel_default_39" [label="(3072,)", style=dashed]; +"808 linear_38_zero_point_0" -> "811 dequantize_per_channel_default_39" [label="(3072,)", style=dashed]; "809 compressed_weight_updated_constant39" -> "810 quantize_per_channel_default_39" [label="(3072, 768)", style=solid]; "810 quantize_per_channel_default_39" -> "811 dequantize_per_channel_default_39" [label="(3072, 768)", style=solid]; "811 dequantize_per_channel_default_39" -> "812 linear_38" [label="(3072, 768)", style=solid]; @@ -1920,8 +1920,8 @@ strict digraph { "817 dequantize_per_tensor_default_60" -> "823 linear_39" [label="(1, 197, 3072)", style=solid]; "818 linear_39_scale_0" -> "821 quantize_per_channel_default_40" [label="(768,)", style=solid]; "818 linear_39_scale_0" -> "822 dequantize_per_channel_default_40" [label="(768,)", style=solid]; -"819 linear_39_zero_point_0" -> "821 quantize_per_channel_default_40" [label="(768,)", style=solid]; -"819 linear_39_zero_point_0" -> "822 dequantize_per_channel_default_40" [label="(768,)", style=solid]; +"819 linear_39_zero_point_0" -> "821 quantize_per_channel_default_40" [label="(768,)", style=dashed]; +"819 linear_39_zero_point_0" -> "822 dequantize_per_channel_default_40" [label="(768,)", style=dashed]; "820 compressed_weight_updated_constant40" -> "821 quantize_per_channel_default_40" [label="(768, 3072)", style=solid]; "821 quantize_per_channel_default_40" -> "822 dequantize_per_channel_default_40" [label="(768, 3072)", style=solid]; "822 dequantize_per_channel_default_40" -> "823 linear_39" [label="(768, 3072)", style=solid]; @@ -1936,8 +1936,8 @@ strict digraph { "830 dequantize_per_tensor_default_61" -> "836 linear_40" [label="(197, 1, 768)", style=solid]; "831 linear_40_scale_0" -> "834 quantize_per_channel_default_41" [label="(2304,)", style=solid]; "831 linear_40_scale_0" -> "835 dequantize_per_channel_default_41" [label="(2304,)", style=solid]; -"832 linear_40_zero_point_0" -> "834 quantize_per_channel_default_41" [label="(2304,)", style=solid]; -"832 linear_40_zero_point_0" -> "835 dequantize_per_channel_default_41" [label="(2304,)", style=solid]; +"832 linear_40_zero_point_0" -> "834 quantize_per_channel_default_41" [label="(2304,)", style=dashed]; +"832 linear_40_zero_point_0" -> "835 dequantize_per_channel_default_41" [label="(2304,)", style=dashed]; "833 compressed_weight_updated_constant41" -> "834 quantize_per_channel_default_41" [label="(2304, 768)", style=solid]; "834 quantize_per_channel_default_41" -> "835 dequantize_per_channel_default_41" [label="(2304, 768)", style=solid]; "835 dequantize_per_channel_default_41" -> "836 linear_40" [label="(2304, 768)", style=solid]; @@ -1973,8 +1973,8 @@ strict digraph { "863 dequantize_per_tensor_default_64" -> "869 linear_41" [label="(197, 768)", style=solid]; "864 linear_41_scale_0" -> "867 quantize_per_channel_default_42" [label="(768,)", style=solid]; "864 linear_41_scale_0" -> "868 dequantize_per_channel_default_42" [label="(768,)", style=solid]; -"865 linear_41_zero_point_0" -> "867 quantize_per_channel_default_42" [label="(768,)", style=solid]; -"865 linear_41_zero_point_0" -> "868 dequantize_per_channel_default_42" [label="(768,)", style=solid]; +"865 linear_41_zero_point_0" -> "867 quantize_per_channel_default_42" [label="(768,)", style=dashed]; +"865 linear_41_zero_point_0" -> "868 dequantize_per_channel_default_42" [label="(768,)", style=dashed]; "866 compressed_weight_updated_constant42" -> "867 quantize_per_channel_default_42" [label="(768, 768)", style=solid]; "867 quantize_per_channel_default_42" -> "868 dequantize_per_channel_default_42" [label="(768, 768)", style=solid]; "868 dequantize_per_channel_default_42" -> "869 linear_41" [label="(768, 768)", style=solid]; @@ -1990,8 +1990,8 @@ strict digraph { "877 dequantize_per_tensor_default_65" -> "883 linear_42" [label="(1, 197, 768)", style=solid]; "878 linear_42_scale_0" -> "881 quantize_per_channel_default_43" [label="(3072,)", style=solid]; "878 linear_42_scale_0" -> "882 dequantize_per_channel_default_43" [label="(3072,)", style=solid]; -"879 linear_42_zero_point_0" -> "881 quantize_per_channel_default_43" [label="(3072,)", style=solid]; -"879 linear_42_zero_point_0" -> "882 dequantize_per_channel_default_43" [label="(3072,)", style=solid]; +"879 linear_42_zero_point_0" -> "881 quantize_per_channel_default_43" [label="(3072,)", style=dashed]; +"879 linear_42_zero_point_0" -> "882 dequantize_per_channel_default_43" [label="(3072,)", style=dashed]; "880 compressed_weight_updated_constant43" -> "881 quantize_per_channel_default_43" [label="(3072, 768)", style=solid]; "881 quantize_per_channel_default_43" -> "882 dequantize_per_channel_default_43" [label="(3072, 768)", style=solid]; "882 dequantize_per_channel_default_43" -> "883 linear_42" [label="(3072, 768)", style=solid]; @@ -2003,8 +2003,8 @@ strict digraph { "888 dequantize_per_tensor_default_66" -> "894 linear_43" [label="(1, 197, 3072)", style=solid]; "889 linear_43_scale_0" -> "892 quantize_per_channel_default_44" [label="(768,)", style=solid]; "889 linear_43_scale_0" -> "893 dequantize_per_channel_default_44" [label="(768,)", style=solid]; -"890 linear_43_zero_point_0" -> "892 quantize_per_channel_default_44" [label="(768,)", style=solid]; -"890 linear_43_zero_point_0" -> "893 dequantize_per_channel_default_44" [label="(768,)", style=solid]; +"890 linear_43_zero_point_0" -> "892 quantize_per_channel_default_44" [label="(768,)", style=dashed]; +"890 linear_43_zero_point_0" -> "893 dequantize_per_channel_default_44" [label="(768,)", style=dashed]; "891 compressed_weight_updated_constant44" -> "892 quantize_per_channel_default_44" [label="(768, 3072)", style=solid]; "892 quantize_per_channel_default_44" -> "893 dequantize_per_channel_default_44" [label="(768, 3072)", style=solid]; "893 dequantize_per_channel_default_44" -> "894 linear_43" [label="(768, 3072)", style=solid]; @@ -2019,8 +2019,8 @@ strict digraph { "901 dequantize_per_tensor_default_67" -> "907 linear_44" [label="(197, 1, 768)", style=solid]; "902 linear_44_scale_0" -> "905 quantize_per_channel_default_45" [label="(2304,)", style=solid]; "902 linear_44_scale_0" -> "906 dequantize_per_channel_default_45" [label="(2304,)", style=solid]; -"903 linear_44_zero_point_0" -> "905 quantize_per_channel_default_45" [label="(2304,)", style=solid]; -"903 linear_44_zero_point_0" -> "906 dequantize_per_channel_default_45" [label="(2304,)", style=solid]; +"903 linear_44_zero_point_0" -> "905 quantize_per_channel_default_45" [label="(2304,)", style=dashed]; +"903 linear_44_zero_point_0" -> "906 dequantize_per_channel_default_45" [label="(2304,)", style=dashed]; "904 compressed_weight_updated_constant45" -> "905 quantize_per_channel_default_45" [label="(2304, 768)", style=solid]; "905 quantize_per_channel_default_45" -> "906 dequantize_per_channel_default_45" [label="(2304, 768)", style=solid]; "906 dequantize_per_channel_default_45" -> "907 linear_44" [label="(2304, 768)", style=solid]; @@ -2056,8 +2056,8 @@ strict digraph { "934 dequantize_per_tensor_default_70" -> "940 linear_45" [label="(197, 768)", style=solid]; "935 linear_45_scale_0" -> "938 quantize_per_channel_default_46" [label="(768,)", style=solid]; "935 linear_45_scale_0" -> "939 dequantize_per_channel_default_46" [label="(768,)", style=solid]; -"936 linear_45_zero_point_0" -> "938 quantize_per_channel_default_46" [label="(768,)", style=solid]; -"936 linear_45_zero_point_0" -> "939 dequantize_per_channel_default_46" [label="(768,)", style=solid]; +"936 linear_45_zero_point_0" -> "938 quantize_per_channel_default_46" [label="(768,)", style=dashed]; +"936 linear_45_zero_point_0" -> "939 dequantize_per_channel_default_46" [label="(768,)", style=dashed]; "937 compressed_weight_updated_constant46" -> "938 quantize_per_channel_default_46" [label="(768, 768)", style=solid]; "938 quantize_per_channel_default_46" -> "939 dequantize_per_channel_default_46" [label="(768, 768)", style=solid]; "939 dequantize_per_channel_default_46" -> "940 linear_45" [label="(768, 768)", style=solid]; @@ -2073,8 +2073,8 @@ strict digraph { "948 dequantize_per_tensor_default_71" -> "954 linear_46" [label="(1, 197, 768)", style=solid]; "949 linear_46_scale_0" -> "952 quantize_per_channel_default_47" [label="(3072,)", style=solid]; "949 linear_46_scale_0" -> "953 dequantize_per_channel_default_47" [label="(3072,)", style=solid]; -"950 linear_46_zero_point_0" -> "952 quantize_per_channel_default_47" [label="(3072,)", style=solid]; -"950 linear_46_zero_point_0" -> "953 dequantize_per_channel_default_47" [label="(3072,)", style=solid]; +"950 linear_46_zero_point_0" -> "952 quantize_per_channel_default_47" [label="(3072,)", style=dashed]; +"950 linear_46_zero_point_0" -> "953 dequantize_per_channel_default_47" [label="(3072,)", style=dashed]; "951 compressed_weight_updated_constant47" -> "952 quantize_per_channel_default_47" [label="(3072, 768)", style=solid]; "952 quantize_per_channel_default_47" -> "953 dequantize_per_channel_default_47" [label="(3072, 768)", style=solid]; "953 dequantize_per_channel_default_47" -> "954 linear_46" [label="(3072, 768)", style=solid]; @@ -2086,8 +2086,8 @@ strict digraph { "959 dequantize_per_tensor_default_72" -> "965 linear_47" [label="(1, 197, 3072)", style=solid]; "960 linear_47_scale_0" -> "963 quantize_per_channel_default_48" [label="(768,)", style=solid]; "960 linear_47_scale_0" -> "964 dequantize_per_channel_default_48" [label="(768,)", style=solid]; -"961 linear_47_zero_point_0" -> "963 quantize_per_channel_default_48" [label="(768,)", style=solid]; -"961 linear_47_zero_point_0" -> "964 dequantize_per_channel_default_48" [label="(768,)", style=solid]; +"961 linear_47_zero_point_0" -> "963 quantize_per_channel_default_48" [label="(768,)", style=dashed]; +"961 linear_47_zero_point_0" -> "964 dequantize_per_channel_default_48" [label="(768,)", style=dashed]; "962 compressed_weight_updated_constant48" -> "963 quantize_per_channel_default_48" [label="(768, 3072)", style=solid]; "963 quantize_per_channel_default_48" -> "964 dequantize_per_channel_default_48" [label="(768, 3072)", style=solid]; "964 dequantize_per_channel_default_48" -> "965 linear_47" [label="(768, 3072)", style=solid]; @@ -2102,8 +2102,8 @@ strict digraph { "973 dequantize_per_tensor_default_73" -> "979 linear_48" [label="(1, 768)", style=solid]; "974 linear_48_scale_0" -> "977 quantize_per_channel_default_49" [label="(1000,)", style=solid]; "974 linear_48_scale_0" -> "978 dequantize_per_channel_default_49" [label="(1000,)", style=solid]; -"975 linear_48_zero_point_0" -> "977 quantize_per_channel_default_49" [label="(1000,)", style=solid]; -"975 linear_48_zero_point_0" -> "978 dequantize_per_channel_default_49" [label="(1000,)", style=solid]; +"975 linear_48_zero_point_0" -> "977 quantize_per_channel_default_49" [label="(1000,)", style=dashed]; +"975 linear_48_zero_point_0" -> "978 dequantize_per_channel_default_49" [label="(1000,)", style=dashed]; "976 compressed_weight_updated_constant49" -> "977 quantize_per_channel_default_49" [label="(1000, 768)", style=solid]; "977 quantize_per_channel_default_49" -> "978 dequantize_per_channel_default_49" [label="(1000, 768)", style=solid]; "978 dequantize_per_channel_default_49" -> "979 linear_48" [label="(1000, 768)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/quantized/yolo11n_sdpa_block.dot b/tests/torch/data/reference_graphs/fx/quantized/yolo11n_sdpa_block.dot index 07216701d90..af62748f057 100644 --- a/tests/torch/data/reference_graphs/fx/quantized/yolo11n_sdpa_block.dot +++ b/tests/torch/data/reference_graphs/fx/quantized/yolo11n_sdpa_block.dot @@ -35,8 +35,8 @@ strict digraph { "3 dequantize_per_tensor_default" -> "9 linear" [label="(1, 2, 4)", style=solid]; "4 linear_scale_0" -> "7 quantize_per_channel_default" [label="(12,)", style=solid]; "4 linear_scale_0" -> "8 dequantize_per_channel_default" [label="(12,)", style=solid]; -"5 linear_zero_point_0" -> "7 quantize_per_channel_default" [label="(12,)", style=solid]; -"5 linear_zero_point_0" -> "8 dequantize_per_channel_default" [label="(12,)", style=solid]; +"5 linear_zero_point_0" -> "7 quantize_per_channel_default" [label="(12,)", style=dashed]; +"5 linear_zero_point_0" -> "8 dequantize_per_channel_default" [label="(12,)", style=dashed]; "6 compressed_weight_updated_constant0" -> "7 quantize_per_channel_default" [label="(12, 4)", style=solid]; "7 quantize_per_channel_default" -> "8 dequantize_per_channel_default" [label="(12, 4)", style=solid]; "8 dequantize_per_channel_default" -> "9 linear" [label="(12, 4)", style=solid]; diff --git a/tests/torch/data/reference_graphs/fx/synthetic_transformer.dot b/tests/torch/data/reference_graphs/fx/synthetic_transformer.dot index 5fa49e2d869..525aec362dc 100644 --- a/tests/torch/data/reference_graphs/fx/synthetic_transformer.dot +++ b/tests/torch/data/reference_graphs/fx/synthetic_transformer.dot @@ -14,7 +14,7 @@ strict digraph { "2 linear_bias" -> "7 linear" [label="(5,)", style=solid]; "3 lm_head_weight" -> "8 linear_1" [label="(10, 5)", style=solid]; "4 lm_head_bias" -> "8 linear_1" [label="(10,)", style=solid]; -"5 input_ids" -> "6 embedding" [label="(5,)", style=solid]; +"5 input_ids" -> "6 embedding" [label="(5,)", style=dashed]; "6 embedding" -> "7 linear" [label="(5, 5)", style=solid]; "7 linear" -> "8 linear_1" [label="(5, 5)", style=solid]; "8 linear_1" -> "9 output" [label="(5, 10)", style=solid]; From ffddec70f2a0c700135135bef2f2ad6160bb28ca Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 11 Mar 2025 12:41:28 +0400 Subject: [PATCH 26/29] update reference graphs and metatype for convtranspose2d --- nncf/torch/graph/operator_metatypes.py | 1 + .../to_pydot_style_full.dot | 6 +- .../to_pydot_style_short.dot | 6 +- .../inner_functions_BatchNormModel.dot | 2 +- .../inner_functions_MultiHeadAttention.dot | 56 +++++++++---------- .../inner_functions_ReluModel.dot | 8 +-- .../quantization/test_weights_compression.py | 1 - 7 files changed, 40 insertions(+), 40 deletions(-) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index c6d821ed91a..a97a53d9fff 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -381,6 +381,7 @@ class PTConvTranspose2dMetatype(PTOperatorMetatype): hw_config_names = [HWConfigOpName.CONVOLUTION] module_to_function_names = { NamespaceTarget.TORCH_NN_FUNCTIONAL: ["conv_transpose2d"], + NamespaceTarget.TORCH: ["conv_transpose2d"], NamespaceTarget.ATEN: ["conv_transpose2d"], } subtypes = [PTModuleConvTranspose2dMetatype] diff --git a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_full.dot b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_full.dot index 6be85b38492..fbd5e480983 100644 --- a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_full.dot +++ b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_full.dot @@ -3,10 +3,10 @@ rankdir=TB; 0 [label="{type: input|name: x|dtype: torch.float32|shape: (1, 1, 3, 3)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; 1 [label="{type: const|name: conv.weight|dtype: torch.float32|shape: (1, 1, 1, 1)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; 2 [label="{type: const|name: conv.bias|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -3 [label="{type: function_call|op_name: conv/conv2d/0|fn_name: conv2d|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1, 1)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\n(1, 1),\n(0, 0),\n(1, 1),\n1,\n]|kwargs: \{\}}", fillcolor="#ffd6a5", fontcolor="#000000", shape=record, style="filled,rounded"]; +3 [label="{type: function_call|op_name: conv/conv2d/0|fn_name: torch.conv2d|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1, 1)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\n(1, 1),\n(0, 0),\n(1, 1),\n1,\n]|kwargs: \{\}}", fillcolor="#aae0ef", fontcolor="#000000", shape=record, style="filled,rounded"]; 4 [label="{type: const|name: __nncf_hooks.post_hooks.conv/conv2d/0__0.0.w|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -5 [label="{type: function_call|op_name: conv/post_hook__conv-conv2d-0__0[0]/add/0|fn_name: add|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\n]|kwargs: \{\}}", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; -6 [label="{type: function_call|op_name: /relu/0|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +5 [label="{type: function_call|op_name: conv/post_hook__conv-conv2d-0__0[0]/add/0|fn_name: torch.tensor.add|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\n]|kwargs: \{\}}", fillcolor="#ffd6a5", fontcolor="#000000", shape=record, style="filled,rounded"]; +6 [label="{type: function_call|op_name: /relu/0|fn_name: torch.relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 3, 3)),\n]|kwargs: \{\}}", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; 7 [label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 3, 3)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; 0 -> 3 [label="(1, 1, 3, 3)\n0 → 0"]; 1 -> 3 [label="(1, 1, 1, 1)\n0 → 1"]; diff --git a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_short.dot b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_short.dot index dabcc5d9c81..23a519f1b1e 100644 --- a/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_short.dot +++ b/tests/torch2/data/function_hook/graph_visualization/to_pydot_style_short.dot @@ -3,10 +3,10 @@ rankdir=TB; 0 [label=x, fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; 1 [label="conv.weight", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; 2 [label="conv.bias", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -3 [label="conv/conv2d/0", fillcolor="#ffd6a5", fontcolor="#000000", shape=record, style="filled,rounded"]; +3 [label="conv/conv2d/0", fillcolor="#aae0ef", fontcolor="#000000", shape=record, style="filled,rounded"]; 4 [label="__nncf_hooks.post_hooks.conv/conv2d/0__0.0.w", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -5 [label="conv/post_hook__conv-conv2d-0__0[0]/add/0", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; -6 [label="/relu/0", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +5 [label="conv/post_hook__conv-conv2d-0__0[0]/add/0", fillcolor="#ffd6a5", fontcolor="#000000", shape=record, style="filled,rounded"]; +6 [label="/relu/0", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; 7 [label=output, fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; 0 -> 3 [label="(1, 1, 3, 3)\n0 → 0"]; 1 -> 3 [label="(1, 1, 1, 1)\n0 → 1"]; diff --git a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_BatchNormModel.dot b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_BatchNormModel.dot index 095ecbb864a..36e93f88632 100644 --- a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_BatchNormModel.dot +++ b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_BatchNormModel.dot @@ -5,7 +5,7 @@ rankdir=TB; 2 [label="{type: const|name: bn.bias|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; 3 [label="{type: const|name: bn.running_mean|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; 4 [label="{type: const|name: bn.running_var|dtype: torch.float32|shape: (1,)}", fillcolor="#ffffff", fontcolor="#000000", shape=record, style="filled,rounded"]; -5 [label="{type: function_call|op_name: bn/batch_norm/0|fn_name: batch_norm|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nFalse,\n0.1,\n1e-05,\nTrue,\n]|kwargs: \{\}}", fillcolor="#ffadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +5 [label="{type: function_call|op_name: bn/batch_norm/0|fn_name: torch.batch_norm|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nTensorMeta(dtype=torch.float32, shape=(1,)),\nFalse,\n0.1,\n1e-05,\nTrue,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; 6 [label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 1)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; 0 -> 5 [label="(1, 1, 1)\n0 → 0"]; 1 -> 5 [label="(1,)\n0 → 1"]; diff --git a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_MultiHeadAttention.dot b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_MultiHeadAttention.dot index a1b71b4bb60..b67f3c83eff 100644 --- a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_MultiHeadAttention.dot +++ b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_MultiHeadAttention.dot @@ -3,34 +3,34 @@ rankdir=TB; 0 [label="{type: input|name: query|dtype: torch.float32|shape: (5, 2, 16)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; 1 [label="{type: input|name: key|dtype: torch.float32|shape: (5, 2, 16)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; 2 [label="{type: input|name: value|dtype: torch.float32|shape: (5, 2, 16)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -3 [label="{type: function_call|op_name: /rand/0|fn_name: rand|args: [\n(48, 16),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -4 [label="{type: function_call|op_name: /rand/1|fn_name: rand|args: [\n48,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -5 [label="{type: function_call|op_name: /rand/2|fn_name: rand|args: [\n(16, 16),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -6 [label="{type: function_call|op_name: /rand/3|fn_name: rand|args: [\n16,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -13 [label="{type: function_call|op_name: /chunk/0|fn_name: chunk|args: [\nTensorMeta(dtype=torch.float32, shape=(48, 16)),\n3,\n]|kwargs: \{\}}", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; -14 [label="{type: function_call|op_name: /chunk/1|fn_name: chunk|args: [\nTensorMeta(dtype=torch.float32, shape=(48,)),\n3,\n]|kwargs: \{\}}", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; -15 [label="{type: function_call|op_name: /linear/0|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -16 [label="{type: function_call|op_name: /linear/1|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -17 [label="{type: function_call|op_name: /linear/2|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -18 [label="{type: function_call|op_name: /view/0|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -19 [label="{type: function_call|op_name: /transpose/0|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -21 [label="{type: function_call|op_name: /view/1|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -22 [label="{type: function_call|op_name: /transpose/1|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -24 [label="{type: function_call|op_name: /view/2|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -25 [label="{type: function_call|op_name: /transpose/2|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -27 [label="{type: function_call|op_name: /mul/0|fn_name: mul|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n0.5,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -28 [label="{type: function_call|op_name: /transpose/3|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n-2,\n-1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -29 [label="{type: function_call|op_name: /bmm/0|fn_name: bmm|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\nTensorMeta(dtype=torch.float32, shape=(8, 4, 5)),\n]|kwargs: \{\}}", fillcolor="#ffc6ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -30 [label="{type: function_call|op_name: /softmax/0|fn_name: softmax|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n]|kwargs: \{\ndim : -1\n_stacklevel : 3\ndtype : None\n\}}", fillcolor="#bdb2ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -31 [label="{type: function_call|op_name: /dropout/0|fn_name: dropout|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n]|kwargs: \{\np : 0.1\ntraining : True\ninplace : False\n\}}", fillcolor="#bdb2ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -32 [label="{type: function_call|op_name: /bmm/1|fn_name: bmm|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n]|kwargs: \{\}}", fillcolor="#ffc6ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -33 [label="{type: function_call|op_name: /transpose/4|fn_name: transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -34 [label="{type: function_call|op_name: /contiguous/0|fn_name: contiguous|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n]|kwargs: \{\}}", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; -35 [label="{type: function_call|op_name: /view/3|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n10,\n16,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -36 [label="{type: function_call|op_name: /linear/3|fn_name: linear|args: [\nTensorMeta(dtype=torch.float32, shape=(10, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -37 [label="{type: function_call|op_name: /view/4|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(10, 16)),\n5,\n2,\n16,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -38 [label="{type: function_call|op_name: /view/5|fn_name: view|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n2,\n4,\n5,\n5,\n]|kwargs: \{\}}", fillcolor="#fdffb6", fontcolor="#000000", shape=record, style="filled,rounded"]; -39 [label="{type: function_call|op_name: /mean/0|fn_name: mean|args: [\nTensorMeta(dtype=torch.float32, shape=(2, 4, 5, 5)),\n]|kwargs: \{\ndim : 1\n\}}", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; +3 [label="{type: function_call|op_name: /rand/0|fn_name: torch.rand|args: [\n(48, 16),\n]|kwargs: \{\}}", fillcolor="#ffc2a9", fontcolor="#000000", shape=record, style="filled,rounded"]; +4 [label="{type: function_call|op_name: /rand/1|fn_name: torch.rand|args: [\n48,\n]|kwargs: \{\}}", fillcolor="#ffc2a9", fontcolor="#000000", shape=record, style="filled,rounded"]; +5 [label="{type: function_call|op_name: /rand/2|fn_name: torch.rand|args: [\n(16, 16),\n]|kwargs: \{\}}", fillcolor="#ffc2a9", fontcolor="#000000", shape=record, style="filled,rounded"]; +6 [label="{type: function_call|op_name: /rand/3|fn_name: torch.rand|args: [\n16,\n]|kwargs: \{\}}", fillcolor="#ffc2a9", fontcolor="#000000", shape=record, style="filled,rounded"]; +13 [label="{type: function_call|op_name: /chunk/0|fn_name: torch.tensor.chunk|args: [\nTensorMeta(dtype=torch.float32, shape=(48, 16)),\n3,\n]|kwargs: \{\}}", fillcolor="#ffadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +14 [label="{type: function_call|op_name: /chunk/1|fn_name: torch.tensor.chunk|args: [\nTensorMeta(dtype=torch.float32, shape=(48,)),\n3,\n]|kwargs: \{\}}", fillcolor="#ffadad", fontcolor="#000000", shape=record, style="filled,rounded"]; +15 [label="{type: function_call|op_name: /linear/0|fn_name: torch.nn.functional.linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#ffc2a9", fontcolor="#000000", shape=record, style="filled,rounded"]; +16 [label="{type: function_call|op_name: /linear/1|fn_name: torch.nn.functional.linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#ffc2a9", fontcolor="#000000", shape=record, style="filled,rounded"]; +17 [label="{type: function_call|op_name: /linear/2|fn_name: torch.nn.functional.linear|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#ffc2a9", fontcolor="#000000", shape=record, style="filled,rounded"]; +18 [label="{type: function_call|op_name: /view/0|fn_name: torch.tensor.view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; +19 [label="{type: function_call|op_name: /transpose/0|fn_name: torch.tensor.transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#aae0ef", fontcolor="#000000", shape=record, style="filled,rounded"]; +21 [label="{type: function_call|op_name: /view/1|fn_name: torch.tensor.view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; +22 [label="{type: function_call|op_name: /transpose/1|fn_name: torch.tensor.transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#aae0ef", fontcolor="#000000", shape=record, style="filled,rounded"]; +24 [label="{type: function_call|op_name: /view/2|fn_name: torch.tensor.view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 2, 16)),\n5,\n8,\n4,\n]|kwargs: \{\}}", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; +25 [label="{type: function_call|op_name: /transpose/2|fn_name: torch.tensor.transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#aae0ef", fontcolor="#000000", shape=record, style="filled,rounded"]; +27 [label="{type: function_call|op_name: /mul/0|fn_name: torch.tensor.mul|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n0.5,\n]|kwargs: \{\}}", fillcolor="#bdb2ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +28 [label="{type: function_call|op_name: /transpose/3|fn_name: torch.tensor.transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n-2,\n-1,\n]|kwargs: \{\}}", fillcolor="#aae0ef", fontcolor="#000000", shape=record, style="filled,rounded"]; +29 [label="{type: function_call|op_name: /bmm/0|fn_name: torch.bmm|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\nTensorMeta(dtype=torch.float32, shape=(8, 4, 5)),\n]|kwargs: \{\}}", fillcolor="#ffc2a9", fontcolor="#000000", shape=record, style="filled,rounded"]; +30 [label="{type: function_call|op_name: /softmax/0|fn_name: torch.nn.functional.softmax|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n]|kwargs: \{\ndim : -1\n_stacklevel : 3\ndtype : None\n\}}", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; +31 [label="{type: function_call|op_name: /dropout/0|fn_name: torch.nn.functional.dropout|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n]|kwargs: \{\np : 0.1\ntraining : True\ninplace : False\n\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +32 [label="{type: function_call|op_name: /bmm/1|fn_name: torch.bmm|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n]|kwargs: \{\}}", fillcolor="#ffc2a9", fontcolor="#000000", shape=record, style="filled,rounded"]; +33 [label="{type: function_call|op_name: /transpose/4|fn_name: torch.tensor.transpose|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 4)),\n0,\n1,\n]|kwargs: \{\}}", fillcolor="#aae0ef", fontcolor="#000000", shape=record, style="filled,rounded"]; +34 [label="{type: function_call|op_name: /contiguous/0|fn_name: torch.tensor.contiguous|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n]|kwargs: \{\}}", fillcolor="#caffbf", fontcolor="#000000", shape=record, style="filled,rounded"]; +35 [label="{type: function_call|op_name: /view/3|fn_name: torch.tensor.view|args: [\nTensorMeta(dtype=torch.float32, shape=(5, 8, 4)),\n10,\n16,\n]|kwargs: \{\}}", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; +36 [label="{type: function_call|op_name: /linear/3|fn_name: torch.nn.functional.linear|args: [\nTensorMeta(dtype=torch.float32, shape=(10, 16)),\nTensorMeta(dtype=torch.float32, shape=(16, 16)),\nTensorMeta(dtype=torch.float32, shape=(16,)),\n]|kwargs: \{\}}", fillcolor="#ffc2a9", fontcolor="#000000", shape=record, style="filled,rounded"]; +37 [label="{type: function_call|op_name: /view/4|fn_name: torch.tensor.view|args: [\nTensorMeta(dtype=torch.float32, shape=(10, 16)),\n5,\n2,\n16,\n]|kwargs: \{\}}", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; +38 [label="{type: function_call|op_name: /view/5|fn_name: torch.tensor.view|args: [\nTensorMeta(dtype=torch.float32, shape=(8, 5, 5)),\n2,\n4,\n5,\n5,\n]|kwargs: \{\}}", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; +39 [label="{type: function_call|op_name: /mean/0|fn_name: torch.tensor.mean|args: [\nTensorMeta(dtype=torch.float32, shape=(2, 4, 5, 5)),\n]|kwargs: \{\ndim : 1\n\}}", fillcolor="#aae0ef", fontcolor="#000000", shape=record, style="filled,rounded"]; 40 [label="{type: output|name: output_0|dtype: torch.float32|shape: (5, 2, 16)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; 41 [label="{type: output|name: output_1|dtype: torch.float32|shape: (2, 5, 5)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; 0 -> 15 [label="(5, 2, 16)\n0 → 0"]; diff --git a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_ReluModel.dot b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_ReluModel.dot index 13944384b69..558c12172ab 100644 --- a/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_ReluModel.dot +++ b/tests/torch2/data/function_hook/handle_inner_functions/inner_functions_ReluModel.dot @@ -1,10 +1,10 @@ digraph { rankdir=TB; 0 [label="{type: input|name: x|dtype: torch.float32|shape: (1, 1, 1)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; -1 [label="{type: function_call|op_name: /relu/0|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -2 [label="{type: function_call|op_name: /relu_/0|fn_name: relu_|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -3 [label="{type: function_call|op_name: /relu/1|fn_name: relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; -4 [label="{type: function_call|op_name: /relu_/1|fn_name: relu_|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#a0c4ff", fontcolor="#000000", shape=record, style="filled,rounded"]; +1 [label="{type: function_call|op_name: /relu/0|fn_name: torch.relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; +2 [label="{type: function_call|op_name: /relu_/0|fn_name: torch.relu_|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; +3 [label="{type: function_call|op_name: /relu/1|fn_name: torch.relu|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; +4 [label="{type: function_call|op_name: /relu_/1|fn_name: torch.relu_|args: [\nTensorMeta(dtype=torch.float32, shape=(1, 1, 1)),\n]|kwargs: \{\}}", fillcolor="#b3fbdf", fontcolor="#000000", shape=record, style="filled,rounded"]; 5 [label="{type: output|name: output|dtype: torch.float32|shape: (1, 1, 1)}", fillcolor="#adadad", fontcolor="#000000", shape=record, style="filled,rounded"]; 0 -> 1 [label="(1, 1, 1)\n0 → 0"]; 1 -> 2 [label="(1, 1, 1)\n0 → 0"]; diff --git a/tests/torch2/function_hook/quantization/test_weights_compression.py b/tests/torch2/function_hook/quantization/test_weights_compression.py index 6082c0277b7..c8099510cef 100644 --- a/tests/torch2/function_hook/quantization/test_weights_compression.py +++ b/tests/torch2/function_hook/quantization/test_weights_compression.py @@ -176,7 +176,6 @@ def test_compress_weights_functional_model(mode): input_ids = torch.randint(0, 10, [1, 3, 256, 256]) wrapped_model = GraphModelWrapper(model, example_input=input_ids) compressed_model = compress_weights(wrapped_model, mode=mode) - n_compressed_weights = 0 for layer in compressed_model.modules(): if isinstance(layer, decompressor_type): From f7fd41c22ea6956b4e18803932c53ba75825e05c Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 11 Mar 2025 13:02:26 +0400 Subject: [PATCH 27/29] revert reference graph changes --- .../test_quantized_graphs/unet.dot | 340 ++++++++++-------- 1 file changed, 186 insertions(+), 154 deletions(-) diff --git a/tests/torch2/data/quantization/test_quantized_graphs/unet.dot b/tests/torch2/data/quantization/test_quantized_graphs/unet.dot index c7fc856ce4f..8150e1ca248 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/unet.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/unet.dot @@ -53,8 +53,8 @@ x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; "down_path.1.block.4.running_var" [id=51, type="nncf_model_const", metatype=PTConstNoopMetatype]; "block/4/batch_norm/1" [id=52, type="batch_norm", metatype=PT2BatchNormMetatype]; "block/5/relu/1" [id=53, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.block/5/relu/1__0.0._scale_param_storage" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [id=55, type="symmetric_quantize", metatype=UnknownMetatype]; +"__nncf_hooks.post_hooks.up/conv_transpose2d/2__0.0._scale_param_storage" [id=54, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/5/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" [id=55, type="symmetric_quantize", metatype=UnknownMetatype]; "/max_pool2d/1" [id=56, type="max_pool2d", metatype=PTMaxPool2dMetatype]; "down_path.2.block.0.weight" [id=57, type="nncf_model_const", metatype=PTConstNoopMetatype]; "down_path.2.block.0.bias" [id=58, type="nncf_model_const", metatype=PTConstNoopMetatype]; @@ -107,8 +107,8 @@ x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; "down_path.3.block.4.running_var" [id=105, type="nncf_model_const", metatype=PTConstNoopMetatype]; "block/4/batch_norm/3" [id=106, type="batch_norm", metatype=PT2BatchNormMetatype]; "block/5/relu/3" [id=107, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.block/5/relu/3__0.0._scale_param_storage" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [id=109, type="symmetric_quantize", metatype=UnknownMetatype]; +"__nncf_hooks.post_hooks.up/conv_transpose2d/0__0.0._scale_param_storage" [id=108, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/5/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" [id=109, type="symmetric_quantize", metatype=UnknownMetatype]; "/max_pool2d/3" [id=110, type="max_pool2d", metatype=PTMaxPool2dMetatype]; "down_path.4.block.0.weight" [id=111, type="nncf_model_const", metatype=PTConstNoopMetatype]; "down_path.4.block.0.bias" [id=112, type="nncf_model_const", metatype=PTConstNoopMetatype]; @@ -134,134 +134,150 @@ x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; "down_path.4.block.4.running_var" [id=132, type="nncf_model_const", metatype=PTConstNoopMetatype]; "block/4/batch_norm/4" [id=133, type="batch_norm", metatype=PT2BatchNormMetatype]; "block/5/relu/4" [id=134, type=relu, metatype=PTRELUMetatype]; -"up_path.0.up.weight" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.up.bias" [id=136, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up/conv_transpose2d/0" [id=137, type="conv_transpose2d", metatype=UnknownMetatype]; -"up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [id=138, type="symmetric_quantize", metatype=UnknownMetatype]; -"/__getitem__/0" [id=139, type="__getitem__", metatype=PTGatherMetatype]; -"/cat/0" [id=140, type=cat, metatype=PTCatMetatype]; -"up_path.0.conv_block.block.0.weight" [id=141, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.0.bias" [id=142, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/0__1.0._scale_param_storage" [id=143, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [id=144, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/0/conv2d/0" [id=145, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.0.conv_block.block.1.weight" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.1.bias" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.1.running_mean" [id=148, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.1.running_var" [id=149, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/1/batch_norm/0" [id=150, type="batch_norm", metatype=PT2BatchNormMetatype]; -"conv_block/block/2/relu/0" [id=151, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/0__0.0._scale_param_storage" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" [id=153, type="symmetric_quantize", metatype=UnknownMetatype]; -"up_path.0.conv_block.block.3.weight" [id=154, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.3.bias" [id=155, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/0__1.0._scale_param_storage" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" [id=157, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/3/conv2d/0" [id=158, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.0.conv_block.block.4.weight" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.4.bias" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.4.running_mean" [id=161, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.0.conv_block.block.4.running_var" [id=162, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/4/batch_norm/0" [id=163, type="batch_norm", metatype=PT2BatchNormMetatype]; -"conv_block/block/5/relu/0" [id=164, type=relu, metatype=PTRELUMetatype]; -"up_path.1.up.weight" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.up.bias" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up/conv_transpose2d/1" [id=167, type="conv_transpose2d", metatype=UnknownMetatype]; -"up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [id=168, type="symmetric_quantize", metatype=UnknownMetatype]; -"/__getitem__/1" [id=169, type="__getitem__", metatype=PTGatherMetatype]; -"/cat/1" [id=170, type=cat, metatype=PTCatMetatype]; -"up_path.1.conv_block.block.0.weight" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.0.bias" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/1__1.0._scale_param_storage" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" [id=174, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/0/conv2d/1" [id=175, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.1.conv_block.block.1.weight" [id=176, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.1.bias" [id=177, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.1.running_mean" [id=178, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.1.running_var" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/1/batch_norm/1" [id=180, type="batch_norm", metatype=PT2BatchNormMetatype]; -"conv_block/block/2/relu/1" [id=181, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/1__0.0._scale_param_storage" [id=182, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" [id=183, type="symmetric_quantize", metatype=UnknownMetatype]; -"up_path.1.conv_block.block.3.weight" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.3.bias" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/1__1.0._scale_param_storage" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" [id=187, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/3/conv2d/1" [id=188, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.1.conv_block.block.4.weight" [id=189, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.4.bias" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.4.running_mean" [id=191, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.1.conv_block.block.4.running_var" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/4/batch_norm/1" [id=193, type="batch_norm", metatype=PT2BatchNormMetatype]; -"conv_block/block/5/relu/1" [id=194, type=relu, metatype=PTRELUMetatype]; -"up_path.2.up.weight" [id=195, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.up.bias" [id=196, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up/conv_transpose2d/2" [id=197, type="conv_transpose2d", metatype=UnknownMetatype]; -"up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [id=198, type="symmetric_quantize", metatype=UnknownMetatype]; -"/__getitem__/2" [id=199, type="__getitem__", metatype=PTGatherMetatype]; -"/cat/2" [id=200, type=cat, metatype=PTCatMetatype]; -"up_path.2.conv_block.block.0.weight" [id=201, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.0.bias" [id=202, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/2__1.0._scale_param_storage" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [id=204, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/0/conv2d/2" [id=205, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.2.conv_block.block.1.weight" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.1.bias" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.1.running_mean" [id=208, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.1.running_var" [id=209, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/1/batch_norm/2" [id=210, type="batch_norm", metatype=PT2BatchNormMetatype]; -"conv_block/block/2/relu/2" [id=211, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/2__0.0._scale_param_storage" [id=212, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" [id=213, type="symmetric_quantize", metatype=UnknownMetatype]; -"up_path.2.conv_block.block.3.weight" [id=214, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.3.bias" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/2__1.0._scale_param_storage" [id=216, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" [id=217, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/3/conv2d/2" [id=218, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.2.conv_block.block.4.weight" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.4.bias" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.4.running_mean" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.2.conv_block.block.4.running_var" [id=222, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/4/batch_norm/2" [id=223, type="batch_norm", metatype=PT2BatchNormMetatype]; -"conv_block/block/5/relu/2" [id=224, type=relu, metatype=PTRELUMetatype]; -"up_path.3.up.weight" [id=225, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.up.bias" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up/conv_transpose2d/3" [id=227, type="conv_transpose2d", metatype=UnknownMetatype]; -"up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [id=228, type="symmetric_quantize", metatype=UnknownMetatype]; -"/__getitem__/3" [id=229, type="__getitem__", metatype=PTGatherMetatype]; -"/cat/3" [id=230, type=cat, metatype=PTCatMetatype]; -"up_path.3.conv_block.block.0.weight" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.0.bias" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/3__1.0._scale_param_storage" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" [id=234, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/0/conv2d/3" [id=235, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.3.conv_block.block.1.weight" [id=236, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.1.bias" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.1.running_mean" [id=238, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.1.running_var" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/1/batch_norm/3" [id=240, type="batch_norm", metatype=PT2BatchNormMetatype]; -"conv_block/block/2/relu/3" [id=241, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.conv_block/block/2/relu/3__0.0._scale_param_storage" [id=242, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" [id=243, type="symmetric_quantize", metatype=UnknownMetatype]; -"up_path.3.conv_block.block.3.weight" [id=244, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.3.bias" [id=245, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/3__1.0._scale_param_storage" [id=246, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" [id=247, type="symmetric_quantize", metatype=UnknownMetatype]; -"conv_block/block/3/conv2d/3" [id=248, type=conv2d, metatype=PTConv2dMetatype]; -"up_path.3.conv_block.block.4.weight" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.4.bias" [id=250, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.4.running_mean" [id=251, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"up_path.3.conv_block.block.4.running_var" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/4/batch_norm/3" [id=253, type="batch_norm", metatype=PT2BatchNormMetatype]; -"conv_block/block/5/relu/3" [id=254, type=relu, metatype=PTRELUMetatype]; -"__nncf_hooks.post_hooks.conv_block/block/5/relu/3__0.0._scale_param_storage" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" [id=256, type="symmetric_quantize", metatype=UnknownMetatype]; -"last.weight" [id=257, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"last.bias" [id=258, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"__nncf_hooks.pre_hooks.last/conv2d/0__1.0._scale_param_storage" [id=259, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" [id=260, type="symmetric_quantize", metatype=UnknownMetatype]; -"last/conv2d/0" [id=261, type=conv2d, metatype=PTConv2dMetatype]; -output [id=262, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +"__nncf_hooks.post_hooks.block/5/relu/4__0.0._scale_param_storage" [id=135, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"block/5/post_hook__block-5-relu-4__0[0]/symmetric_quantize/0" [id=136, type="symmetric_quantize", metatype=UnknownMetatype]; +"up_path.0.up.weight" [id=137, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.up.bias" [id=138, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.up/conv_transpose2d/0__1.0._scale_param_storage" [id=139, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up/pre_hook__up-conv_transpose2d-0__1[0]/symmetric_quantize/0" [id=140, type="symmetric_quantize", metatype=UnknownMetatype]; +"up/conv_transpose2d/0" [id=141, type="conv_transpose2d", metatype=PTConvTranspose2dMetatype]; +"up/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" [id=142, type="symmetric_quantize", metatype=UnknownMetatype]; +"/__getitem__/0" [id=143, type="__getitem__", metatype=PTGatherMetatype]; +"/cat/0" [id=144, type=cat, metatype=PTCatMetatype]; +"up_path.0.conv_block.block.0.weight" [id=145, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.0.bias" [id=146, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/0__1.0._scale_param_storage" [id=147, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [id=148, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/0/conv2d/0" [id=149, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.0.conv_block.block.1.weight" [id=150, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.1.bias" [id=151, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.1.running_mean" [id=152, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.1.running_var" [id=153, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/1/batch_norm/0" [id=154, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/2/relu/0" [id=155, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/0__0.0._scale_param_storage" [id=156, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-0__0[0]/symmetric_quantize/0" [id=157, type="symmetric_quantize", metatype=UnknownMetatype]; +"up_path.0.conv_block.block.3.weight" [id=158, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.3.bias" [id=159, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/0__1.0._scale_param_storage" [id=160, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-0__1[0]/symmetric_quantize/0" [id=161, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/3/conv2d/0" [id=162, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.0.conv_block.block.4.weight" [id=163, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.4.bias" [id=164, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.4.running_mean" [id=165, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.0.conv_block.block.4.running_var" [id=166, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/4/batch_norm/0" [id=167, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/5/relu/0" [id=168, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.conv_block/block/5/relu/0__0.0._scale_param_storage" [id=169, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/5/post_hook__conv_block-block-5-relu-0__0[0]/symmetric_quantize/0" [id=170, type="symmetric_quantize", metatype=UnknownMetatype]; +"up_path.1.up.weight" [id=171, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.up.bias" [id=172, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.up/conv_transpose2d/1__1.0._scale_param_storage" [id=173, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up/pre_hook__up-conv_transpose2d-1__1[0]/symmetric_quantize/0" [id=174, type="symmetric_quantize", metatype=UnknownMetatype]; +"up/conv_transpose2d/1" [id=175, type="conv_transpose2d", metatype=PTConvTranspose2dMetatype]; +"up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [id=176, type="symmetric_quantize", metatype=UnknownMetatype]; +"/__getitem__/1" [id=177, type="__getitem__", metatype=PTGatherMetatype]; +"/cat/1" [id=178, type=cat, metatype=PTCatMetatype]; +"up_path.1.conv_block.block.0.weight" [id=179, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.0.bias" [id=180, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/1__1.0._scale_param_storage" [id=181, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-1__1[0]/symmetric_quantize/0" [id=182, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/0/conv2d/1" [id=183, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.1.conv_block.block.1.weight" [id=184, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.1.bias" [id=185, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.1.running_mean" [id=186, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.1.running_var" [id=187, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/1/batch_norm/1" [id=188, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/2/relu/1" [id=189, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/1__0.0._scale_param_storage" [id=190, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-1__0[0]/symmetric_quantize/0" [id=191, type="symmetric_quantize", metatype=UnknownMetatype]; +"up_path.1.conv_block.block.3.weight" [id=192, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.3.bias" [id=193, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/1__1.0._scale_param_storage" [id=194, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-1__1[0]/symmetric_quantize/0" [id=195, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/3/conv2d/1" [id=196, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.1.conv_block.block.4.weight" [id=197, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.4.bias" [id=198, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.4.running_mean" [id=199, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.1.conv_block.block.4.running_var" [id=200, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/4/batch_norm/1" [id=201, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/5/relu/1" [id=202, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.conv_block/block/5/relu/1__0.0._scale_param_storage" [id=203, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/5/post_hook__conv_block-block-5-relu-1__0[0]/symmetric_quantize/0" [id=204, type="symmetric_quantize", metatype=UnknownMetatype]; +"up_path.2.up.weight" [id=205, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.up.bias" [id=206, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.up/conv_transpose2d/2__1.0._scale_param_storage" [id=207, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up/pre_hook__up-conv_transpose2d-2__1[0]/symmetric_quantize/0" [id=208, type="symmetric_quantize", metatype=UnknownMetatype]; +"up/conv_transpose2d/2" [id=209, type="conv_transpose2d", metatype=PTConvTranspose2dMetatype]; +"up/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" [id=210, type="symmetric_quantize", metatype=UnknownMetatype]; +"/__getitem__/2" [id=211, type="__getitem__", metatype=PTGatherMetatype]; +"/cat/2" [id=212, type=cat, metatype=PTCatMetatype]; +"up_path.2.conv_block.block.0.weight" [id=213, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.0.bias" [id=214, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/2__1.0._scale_param_storage" [id=215, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [id=216, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/0/conv2d/2" [id=217, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.2.conv_block.block.1.weight" [id=218, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.1.bias" [id=219, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.1.running_mean" [id=220, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.1.running_var" [id=221, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/1/batch_norm/2" [id=222, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/2/relu/2" [id=223, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/2__0.0._scale_param_storage" [id=224, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-2__0[0]/symmetric_quantize/0" [id=225, type="symmetric_quantize", metatype=UnknownMetatype]; +"up_path.2.conv_block.block.3.weight" [id=226, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.3.bias" [id=227, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/2__1.0._scale_param_storage" [id=228, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-2__1[0]/symmetric_quantize/0" [id=229, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/3/conv2d/2" [id=230, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.2.conv_block.block.4.weight" [id=231, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.4.bias" [id=232, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.4.running_mean" [id=233, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.2.conv_block.block.4.running_var" [id=234, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/4/batch_norm/2" [id=235, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/5/relu/2" [id=236, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.conv_block/block/5/relu/2__0.0._scale_param_storage" [id=237, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/5/post_hook__conv_block-block-5-relu-2__0[0]/symmetric_quantize/0" [id=238, type="symmetric_quantize", metatype=UnknownMetatype]; +"up_path.3.up.weight" [id=239, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.up.bias" [id=240, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.up/conv_transpose2d/3__1.0._scale_param_storage" [id=241, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up/pre_hook__up-conv_transpose2d-3__1[0]/symmetric_quantize/0" [id=242, type="symmetric_quantize", metatype=UnknownMetatype]; +"up/conv_transpose2d/3" [id=243, type="conv_transpose2d", metatype=PTConvTranspose2dMetatype]; +"up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [id=244, type="symmetric_quantize", metatype=UnknownMetatype]; +"/__getitem__/3" [id=245, type="__getitem__", metatype=PTGatherMetatype]; +"/cat/3" [id=246, type=cat, metatype=PTCatMetatype]; +"up_path.3.conv_block.block.0.weight" [id=247, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.0.bias" [id=248, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/0/conv2d/3__1.0._scale_param_storage" [id=249, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/0/pre_hook__conv_block-block-0-conv2d-3__1[0]/symmetric_quantize/0" [id=250, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/0/conv2d/3" [id=251, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.3.conv_block.block.1.weight" [id=252, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.1.bias" [id=253, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.1.running_mean" [id=254, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.1.running_var" [id=255, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/1/batch_norm/3" [id=256, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/2/relu/3" [id=257, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.conv_block/block/2/relu/3__0.0._scale_param_storage" [id=258, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/2/post_hook__conv_block-block-2-relu-3__0[0]/symmetric_quantize/0" [id=259, type="symmetric_quantize", metatype=UnknownMetatype]; +"up_path.3.conv_block.block.3.weight" [id=260, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.3.bias" [id=261, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.conv_block/block/3/conv2d/3__1.0._scale_param_storage" [id=262, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/3/pre_hook__conv_block-block-3-conv2d-3__1[0]/symmetric_quantize/0" [id=263, type="symmetric_quantize", metatype=UnknownMetatype]; +"conv_block/block/3/conv2d/3" [id=264, type=conv2d, metatype=PTConv2dMetatype]; +"up_path.3.conv_block.block.4.weight" [id=265, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.4.bias" [id=266, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.4.running_mean" [id=267, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"up_path.3.conv_block.block.4.running_var" [id=268, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/4/batch_norm/3" [id=269, type="batch_norm", metatype=PT2BatchNormMetatype]; +"conv_block/block/5/relu/3" [id=270, type=relu, metatype=PTRELUMetatype]; +"__nncf_hooks.post_hooks.conv_block/block/5/relu/3__0.0._scale_param_storage" [id=271, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"conv_block/block/5/post_hook__conv_block-block-5-relu-3__0[0]/symmetric_quantize/0" [id=272, type="symmetric_quantize", metatype=UnknownMetatype]; +"last.weight" [id=273, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"last.bias" [id=274, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"__nncf_hooks.pre_hooks.last/conv2d/0__1.0._scale_param_storage" [id=275, type="nncf_model_const", metatype=PTConstNoopMetatype]; +"last/pre_hook__last-conv2d-0__1[0]/symmetric_quantize/0" [id=276, type="symmetric_quantize", metatype=UnknownMetatype]; +"last/conv2d/0" [id=277, type=conv2d, metatype=PTConv2dMetatype]; +output [id=278, type="nncf_model_output", metatype=PTOutputNoopMetatype]; x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 360, 480)", out_port_id=0, in_port_id=0]; "__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; "post_hook__x__0[0]/symmetric_quantize/0" -> "block/0/conv2d/0" [dtype=float, shape="(1, 3, 360, 480)", out_port_id=0, in_port_id=0]; @@ -317,11 +333,11 @@ x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 360, "down_path.1.block.4.running_mean" -> "block/4/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; "down_path.1.block.4.running_var" -> "block/4/batch_norm/1" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; "block/4/batch_norm/1" -> "block/5/relu/1" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; -"block/5/relu/1" -> "block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.block/5/relu/1__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.block/5/relu/1__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" -> "/max_pool2d/1" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; -"block/5/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" -> "/__getitem__/2" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; +"block/5/relu/1" -> "block/5/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.up/conv_transpose2d/2__0.0._scale_param_storage" -> "block/5/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.up/conv_transpose2d/2__0.0._scale_param_storage" -> "up/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"block/5/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" -> "/max_pool2d/1" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; +"block/5/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" -> "/__getitem__/2" [dtype=float, shape="(1, 128, 174, 234)", out_port_id=0, in_port_id=0]; "/max_pool2d/1" -> "block/0/conv2d/2" [dtype=float, shape="(1, 128, 87, 117)", out_port_id=0, in_port_id=0]; "down_path.2.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 128, 3, 3)", out_port_id=0, in_port_id=0]; "down_path.2.block.0.bias" -> "block/0/conv2d/2" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; @@ -375,11 +391,11 @@ x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 360, "down_path.3.block.4.running_mean" -> "block/4/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; "down_path.3.block.4.running_var" -> "block/4/batch_norm/3" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; "block/4/batch_norm/3" -> "block/5/relu/3" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; -"block/5/relu/3" -> "block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.block/5/relu/3__0.0._scale_param_storage" -> "block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"__nncf_hooks.post_hooks.block/5/relu/3__0.0._scale_param_storage" -> "up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" -> "/max_pool2d/3" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; -"block/5/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" -> "/__getitem__/0" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; +"block/5/relu/3" -> "block/5/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.up/conv_transpose2d/0__0.0._scale_param_storage" -> "block/5/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"__nncf_hooks.post_hooks.up/conv_transpose2d/0__0.0._scale_param_storage" -> "up/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"block/5/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" -> "/max_pool2d/3" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; +"block/5/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" -> "/__getitem__/0" [dtype=float, shape="(1, 512, 37, 52)", out_port_id=0, in_port_id=0]; "/max_pool2d/3" -> "block/0/conv2d/4" [dtype=float, shape="(1, 512, 18, 26)", out_port_id=0, in_port_id=0]; "down_path.4.block.0.weight" -> "block/0/pre_hook__block-0-conv2d-4__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 512, 3, 3)", out_port_id=0, in_port_id=0]; "down_path.4.block.0.bias" -> "block/0/conv2d/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=2]; @@ -404,11 +420,15 @@ x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 360, "down_path.4.block.4.running_mean" -> "block/4/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=3]; "down_path.4.block.4.running_var" -> "block/4/batch_norm/4" [dtype=float, shape="(1024,)", out_port_id=0, in_port_id=4]; "block/4/batch_norm/4" -> "block/5/relu/4" [dtype=float, shape="(1, 1024, 14, 22)", out_port_id=0, in_port_id=0]; -"block/5/relu/4" -> "up/conv_transpose2d/0" [dtype=float, shape="(1, 1024, 14, 22)", out_port_id=0, in_port_id=0]; -"up_path.0.up.weight" -> "up/conv_transpose2d/0" [dtype=float, shape="(1024, 512, 2, 2)", out_port_id=0, in_port_id=1]; +"block/5/relu/4" -> "block/5/post_hook__block-5-relu-4__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 1024, 14, 22)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.block/5/relu/4__0.0._scale_param_storage" -> "block/5/post_hook__block-5-relu-4__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"block/5/post_hook__block-5-relu-4__0[0]/symmetric_quantize/0" -> "up/conv_transpose2d/0" [dtype=float, shape="(1, 1024, 14, 22)", out_port_id=0, in_port_id=0]; +"up_path.0.up.weight" -> "up/pre_hook__up-conv_transpose2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1024, 512, 2, 2)", out_port_id=0, in_port_id=0]; "up_path.0.up.bias" -> "up/conv_transpose2d/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=2]; -"up/conv_transpose2d/0" -> "up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 28, 44)", out_port_id=0, in_port_id=0]; -"up/post_hook__up-conv_transpose2d-0__0[0]/symmetric_quantize/0" -> "/cat/0" [dtype=float, shape="(1, 512, 28, 44)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.up/conv_transpose2d/0__1.0._scale_param_storage" -> "up/pre_hook__up-conv_transpose2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 1, 1)", out_port_id=0, in_port_id=4]; +"up/pre_hook__up-conv_transpose2d-0__1[0]/symmetric_quantize/0" -> "up/conv_transpose2d/0" [dtype=float, shape="(1024, 512, 2, 2)", out_port_id=0, in_port_id=1]; +"up/conv_transpose2d/0" -> "up/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 28, 44)", out_port_id=0, in_port_id=0]; +"up/post_hook__block-5-relu-3__0[0]/symmetric_quantize/0" -> "/cat/0" [dtype=float, shape="(1, 512, 28, 44)", out_port_id=0, in_port_id=0]; "/__getitem__/0" -> "/cat/0" [dtype=float, shape="(1, 512, 28, 44)", out_port_id=0, in_port_id=1]; "/cat/0" -> "conv_block/block/0/conv2d/0" [dtype=float, shape="(1, 1024, 28, 44)", out_port_id=0, in_port_id=0]; "up_path.0.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-0__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 1024, 3, 3)", out_port_id=0, in_port_id=0]; @@ -434,9 +454,13 @@ x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 360, "up_path.0.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=3]; "up_path.0.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/0" [dtype=float, shape="(512,)", out_port_id=0, in_port_id=4]; "conv_block/block/4/batch_norm/0" -> "conv_block/block/5/relu/0" [dtype=float, shape="(1, 512, 24, 40)", out_port_id=0, in_port_id=0]; -"conv_block/block/5/relu/0" -> "up/conv_transpose2d/1" [dtype=float, shape="(1, 512, 24, 40)", out_port_id=0, in_port_id=0]; -"up_path.1.up.weight" -> "up/conv_transpose2d/1" [dtype=float, shape="(512, 256, 2, 2)", out_port_id=0, in_port_id=1]; +"conv_block/block/5/relu/0" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 512, 24, 40)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.conv_block/block/5/relu/0__0.0._scale_param_storage" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-0__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"conv_block/block/5/post_hook__conv_block-block-5-relu-0__0[0]/symmetric_quantize/0" -> "up/conv_transpose2d/1" [dtype=float, shape="(1, 512, 24, 40)", out_port_id=0, in_port_id=0]; +"up_path.1.up.weight" -> "up/pre_hook__up-conv_transpose2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(512, 256, 2, 2)", out_port_id=0, in_port_id=0]; "up_path.1.up.bias" -> "up/conv_transpose2d/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.up/conv_transpose2d/1__1.0._scale_param_storage" -> "up/pre_hook__up-conv_transpose2d-1__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 1, 1)", out_port_id=0, in_port_id=4]; +"up/pre_hook__up-conv_transpose2d-1__1[0]/symmetric_quantize/0" -> "up/conv_transpose2d/1" [dtype=float, shape="(512, 256, 2, 2)", out_port_id=0, in_port_id=1]; "up/conv_transpose2d/1" -> "up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 48, 80)", out_port_id=0, in_port_id=0]; "up/post_hook__up-conv_transpose2d-1__0[0]/symmetric_quantize/0" -> "/cat/1" [dtype=float, shape="(1, 256, 48, 80)", out_port_id=0, in_port_id=0]; "/__getitem__/1" -> "/cat/1" [dtype=float, shape="(1, 256, 48, 80)", out_port_id=0, in_port_id=1]; @@ -464,11 +488,15 @@ x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 360, "up_path.1.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=3]; "up_path.1.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/1" [dtype=float, shape="(256,)", out_port_id=0, in_port_id=4]; "conv_block/block/4/batch_norm/1" -> "conv_block/block/5/relu/1" [dtype=float, shape="(1, 256, 44, 76)", out_port_id=0, in_port_id=0]; -"conv_block/block/5/relu/1" -> "up/conv_transpose2d/2" [dtype=float, shape="(1, 256, 44, 76)", out_port_id=0, in_port_id=0]; -"up_path.2.up.weight" -> "up/conv_transpose2d/2" [dtype=float, shape="(256, 128, 2, 2)", out_port_id=0, in_port_id=1]; +"conv_block/block/5/relu/1" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 256, 44, 76)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.conv_block/block/5/relu/1__0.0._scale_param_storage" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"conv_block/block/5/post_hook__conv_block-block-5-relu-1__0[0]/symmetric_quantize/0" -> "up/conv_transpose2d/2" [dtype=float, shape="(1, 256, 44, 76)", out_port_id=0, in_port_id=0]; +"up_path.2.up.weight" -> "up/pre_hook__up-conv_transpose2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(256, 128, 2, 2)", out_port_id=0, in_port_id=0]; "up_path.2.up.bias" -> "up/conv_transpose2d/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=2]; -"up/conv_transpose2d/2" -> "up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 88, 152)", out_port_id=0, in_port_id=0]; -"up/post_hook__up-conv_transpose2d-2__0[0]/symmetric_quantize/0" -> "/cat/2" [dtype=float, shape="(1, 128, 88, 152)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.pre_hooks.up/conv_transpose2d/2__1.0._scale_param_storage" -> "up/pre_hook__up-conv_transpose2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 1, 1)", out_port_id=0, in_port_id=4]; +"up/pre_hook__up-conv_transpose2d-2__1[0]/symmetric_quantize/0" -> "up/conv_transpose2d/2" [dtype=float, shape="(256, 128, 2, 2)", out_port_id=0, in_port_id=1]; +"up/conv_transpose2d/2" -> "up/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 88, 152)", out_port_id=0, in_port_id=0]; +"up/post_hook__block-5-relu-1__0[0]/symmetric_quantize/0" -> "/cat/2" [dtype=float, shape="(1, 128, 88, 152)", out_port_id=0, in_port_id=0]; "/__getitem__/2" -> "/cat/2" [dtype=float, shape="(1, 128, 88, 152)", out_port_id=0, in_port_id=1]; "/cat/2" -> "conv_block/block/0/conv2d/2" [dtype=float, shape="(1, 256, 88, 152)", out_port_id=0, in_port_id=0]; "up_path.2.conv_block.block.0.weight" -> "conv_block/block/0/pre_hook__conv_block-block-0-conv2d-2__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 256, 3, 3)", out_port_id=0, in_port_id=0]; @@ -494,9 +522,13 @@ x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 3, 360, "up_path.2.conv_block.block.4.running_mean" -> "conv_block/block/4/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=3]; "up_path.2.conv_block.block.4.running_var" -> "conv_block/block/4/batch_norm/2" [dtype=float, shape="(128,)", out_port_id=0, in_port_id=4]; "conv_block/block/4/batch_norm/2" -> "conv_block/block/5/relu/2" [dtype=float, shape="(1, 128, 84, 148)", out_port_id=0, in_port_id=0]; -"conv_block/block/5/relu/2" -> "up/conv_transpose2d/3" [dtype=float, shape="(1, 128, 84, 148)", out_port_id=0, in_port_id=0]; -"up_path.3.up.weight" -> "up/conv_transpose2d/3" [dtype=float, shape="(128, 64, 2, 2)", out_port_id=0, in_port_id=1]; +"conv_block/block/5/relu/2" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 128, 84, 148)", out_port_id=0, in_port_id=0]; +"__nncf_hooks.post_hooks.conv_block/block/5/relu/2__0.0._scale_param_storage" -> "conv_block/block/5/post_hook__conv_block-block-5-relu-2__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; +"conv_block/block/5/post_hook__conv_block-block-5-relu-2__0[0]/symmetric_quantize/0" -> "up/conv_transpose2d/3" [dtype=float, shape="(1, 128, 84, 148)", out_port_id=0, in_port_id=0]; +"up_path.3.up.weight" -> "up/pre_hook__up-conv_transpose2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(128, 64, 2, 2)", out_port_id=0, in_port_id=0]; "up_path.3.up.bias" -> "up/conv_transpose2d/3" [dtype=float, shape="(64,)", out_port_id=0, in_port_id=2]; +"__nncf_hooks.pre_hooks.up/conv_transpose2d/3__1.0._scale_param_storage" -> "up/pre_hook__up-conv_transpose2d-3__1[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 1, 1)", out_port_id=0, in_port_id=4]; +"up/pre_hook__up-conv_transpose2d-3__1[0]/symmetric_quantize/0" -> "up/conv_transpose2d/3" [dtype=float, shape="(128, 64, 2, 2)", out_port_id=0, in_port_id=1]; "up/conv_transpose2d/3" -> "up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 64, 168, 296)", out_port_id=0, in_port_id=0]; "up/post_hook__up-conv_transpose2d-3__0[0]/symmetric_quantize/0" -> "/cat/3" [dtype=float, shape="(1, 64, 168, 296)", out_port_id=0, in_port_id=0]; "/__getitem__/3" -> "/cat/3" [dtype=float, shape="(1, 64, 168, 296)", out_port_id=0, in_port_id=1]; From 3f2c342498e77af1f98e4fa082a522491e4fef4b Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 11 Mar 2025 16:29:28 +0400 Subject: [PATCH 28/29] update a wrong reference file --- nncf/torch/graph/operator_metatypes.py | 4 ++-- .../test_quantized_graphs/rope_model.dot | 24 ++++++++----------- 2 files changed, 12 insertions(+), 16 deletions(-) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index a97a53d9fff..3c1fe2f2919 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -1184,13 +1184,13 @@ class PTScaledDotProductAttentionMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTCosMetatype(PTOperatorMetatype): name = "CosOp" - module_to_function_names = {NamespaceTarget.TORCH: ["cos"]} + module_to_function_names = {NamespaceTarget.TORCH: ["cos"], NamespaceTarget.TORCH_TENSOR: ["cos"]} @PT_OPERATOR_METATYPES.register() class PTSinMetatype(PTOperatorMetatype): name = "SinOp" - module_to_function_names = {NamespaceTarget.TORCH: ["sin"]} + module_to_function_names = {NamespaceTarget.TORCH: ["sin"], NamespaceTarget.TORCH_TENSOR: ["sin"]} def get_operator_metatypes() -> List[Type[OperatorMetatype]]: diff --git a/tests/torch2/data/quantization/test_quantized_graphs/rope_model.dot b/tests/torch2/data/quantization/test_quantized_graphs/rope_model.dot index 2a89a9bf98b..48c6b8366ee 100644 --- a/tests/torch2/data/quantization/test_quantized_graphs/rope_model.dot +++ b/tests/torch2/data/quantization/test_quantized_graphs/rope_model.dot @@ -1,19 +1,15 @@ strict digraph { x [id=0, type="nncf_model_input", metatype=PTInputNoopMetatype]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" [id=1, type="nncf_model_const", metatype=PTConstNoopMetatype]; -"post_hook__x__0[0]/symmetric_quantize/0" [id=2, type="symmetric_quantize", metatype=UnknownMetatype]; -"/unsqueeze/0" [id=3, type=unsqueeze, metatype=PTReshapeMetatype]; -"/reshape/0" [id=4, type=reshape, metatype=UnknownMetatype]; -"/matmul/0" [id=5, type=matmul, metatype=PTMatMulMetatype]; -"/transpose/0" [id=6, type=transpose, metatype=PTTransposeMetatype]; -"/cat/0" [id=7, type=cat, metatype=PTCatMetatype]; -"/sin/0" [id=8, type=sin, metatype=UnknownMetatype]; -"/cos/0" [id=9, type=cos, metatype=UnknownMetatype]; -output_0 [id=10, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -output_1 [id=11, type="nncf_model_output", metatype=PTOutputNoopMetatype]; -x -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; -"__nncf_hooks.post_hooks.x__0.0._scale_param_storage" -> "post_hook__x__0[0]/symmetric_quantize/0" [dtype=float, shape="(1,)", out_port_id=0, in_port_id=4]; -"post_hook__x__0[0]/symmetric_quantize/0" -> "/unsqueeze/0" [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; +"/unsqueeze/0" [id=1, type=unsqueeze, metatype=PTReshapeMetatype]; +"/reshape/0" [id=2, type=reshape, metatype=UnknownMetatype]; +"/matmul/0" [id=3, type=matmul, metatype=PTMatMulMetatype]; +"/transpose/0" [id=4, type=transpose, metatype=PTTransposeMetatype]; +"/cat/0" [id=5, type=cat, metatype=PTCatMetatype]; +"/sin/0" [id=6, type=sin, metatype=PTSinMetatype]; +"/cos/0" [id=7, type=cos, metatype=PTCosMetatype]; +output_0 [id=8, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +output_1 [id=9, type="nncf_model_output", metatype=PTOutputNoopMetatype]; +x -> "/unsqueeze/0" [dtype=float, shape="(1, 10)", out_port_id=0, in_port_id=0]; "/unsqueeze/0" -> "/matmul/0" [dtype=float, shape="(1, 1, 10)", out_port_id=0, in_port_id=1]; "/reshape/0" -> "/matmul/0" [dtype=float, shape="(1, 5, 1)", out_port_id=0, in_port_id=0]; "/matmul/0" -> "/transpose/0" [dtype=float, shape="(1, 5, 10)", out_port_id=0, in_port_id=0]; From 9acc6ae1919e891f0dd2910f82ce52e09d4b43cd Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 11 Mar 2025 16:53:53 +0400 Subject: [PATCH 29/29] update operator metatype mapping --- nncf/torch/graph/operator_metatypes.py | 13 +++++++++---- 1 file changed, 9 insertions(+), 4 deletions(-) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 3c1fe2f2919..f114f458890 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -51,6 +51,7 @@ class PTOperatorMetatype(OperatorMetatype): external_op_names: List[str] = [] num_expected_input_edges: Optional[int] = None weight_port_ids: List[int] = [] + op_names: List[str] = [] module_to_function_names: Dict[NamespaceTarget, List[str]] = { NamespaceTarget.TORCH_NN_FUNCTIONAL: [], @@ -79,7 +80,8 @@ def get_all_aliases(cls) -> List[str]: output = output.union(f"{namespace.value}.{i}" for i in function_names) if cls.external_op_names is not None: output = output.union(cls.external_op_names) - output = output.union([cls.name]) + if cls.op_names is not None: + output = output.union(cls.op_names) return list(output) @classmethod @@ -530,7 +532,8 @@ class PTLayerNormMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTAtenLayerNormMetatype(PTOperatorMetatype): - name = f"{NamespaceTarget.ATEN.value}.layer_norm" + name = "LayerNormOp" + op_names = [f"{NamespaceTarget.ATEN.value}.layer_norm"] hw_config_names = [HWConfigOpName.MVN] subtypes = [PTModuleLayerNormMetatype] num_expected_input_edges = 1 @@ -771,7 +774,8 @@ class PTBatchNormMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PT2BatchNormMetatype(PTOperatorMetatype): - name = f"{NamespaceTarget.TORCH.value}.batch_norm" + name = "BatchNormOp" + op_names = [f"{NamespaceTarget.TORCH.value}.batch_norm"] subtypes = [PTModuleBatchNormMetatype] weight_port_ids = [1] bias_port_id = 2 @@ -992,7 +996,8 @@ class PTEmbeddingMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTAtenEmbeddingMetatype(PTOperatorMetatype): - name = f"{NamespaceTarget.ATEN.value}.embedding" + name = "EmbeddingOp" + op_names = [f"{NamespaceTarget.ATEN.value}.embedding"] hw_config_names = [HWConfigOpName.EMBEDDING] weight_port_ids = [0]